liuylhf commited on
Commit
9270c6e
·
verified ·
1 Parent(s): f9cce5f

Upload folder using huggingface_hub

Browse files
Files changed (43) hide show
  1. README.md +167 -0
  2. adapter_config.json +32 -0
  3. adapter_model.bin +3 -0
  4. checkpoint-18/README.md +204 -0
  5. checkpoint-18/adapter_config.json +32 -0
  6. checkpoint-18/adapter_model.safetensors +3 -0
  7. checkpoint-18/optimizer.pt +3 -0
  8. checkpoint-18/rng_state_0.pth +3 -0
  9. checkpoint-18/rng_state_1.pth +3 -0
  10. checkpoint-18/scheduler.pt +3 -0
  11. checkpoint-18/trainer_state.json +185 -0
  12. checkpoint-18/training_args.bin +3 -0
  13. checkpoint-21/README.md +204 -0
  14. checkpoint-21/adapter_config.json +32 -0
  15. checkpoint-21/adapter_model.safetensors +3 -0
  16. checkpoint-21/optimizer.pt +3 -0
  17. checkpoint-21/rng_state_0.pth +3 -0
  18. checkpoint-21/rng_state_1.pth +3 -0
  19. checkpoint-21/scheduler.pt +3 -0
  20. checkpoint-21/trainer_state.json +211 -0
  21. checkpoint-21/training_args.bin +3 -0
  22. checkpoint-24/README.md +204 -0
  23. checkpoint-24/adapter_config.json +32 -0
  24. checkpoint-24/adapter_model.safetensors +3 -0
  25. checkpoint-24/optimizer.pt +3 -0
  26. checkpoint-24/rng_state_0.pth +3 -0
  27. checkpoint-24/rng_state_1.pth +3 -0
  28. checkpoint-24/scheduler.pt +3 -0
  29. checkpoint-24/trainer_state.json +237 -0
  30. checkpoint-24/training_args.bin +3 -0
  31. checkpoint-27/README.md +204 -0
  32. checkpoint-27/adapter_config.json +32 -0
  33. checkpoint-27/adapter_model.safetensors +3 -0
  34. checkpoint-27/optimizer.pt +3 -0
  35. checkpoint-27/rng_state_0.pth +3 -0
  36. checkpoint-27/rng_state_1.pth +3 -0
  37. checkpoint-27/scheduler.pt +3 -0
  38. checkpoint-27/trainer_state.json +263 -0
  39. checkpoint-27/training_args.bin +3 -0
  40. config.json +40 -0
  41. special_tokens_map.json +24 -0
  42. tokenizer.model +3 -0
  43. tokenizer_config.json +45 -0
README.md ADDED
@@ -0,0 +1,167 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ library_name: peft
4
+ tags:
5
+ - generated_from_trainer
6
+ base_model: mistralai/Mistral-7B-Instruct-v0.2
7
+ model-index:
8
+ - name: text-generation-webui/loras/mistral-instruct-raw-format-v2-more-positive
9
+ results: []
10
+ ---
11
+
12
+ <!-- This model card has been generated automatically according to the information the Trainer had access to. You
13
+ should probably proofread and complete it, then remove this comment. -->
14
+
15
+ [<img src="https://raw.githubusercontent.com/OpenAccess-AI-Collective/axolotl/main/image/axolotl-badge-web.png" alt="Built with Axolotl" width="200" height="32"/>](https://github.com/OpenAccess-AI-Collective/axolotl)
16
+ <details><summary>See axolotl config</summary>
17
+
18
+ axolotl version: `0.4.0`
19
+ ```yaml
20
+ base_model: mistralai/Mistral-7B-Instruct-v0.2
21
+ model_type: AutoModelForCausalLM
22
+ tokenizer_type: LlamaTokenizer
23
+ is_mistral_derived_model: true
24
+ load_in_8bit: false
25
+ load_in_4bit: true
26
+ strict: false
27
+
28
+ datasets:
29
+ - path: ./data/raw_format/tool_used_training.jsonl
30
+ type: sharegpt
31
+ - path: ./data/raw_format/tool_not_used_training.jsonl
32
+ type: sharegpt
33
+ - path: ./data/raw_format/no_tools_training.jsonl
34
+ type: sharegpt
35
+
36
+ dataset_prepared_path: last_run_prepared
37
+ val_set_size: 0.1
38
+ output_dir: ../../text-generation-webui/loras/mistral-instruct-raw-format-v2-more-positive
39
+
40
+ adapter: qlora
41
+ lora_model_dir:
42
+
43
+ sequence_len: 8192
44
+ sample_packing: true
45
+ pad_to_sequence_len: true
46
+
47
+ lora_r: 16
48
+ lora_alpha: 16
49
+ lora_dropout: 0.05
50
+ lora_target_linear: true
51
+ lora_fan_in_fan_out:
52
+ # lora_target_modules:
53
+ # - gate_proj
54
+ # - down_proj
55
+ # - up_proj
56
+ # - q_proj
57
+ # - v_proj
58
+ # - k_proj
59
+ # - o_proj
60
+
61
+ wandb_project: function-call
62
+ wandb_name: mixtral-instruct-qlora-v1
63
+ wandb_log_model: end
64
+
65
+ gradient_accumulation_steps: 4
66
+ micro_batch_size: 2
67
+ num_epochs: 1
68
+ optimizer: paged_adamw_8bit
69
+ lr_scheduler: cosine
70
+ learning_rate: 0.001
71
+ adam_beta2: 0.95
72
+ adam_epsilon: 0.00001
73
+ max_grad_norm: 1.0
74
+
75
+ train_on_inputs: false
76
+ group_by_length: false
77
+ bf16: auto
78
+ fp16:
79
+ tf32: false
80
+
81
+ gradient_checkpointing: true
82
+ early_stopping_patience:
83
+ resume_from_checkpoint:
84
+ local_rank:
85
+ logging_steps: 1
86
+ xformers_attention:
87
+ flash_attention: true
88
+
89
+ # loss_watchdog_threshold: 5.0
90
+ # loss_watchdog_patience: 3
91
+
92
+ warmup_steps: 10
93
+ # evals_per_epoch: 20
94
+ eval_steps: 0.1
95
+ save_steps: 0.1
96
+ eval_table_size:
97
+ eval_max_new_tokens: 256
98
+ # saves_per_epoch: 1
99
+ debug:
100
+ deepspeed:
101
+ weight_decay: 1.0
102
+ fsdp:
103
+ fsdp_config:
104
+ ```
105
+
106
+ </details><br>
107
+
108
+ # text-generation-webui/loras/mistral-instruct-raw-format-v2-more-positive
109
+
110
+ This model is a fine-tuned version of [mistralai/Mistral-7B-Instruct-v0.2](https://huggingface.co/mistralai/Mistral-7B-Instruct-v0.2) on the None dataset.
111
+ It achieves the following results on the evaluation set:
112
+ - Loss: 0.4076
113
+
114
+ ## Model description
115
+
116
+ More information needed
117
+
118
+ ## Intended uses & limitations
119
+
120
+ More information needed
121
+
122
+ ## Training and evaluation data
123
+
124
+ More information needed
125
+
126
+ ## Training procedure
127
+
128
+ ### Training hyperparameters
129
+
130
+ The following hyperparameters were used during training:
131
+ - learning_rate: 0.001
132
+ - train_batch_size: 2
133
+ - eval_batch_size: 2
134
+ - seed: 42
135
+ - distributed_type: multi-GPU
136
+ - num_devices: 2
137
+ - gradient_accumulation_steps: 4
138
+ - total_train_batch_size: 16
139
+ - total_eval_batch_size: 4
140
+ - optimizer: Adam with betas=(0.9,0.95) and epsilon=1e-05
141
+ - lr_scheduler_type: cosine
142
+ - lr_scheduler_warmup_steps: 10
143
+ - num_epochs: 1
144
+
145
+ ### Training results
146
+
147
+ | Training Loss | Epoch | Step | Validation Loss |
148
+ |:-------------:|:-----:|:----:|:---------------:|
149
+ | 0.9379 | 0.03 | 1 | 0.9217 |
150
+ | 0.7334 | 0.1 | 3 | 0.6238 |
151
+ | 0.503 | 0.21 | 6 | 0.5134 |
152
+ | 0.4644 | 0.31 | 9 | 0.4586 |
153
+ | 0.4636 | 0.41 | 12 | 0.4403 |
154
+ | 0.41 | 0.51 | 15 | 0.4276 |
155
+ | 0.4248 | 0.62 | 18 | 0.4189 |
156
+ | 0.4094 | 0.72 | 21 | 0.4120 |
157
+ | 0.3905 | 0.82 | 24 | 0.4094 |
158
+ | 0.3828 | 0.92 | 27 | 0.4076 |
159
+
160
+
161
+ ### Framework versions
162
+
163
+ - PEFT 0.8.2
164
+ - Transformers 4.38.0.dev0
165
+ - Pytorch 2.2.0+cu121
166
+ - Datasets 2.17.1
167
+ - Tokenizers 0.15.0
adapter_config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "mistralai/Mistral-7B-Instruct-v0.2",
5
+ "bias": "none",
6
+ "fan_in_fan_out": null,
7
+ "inference_mode": true,
8
+ "init_lora_weights": true,
9
+ "layers_pattern": null,
10
+ "layers_to_transform": null,
11
+ "loftq_config": {},
12
+ "lora_alpha": 16,
13
+ "lora_dropout": 0.05,
14
+ "megatron_config": null,
15
+ "megatron_core": "megatron.core",
16
+ "modules_to_save": null,
17
+ "peft_type": "LORA",
18
+ "r": 16,
19
+ "rank_pattern": {},
20
+ "revision": null,
21
+ "target_modules": [
22
+ "k_proj",
23
+ "q_proj",
24
+ "v_proj",
25
+ "down_proj",
26
+ "gate_proj",
27
+ "o_proj",
28
+ "up_proj"
29
+ ],
30
+ "task_type": "CAUSAL_LM",
31
+ "use_rslora": false
32
+ }
adapter_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5a7e80aa784f55ea66ccc25f34eb4886b5be46e9690098e95b333c1fab8ce46c
3
+ size 167934026
checkpoint-18/README.md ADDED
@@ -0,0 +1,204 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: peft
3
+ base_model: mistralai/Mistral-7B-Instruct-v0.2
4
+ ---
5
+
6
+ # Model Card for Model ID
7
+
8
+ <!-- Provide a quick summary of what the model is/does. -->
9
+
10
+
11
+
12
+ ## Model Details
13
+
14
+ ### Model Description
15
+
16
+ <!-- Provide a longer summary of what this model is. -->
17
+
18
+
19
+
20
+ - **Developed by:** [More Information Needed]
21
+ - **Funded by [optional]:** [More Information Needed]
22
+ - **Shared by [optional]:** [More Information Needed]
23
+ - **Model type:** [More Information Needed]
24
+ - **Language(s) (NLP):** [More Information Needed]
25
+ - **License:** [More Information Needed]
26
+ - **Finetuned from model [optional]:** [More Information Needed]
27
+
28
+ ### Model Sources [optional]
29
+
30
+ <!-- Provide the basic links for the model. -->
31
+
32
+ - **Repository:** [More Information Needed]
33
+ - **Paper [optional]:** [More Information Needed]
34
+ - **Demo [optional]:** [More Information Needed]
35
+
36
+ ## Uses
37
+
38
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
39
+
40
+ ### Direct Use
41
+
42
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
43
+
44
+ [More Information Needed]
45
+
46
+ ### Downstream Use [optional]
47
+
48
+ <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
49
+
50
+ [More Information Needed]
51
+
52
+ ### Out-of-Scope Use
53
+
54
+ <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
55
+
56
+ [More Information Needed]
57
+
58
+ ## Bias, Risks, and Limitations
59
+
60
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
61
+
62
+ [More Information Needed]
63
+
64
+ ### Recommendations
65
+
66
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
67
+
68
+ Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
69
+
70
+ ## How to Get Started with the Model
71
+
72
+ Use the code below to get started with the model.
73
+
74
+ [More Information Needed]
75
+
76
+ ## Training Details
77
+
78
+ ### Training Data
79
+
80
+ <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
81
+
82
+ [More Information Needed]
83
+
84
+ ### Training Procedure
85
+
86
+ <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
87
+
88
+ #### Preprocessing [optional]
89
+
90
+ [More Information Needed]
91
+
92
+
93
+ #### Training Hyperparameters
94
+
95
+ - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
96
+
97
+ #### Speeds, Sizes, Times [optional]
98
+
99
+ <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
100
+
101
+ [More Information Needed]
102
+
103
+ ## Evaluation
104
+
105
+ <!-- This section describes the evaluation protocols and provides the results. -->
106
+
107
+ ### Testing Data, Factors & Metrics
108
+
109
+ #### Testing Data
110
+
111
+ <!-- This should link to a Dataset Card if possible. -->
112
+
113
+ [More Information Needed]
114
+
115
+ #### Factors
116
+
117
+ <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
118
+
119
+ [More Information Needed]
120
+
121
+ #### Metrics
122
+
123
+ <!-- These are the evaluation metrics being used, ideally with a description of why. -->
124
+
125
+ [More Information Needed]
126
+
127
+ ### Results
128
+
129
+ [More Information Needed]
130
+
131
+ #### Summary
132
+
133
+
134
+
135
+ ## Model Examination [optional]
136
+
137
+ <!-- Relevant interpretability work for the model goes here -->
138
+
139
+ [More Information Needed]
140
+
141
+ ## Environmental Impact
142
+
143
+ <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
144
+
145
+ Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
146
+
147
+ - **Hardware Type:** [More Information Needed]
148
+ - **Hours used:** [More Information Needed]
149
+ - **Cloud Provider:** [More Information Needed]
150
+ - **Compute Region:** [More Information Needed]
151
+ - **Carbon Emitted:** [More Information Needed]
152
+
153
+ ## Technical Specifications [optional]
154
+
155
+ ### Model Architecture and Objective
156
+
157
+ [More Information Needed]
158
+
159
+ ### Compute Infrastructure
160
+
161
+ [More Information Needed]
162
+
163
+ #### Hardware
164
+
165
+ [More Information Needed]
166
+
167
+ #### Software
168
+
169
+ [More Information Needed]
170
+
171
+ ## Citation [optional]
172
+
173
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
174
+
175
+ **BibTeX:**
176
+
177
+ [More Information Needed]
178
+
179
+ **APA:**
180
+
181
+ [More Information Needed]
182
+
183
+ ## Glossary [optional]
184
+
185
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
186
+
187
+ [More Information Needed]
188
+
189
+ ## More Information [optional]
190
+
191
+ [More Information Needed]
192
+
193
+ ## Model Card Authors [optional]
194
+
195
+ [More Information Needed]
196
+
197
+ ## Model Card Contact
198
+
199
+ [More Information Needed]
200
+
201
+
202
+ ### Framework versions
203
+
204
+ - PEFT 0.8.2
checkpoint-18/adapter_config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "mistralai/Mistral-7B-Instruct-v0.2",
5
+ "bias": "none",
6
+ "fan_in_fan_out": null,
7
+ "inference_mode": true,
8
+ "init_lora_weights": true,
9
+ "layers_pattern": null,
10
+ "layers_to_transform": null,
11
+ "loftq_config": {},
12
+ "lora_alpha": 16,
13
+ "lora_dropout": 0.05,
14
+ "megatron_config": null,
15
+ "megatron_core": "megatron.core",
16
+ "modules_to_save": null,
17
+ "peft_type": "LORA",
18
+ "r": 16,
19
+ "rank_pattern": {},
20
+ "revision": null,
21
+ "target_modules": [
22
+ "k_proj",
23
+ "q_proj",
24
+ "v_proj",
25
+ "down_proj",
26
+ "gate_proj",
27
+ "o_proj",
28
+ "up_proj"
29
+ ],
30
+ "task_type": "CAUSAL_LM",
31
+ "use_rslora": false
32
+ }
checkpoint-18/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dbbb85da9aa82075843c55dbbc6ff274cad7b087408eceee87f5bdfd858f3514
3
+ size 167832240
checkpoint-18/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e0e267cec62485f465898529a7f164e64d5c4da025f8cdd57c95f9ec9d45c2e8
3
+ size 84575956
checkpoint-18/rng_state_0.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7ca69af62e50de6376be1a47a8fae4836695b44622e37e6d73f3bdd9087fcaf3
3
+ size 14512
checkpoint-18/rng_state_1.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6fa93de1b0d2f258782230a4576df1f465738b685d4ee45927142ba7eb73490f
3
+ size 14512
checkpoint-18/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fff35aabfe316308cff5ac7b8a7652458cc13c0c9fb1ec5df43ff765bce0216d
3
+ size 1064
checkpoint-18/trainer_state.json ADDED
@@ -0,0 +1,185 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": 0.41894882917404175,
3
+ "best_model_checkpoint": "../../text-generation-webui/loras/mistral-instruct-raw-format-v2-more-positive/checkpoint-18",
4
+ "epoch": 0.6153846153846154,
5
+ "eval_steps": 3,
6
+ "global_step": 18,
7
+ "is_hyper_param_search": false,
8
+ "is_local_process_zero": true,
9
+ "is_world_process_zero": true,
10
+ "log_history": [
11
+ {
12
+ "epoch": 0.03,
13
+ "learning_rate": 0.0001,
14
+ "loss": 0.9379,
15
+ "step": 1
16
+ },
17
+ {
18
+ "epoch": 0.03,
19
+ "eval_loss": 0.9217294454574585,
20
+ "eval_runtime": 21.8917,
21
+ "eval_samples_per_second": 34.259,
22
+ "eval_steps_per_second": 8.588,
23
+ "step": 1
24
+ },
25
+ {
26
+ "epoch": 0.07,
27
+ "learning_rate": 0.0002,
28
+ "loss": 0.8714,
29
+ "step": 2
30
+ },
31
+ {
32
+ "epoch": 0.1,
33
+ "learning_rate": 0.0003,
34
+ "loss": 0.7334,
35
+ "step": 3
36
+ },
37
+ {
38
+ "epoch": 0.1,
39
+ "eval_loss": 0.6237823963165283,
40
+ "eval_runtime": 22.2516,
41
+ "eval_samples_per_second": 33.705,
42
+ "eval_steps_per_second": 8.449,
43
+ "step": 3
44
+ },
45
+ {
46
+ "epoch": 0.14,
47
+ "learning_rate": 0.0004,
48
+ "loss": 0.6181,
49
+ "step": 4
50
+ },
51
+ {
52
+ "epoch": 0.17,
53
+ "learning_rate": 0.0005,
54
+ "loss": 0.5345,
55
+ "step": 5
56
+ },
57
+ {
58
+ "epoch": 0.21,
59
+ "learning_rate": 0.0006,
60
+ "loss": 0.503,
61
+ "step": 6
62
+ },
63
+ {
64
+ "epoch": 0.21,
65
+ "eval_loss": 0.5134392976760864,
66
+ "eval_runtime": 22.3048,
67
+ "eval_samples_per_second": 33.625,
68
+ "eval_steps_per_second": 8.429,
69
+ "step": 6
70
+ },
71
+ {
72
+ "epoch": 0.24,
73
+ "learning_rate": 0.0007,
74
+ "loss": 0.5106,
75
+ "step": 7
76
+ },
77
+ {
78
+ "epoch": 0.27,
79
+ "learning_rate": 0.0008,
80
+ "loss": 0.4623,
81
+ "step": 8
82
+ },
83
+ {
84
+ "epoch": 0.31,
85
+ "learning_rate": 0.0009000000000000001,
86
+ "loss": 0.4644,
87
+ "step": 9
88
+ },
89
+ {
90
+ "epoch": 0.31,
91
+ "eval_loss": 0.45862117409706116,
92
+ "eval_runtime": 22.3188,
93
+ "eval_samples_per_second": 33.604,
94
+ "eval_steps_per_second": 8.423,
95
+ "step": 9
96
+ },
97
+ {
98
+ "epoch": 0.34,
99
+ "learning_rate": 0.001,
100
+ "loss": 0.4399,
101
+ "step": 10
102
+ },
103
+ {
104
+ "epoch": 0.38,
105
+ "learning_rate": 0.0009931806517013613,
106
+ "loss": 0.4356,
107
+ "step": 11
108
+ },
109
+ {
110
+ "epoch": 0.41,
111
+ "learning_rate": 0.0009729086208503173,
112
+ "loss": 0.4636,
113
+ "step": 12
114
+ },
115
+ {
116
+ "epoch": 0.41,
117
+ "eval_loss": 0.44031861424446106,
118
+ "eval_runtime": 22.3297,
119
+ "eval_samples_per_second": 33.588,
120
+ "eval_steps_per_second": 8.419,
121
+ "step": 12
122
+ },
123
+ {
124
+ "epoch": 0.44,
125
+ "learning_rate": 0.0009397368756032445,
126
+ "loss": 0.4481,
127
+ "step": 13
128
+ },
129
+ {
130
+ "epoch": 0.48,
131
+ "learning_rate": 0.0008945702546981969,
132
+ "loss": 0.4278,
133
+ "step": 14
134
+ },
135
+ {
136
+ "epoch": 0.51,
137
+ "learning_rate": 0.0008386407858128706,
138
+ "loss": 0.41,
139
+ "step": 15
140
+ },
141
+ {
142
+ "epoch": 0.51,
143
+ "eval_loss": 0.42758792638778687,
144
+ "eval_runtime": 22.324,
145
+ "eval_samples_per_second": 33.596,
146
+ "eval_steps_per_second": 8.421,
147
+ "step": 15
148
+ },
149
+ {
150
+ "epoch": 0.55,
151
+ "learning_rate": 0.0007734740790612135,
152
+ "loss": 0.3787,
153
+ "step": 16
154
+ },
155
+ {
156
+ "epoch": 0.58,
157
+ "learning_rate": 0.0007008477123264848,
158
+ "loss": 0.4467,
159
+ "step": 17
160
+ },
161
+ {
162
+ "epoch": 0.62,
163
+ "learning_rate": 0.0006227427435703996,
164
+ "loss": 0.4248,
165
+ "step": 18
166
+ },
167
+ {
168
+ "epoch": 0.62,
169
+ "eval_loss": 0.41894882917404175,
170
+ "eval_runtime": 22.3349,
171
+ "eval_samples_per_second": 33.58,
172
+ "eval_steps_per_second": 8.417,
173
+ "step": 18
174
+ }
175
+ ],
176
+ "logging_steps": 1,
177
+ "max_steps": 29,
178
+ "num_input_tokens_seen": 0,
179
+ "num_train_epochs": 1,
180
+ "save_steps": 3,
181
+ "total_flos": 1.0125064781011354e+17,
182
+ "train_batch_size": 2,
183
+ "trial_name": null,
184
+ "trial_params": null
185
+ }
checkpoint-18/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6707a93794938938c2e025fd684f764555a83be1ceba0b8160cb126c25caccdb
3
+ size 5560
checkpoint-21/README.md ADDED
@@ -0,0 +1,204 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: peft
3
+ base_model: mistralai/Mistral-7B-Instruct-v0.2
4
+ ---
5
+
6
+ # Model Card for Model ID
7
+
8
+ <!-- Provide a quick summary of what the model is/does. -->
9
+
10
+
11
+
12
+ ## Model Details
13
+
14
+ ### Model Description
15
+
16
+ <!-- Provide a longer summary of what this model is. -->
17
+
18
+
19
+
20
+ - **Developed by:** [More Information Needed]
21
+ - **Funded by [optional]:** [More Information Needed]
22
+ - **Shared by [optional]:** [More Information Needed]
23
+ - **Model type:** [More Information Needed]
24
+ - **Language(s) (NLP):** [More Information Needed]
25
+ - **License:** [More Information Needed]
26
+ - **Finetuned from model [optional]:** [More Information Needed]
27
+
28
+ ### Model Sources [optional]
29
+
30
+ <!-- Provide the basic links for the model. -->
31
+
32
+ - **Repository:** [More Information Needed]
33
+ - **Paper [optional]:** [More Information Needed]
34
+ - **Demo [optional]:** [More Information Needed]
35
+
36
+ ## Uses
37
+
38
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
39
+
40
+ ### Direct Use
41
+
42
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
43
+
44
+ [More Information Needed]
45
+
46
+ ### Downstream Use [optional]
47
+
48
+ <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
49
+
50
+ [More Information Needed]
51
+
52
+ ### Out-of-Scope Use
53
+
54
+ <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
55
+
56
+ [More Information Needed]
57
+
58
+ ## Bias, Risks, and Limitations
59
+
60
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
61
+
62
+ [More Information Needed]
63
+
64
+ ### Recommendations
65
+
66
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
67
+
68
+ Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
69
+
70
+ ## How to Get Started with the Model
71
+
72
+ Use the code below to get started with the model.
73
+
74
+ [More Information Needed]
75
+
76
+ ## Training Details
77
+
78
+ ### Training Data
79
+
80
+ <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
81
+
82
+ [More Information Needed]
83
+
84
+ ### Training Procedure
85
+
86
+ <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
87
+
88
+ #### Preprocessing [optional]
89
+
90
+ [More Information Needed]
91
+
92
+
93
+ #### Training Hyperparameters
94
+
95
+ - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
96
+
97
+ #### Speeds, Sizes, Times [optional]
98
+
99
+ <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
100
+
101
+ [More Information Needed]
102
+
103
+ ## Evaluation
104
+
105
+ <!-- This section describes the evaluation protocols and provides the results. -->
106
+
107
+ ### Testing Data, Factors & Metrics
108
+
109
+ #### Testing Data
110
+
111
+ <!-- This should link to a Dataset Card if possible. -->
112
+
113
+ [More Information Needed]
114
+
115
+ #### Factors
116
+
117
+ <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
118
+
119
+ [More Information Needed]
120
+
121
+ #### Metrics
122
+
123
+ <!-- These are the evaluation metrics being used, ideally with a description of why. -->
124
+
125
+ [More Information Needed]
126
+
127
+ ### Results
128
+
129
+ [More Information Needed]
130
+
131
+ #### Summary
132
+
133
+
134
+
135
+ ## Model Examination [optional]
136
+
137
+ <!-- Relevant interpretability work for the model goes here -->
138
+
139
+ [More Information Needed]
140
+
141
+ ## Environmental Impact
142
+
143
+ <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
144
+
145
+ Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
146
+
147
+ - **Hardware Type:** [More Information Needed]
148
+ - **Hours used:** [More Information Needed]
149
+ - **Cloud Provider:** [More Information Needed]
150
+ - **Compute Region:** [More Information Needed]
151
+ - **Carbon Emitted:** [More Information Needed]
152
+
153
+ ## Technical Specifications [optional]
154
+
155
+ ### Model Architecture and Objective
156
+
157
+ [More Information Needed]
158
+
159
+ ### Compute Infrastructure
160
+
161
+ [More Information Needed]
162
+
163
+ #### Hardware
164
+
165
+ [More Information Needed]
166
+
167
+ #### Software
168
+
169
+ [More Information Needed]
170
+
171
+ ## Citation [optional]
172
+
173
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
174
+
175
+ **BibTeX:**
176
+
177
+ [More Information Needed]
178
+
179
+ **APA:**
180
+
181
+ [More Information Needed]
182
+
183
+ ## Glossary [optional]
184
+
185
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
186
+
187
+ [More Information Needed]
188
+
189
+ ## More Information [optional]
190
+
191
+ [More Information Needed]
192
+
193
+ ## Model Card Authors [optional]
194
+
195
+ [More Information Needed]
196
+
197
+ ## Model Card Contact
198
+
199
+ [More Information Needed]
200
+
201
+
202
+ ### Framework versions
203
+
204
+ - PEFT 0.8.2
checkpoint-21/adapter_config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "mistralai/Mistral-7B-Instruct-v0.2",
5
+ "bias": "none",
6
+ "fan_in_fan_out": null,
7
+ "inference_mode": true,
8
+ "init_lora_weights": true,
9
+ "layers_pattern": null,
10
+ "layers_to_transform": null,
11
+ "loftq_config": {},
12
+ "lora_alpha": 16,
13
+ "lora_dropout": 0.05,
14
+ "megatron_config": null,
15
+ "megatron_core": "megatron.core",
16
+ "modules_to_save": null,
17
+ "peft_type": "LORA",
18
+ "r": 16,
19
+ "rank_pattern": {},
20
+ "revision": null,
21
+ "target_modules": [
22
+ "k_proj",
23
+ "q_proj",
24
+ "v_proj",
25
+ "down_proj",
26
+ "gate_proj",
27
+ "o_proj",
28
+ "up_proj"
29
+ ],
30
+ "task_type": "CAUSAL_LM",
31
+ "use_rslora": false
32
+ }
checkpoint-21/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e4ef0838c5cc04fef91306a60917e7777c8902ce8b957b3f80824e3350288f95
3
+ size 167832240
checkpoint-21/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:c0437f0eae7eb88161c40692d2c9357891ccff93ce3ec9c174b274e757f2b111
3
+ size 84575956
checkpoint-21/rng_state_0.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:699f9cdf423e6030bf62a0edbc5a2bb9280462ce94640fd0ae4c6f5dd4910caf
3
+ size 14512
checkpoint-21/rng_state_1.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d2a35f5a1899f7f28c0b86d1c7093518030eab1412073de803346c39357cfd7d
3
+ size 14512
checkpoint-21/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bfa05a82b0334a94eada2619ffcbbc182e78567e33747a6645f304c746388d83
3
+ size 1064
checkpoint-21/trainer_state.json ADDED
@@ -0,0 +1,211 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": 0.41203784942626953,
3
+ "best_model_checkpoint": "../../text-generation-webui/loras/mistral-instruct-raw-format-v2-more-positive/checkpoint-21",
4
+ "epoch": 0.717948717948718,
5
+ "eval_steps": 3,
6
+ "global_step": 21,
7
+ "is_hyper_param_search": false,
8
+ "is_local_process_zero": true,
9
+ "is_world_process_zero": true,
10
+ "log_history": [
11
+ {
12
+ "epoch": 0.03,
13
+ "learning_rate": 0.0001,
14
+ "loss": 0.9379,
15
+ "step": 1
16
+ },
17
+ {
18
+ "epoch": 0.03,
19
+ "eval_loss": 0.9217294454574585,
20
+ "eval_runtime": 21.8917,
21
+ "eval_samples_per_second": 34.259,
22
+ "eval_steps_per_second": 8.588,
23
+ "step": 1
24
+ },
25
+ {
26
+ "epoch": 0.07,
27
+ "learning_rate": 0.0002,
28
+ "loss": 0.8714,
29
+ "step": 2
30
+ },
31
+ {
32
+ "epoch": 0.1,
33
+ "learning_rate": 0.0003,
34
+ "loss": 0.7334,
35
+ "step": 3
36
+ },
37
+ {
38
+ "epoch": 0.1,
39
+ "eval_loss": 0.6237823963165283,
40
+ "eval_runtime": 22.2516,
41
+ "eval_samples_per_second": 33.705,
42
+ "eval_steps_per_second": 8.449,
43
+ "step": 3
44
+ },
45
+ {
46
+ "epoch": 0.14,
47
+ "learning_rate": 0.0004,
48
+ "loss": 0.6181,
49
+ "step": 4
50
+ },
51
+ {
52
+ "epoch": 0.17,
53
+ "learning_rate": 0.0005,
54
+ "loss": 0.5345,
55
+ "step": 5
56
+ },
57
+ {
58
+ "epoch": 0.21,
59
+ "learning_rate": 0.0006,
60
+ "loss": 0.503,
61
+ "step": 6
62
+ },
63
+ {
64
+ "epoch": 0.21,
65
+ "eval_loss": 0.5134392976760864,
66
+ "eval_runtime": 22.3048,
67
+ "eval_samples_per_second": 33.625,
68
+ "eval_steps_per_second": 8.429,
69
+ "step": 6
70
+ },
71
+ {
72
+ "epoch": 0.24,
73
+ "learning_rate": 0.0007,
74
+ "loss": 0.5106,
75
+ "step": 7
76
+ },
77
+ {
78
+ "epoch": 0.27,
79
+ "learning_rate": 0.0008,
80
+ "loss": 0.4623,
81
+ "step": 8
82
+ },
83
+ {
84
+ "epoch": 0.31,
85
+ "learning_rate": 0.0009000000000000001,
86
+ "loss": 0.4644,
87
+ "step": 9
88
+ },
89
+ {
90
+ "epoch": 0.31,
91
+ "eval_loss": 0.45862117409706116,
92
+ "eval_runtime": 22.3188,
93
+ "eval_samples_per_second": 33.604,
94
+ "eval_steps_per_second": 8.423,
95
+ "step": 9
96
+ },
97
+ {
98
+ "epoch": 0.34,
99
+ "learning_rate": 0.001,
100
+ "loss": 0.4399,
101
+ "step": 10
102
+ },
103
+ {
104
+ "epoch": 0.38,
105
+ "learning_rate": 0.0009931806517013613,
106
+ "loss": 0.4356,
107
+ "step": 11
108
+ },
109
+ {
110
+ "epoch": 0.41,
111
+ "learning_rate": 0.0009729086208503173,
112
+ "loss": 0.4636,
113
+ "step": 12
114
+ },
115
+ {
116
+ "epoch": 0.41,
117
+ "eval_loss": 0.44031861424446106,
118
+ "eval_runtime": 22.3297,
119
+ "eval_samples_per_second": 33.588,
120
+ "eval_steps_per_second": 8.419,
121
+ "step": 12
122
+ },
123
+ {
124
+ "epoch": 0.44,
125
+ "learning_rate": 0.0009397368756032445,
126
+ "loss": 0.4481,
127
+ "step": 13
128
+ },
129
+ {
130
+ "epoch": 0.48,
131
+ "learning_rate": 0.0008945702546981969,
132
+ "loss": 0.4278,
133
+ "step": 14
134
+ },
135
+ {
136
+ "epoch": 0.51,
137
+ "learning_rate": 0.0008386407858128706,
138
+ "loss": 0.41,
139
+ "step": 15
140
+ },
141
+ {
142
+ "epoch": 0.51,
143
+ "eval_loss": 0.42758792638778687,
144
+ "eval_runtime": 22.324,
145
+ "eval_samples_per_second": 33.596,
146
+ "eval_steps_per_second": 8.421,
147
+ "step": 15
148
+ },
149
+ {
150
+ "epoch": 0.55,
151
+ "learning_rate": 0.0007734740790612135,
152
+ "loss": 0.3787,
153
+ "step": 16
154
+ },
155
+ {
156
+ "epoch": 0.58,
157
+ "learning_rate": 0.0007008477123264848,
158
+ "loss": 0.4467,
159
+ "step": 17
160
+ },
161
+ {
162
+ "epoch": 0.62,
163
+ "learning_rate": 0.0006227427435703996,
164
+ "loss": 0.4248,
165
+ "step": 18
166
+ },
167
+ {
168
+ "epoch": 0.62,
169
+ "eval_loss": 0.41894882917404175,
170
+ "eval_runtime": 22.3349,
171
+ "eval_samples_per_second": 33.58,
172
+ "eval_steps_per_second": 8.417,
173
+ "step": 18
174
+ },
175
+ {
176
+ "epoch": 0.65,
177
+ "learning_rate": 0.0005412896727361663,
178
+ "loss": 0.3963,
179
+ "step": 19
180
+ },
181
+ {
182
+ "epoch": 0.68,
183
+ "learning_rate": 0.0004587103272638339,
184
+ "loss": 0.4,
185
+ "step": 20
186
+ },
187
+ {
188
+ "epoch": 0.72,
189
+ "learning_rate": 0.00037725725642960046,
190
+ "loss": 0.4094,
191
+ "step": 21
192
+ },
193
+ {
194
+ "epoch": 0.72,
195
+ "eval_loss": 0.41203784942626953,
196
+ "eval_runtime": 22.3351,
197
+ "eval_samples_per_second": 33.579,
198
+ "eval_steps_per_second": 8.417,
199
+ "step": 21
200
+ }
201
+ ],
202
+ "logging_steps": 1,
203
+ "max_steps": 29,
204
+ "num_input_tokens_seen": 0,
205
+ "num_train_epochs": 1,
206
+ "save_steps": 3,
207
+ "total_flos": 1.181257557784658e+17,
208
+ "train_batch_size": 2,
209
+ "trial_name": null,
210
+ "trial_params": null
211
+ }
checkpoint-21/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6707a93794938938c2e025fd684f764555a83be1ceba0b8160cb126c25caccdb
3
+ size 5560
checkpoint-24/README.md ADDED
@@ -0,0 +1,204 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: peft
3
+ base_model: mistralai/Mistral-7B-Instruct-v0.2
4
+ ---
5
+
6
+ # Model Card for Model ID
7
+
8
+ <!-- Provide a quick summary of what the model is/does. -->
9
+
10
+
11
+
12
+ ## Model Details
13
+
14
+ ### Model Description
15
+
16
+ <!-- Provide a longer summary of what this model is. -->
17
+
18
+
19
+
20
+ - **Developed by:** [More Information Needed]
21
+ - **Funded by [optional]:** [More Information Needed]
22
+ - **Shared by [optional]:** [More Information Needed]
23
+ - **Model type:** [More Information Needed]
24
+ - **Language(s) (NLP):** [More Information Needed]
25
+ - **License:** [More Information Needed]
26
+ - **Finetuned from model [optional]:** [More Information Needed]
27
+
28
+ ### Model Sources [optional]
29
+
30
+ <!-- Provide the basic links for the model. -->
31
+
32
+ - **Repository:** [More Information Needed]
33
+ - **Paper [optional]:** [More Information Needed]
34
+ - **Demo [optional]:** [More Information Needed]
35
+
36
+ ## Uses
37
+
38
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
39
+
40
+ ### Direct Use
41
+
42
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
43
+
44
+ [More Information Needed]
45
+
46
+ ### Downstream Use [optional]
47
+
48
+ <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
49
+
50
+ [More Information Needed]
51
+
52
+ ### Out-of-Scope Use
53
+
54
+ <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
55
+
56
+ [More Information Needed]
57
+
58
+ ## Bias, Risks, and Limitations
59
+
60
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
61
+
62
+ [More Information Needed]
63
+
64
+ ### Recommendations
65
+
66
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
67
+
68
+ Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
69
+
70
+ ## How to Get Started with the Model
71
+
72
+ Use the code below to get started with the model.
73
+
74
+ [More Information Needed]
75
+
76
+ ## Training Details
77
+
78
+ ### Training Data
79
+
80
+ <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
81
+
82
+ [More Information Needed]
83
+
84
+ ### Training Procedure
85
+
86
+ <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
87
+
88
+ #### Preprocessing [optional]
89
+
90
+ [More Information Needed]
91
+
92
+
93
+ #### Training Hyperparameters
94
+
95
+ - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
96
+
97
+ #### Speeds, Sizes, Times [optional]
98
+
99
+ <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
100
+
101
+ [More Information Needed]
102
+
103
+ ## Evaluation
104
+
105
+ <!-- This section describes the evaluation protocols and provides the results. -->
106
+
107
+ ### Testing Data, Factors & Metrics
108
+
109
+ #### Testing Data
110
+
111
+ <!-- This should link to a Dataset Card if possible. -->
112
+
113
+ [More Information Needed]
114
+
115
+ #### Factors
116
+
117
+ <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
118
+
119
+ [More Information Needed]
120
+
121
+ #### Metrics
122
+
123
+ <!-- These are the evaluation metrics being used, ideally with a description of why. -->
124
+
125
+ [More Information Needed]
126
+
127
+ ### Results
128
+
129
+ [More Information Needed]
130
+
131
+ #### Summary
132
+
133
+
134
+
135
+ ## Model Examination [optional]
136
+
137
+ <!-- Relevant interpretability work for the model goes here -->
138
+
139
+ [More Information Needed]
140
+
141
+ ## Environmental Impact
142
+
143
+ <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
144
+
145
+ Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
146
+
147
+ - **Hardware Type:** [More Information Needed]
148
+ - **Hours used:** [More Information Needed]
149
+ - **Cloud Provider:** [More Information Needed]
150
+ - **Compute Region:** [More Information Needed]
151
+ - **Carbon Emitted:** [More Information Needed]
152
+
153
+ ## Technical Specifications [optional]
154
+
155
+ ### Model Architecture and Objective
156
+
157
+ [More Information Needed]
158
+
159
+ ### Compute Infrastructure
160
+
161
+ [More Information Needed]
162
+
163
+ #### Hardware
164
+
165
+ [More Information Needed]
166
+
167
+ #### Software
168
+
169
+ [More Information Needed]
170
+
171
+ ## Citation [optional]
172
+
173
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
174
+
175
+ **BibTeX:**
176
+
177
+ [More Information Needed]
178
+
179
+ **APA:**
180
+
181
+ [More Information Needed]
182
+
183
+ ## Glossary [optional]
184
+
185
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
186
+
187
+ [More Information Needed]
188
+
189
+ ## More Information [optional]
190
+
191
+ [More Information Needed]
192
+
193
+ ## Model Card Authors [optional]
194
+
195
+ [More Information Needed]
196
+
197
+ ## Model Card Contact
198
+
199
+ [More Information Needed]
200
+
201
+
202
+ ### Framework versions
203
+
204
+ - PEFT 0.8.2
checkpoint-24/adapter_config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "mistralai/Mistral-7B-Instruct-v0.2",
5
+ "bias": "none",
6
+ "fan_in_fan_out": null,
7
+ "inference_mode": true,
8
+ "init_lora_weights": true,
9
+ "layers_pattern": null,
10
+ "layers_to_transform": null,
11
+ "loftq_config": {},
12
+ "lora_alpha": 16,
13
+ "lora_dropout": 0.05,
14
+ "megatron_config": null,
15
+ "megatron_core": "megatron.core",
16
+ "modules_to_save": null,
17
+ "peft_type": "LORA",
18
+ "r": 16,
19
+ "rank_pattern": {},
20
+ "revision": null,
21
+ "target_modules": [
22
+ "k_proj",
23
+ "q_proj",
24
+ "v_proj",
25
+ "down_proj",
26
+ "gate_proj",
27
+ "o_proj",
28
+ "up_proj"
29
+ ],
30
+ "task_type": "CAUSAL_LM",
31
+ "use_rslora": false
32
+ }
checkpoint-24/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4ab584b315a7f25b79ad70cf7bd67914e35d2f8a17a273752b2919716a190889
3
+ size 167832240
checkpoint-24/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:27e7ec50b76e94787a0ddbf0bebd8de2cd57ab4eda803edb6906698a779ce040
3
+ size 84575956
checkpoint-24/rng_state_0.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:783936b6b8aface5c246b88e3bae5b4757a645279b23d5817f6d9e558a8995fc
3
+ size 14512
checkpoint-24/rng_state_1.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dded36ca1fd89396707f573e530d8becfaa0f5c81e2f5a9ba8d7aa2ca6137da4
3
+ size 14512
checkpoint-24/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cad8ca5a96573f8a8fc48641622c34e573d8d7717f30735698da3acc288156af
3
+ size 1064
checkpoint-24/trainer_state.json ADDED
@@ -0,0 +1,237 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": 0.4093799591064453,
3
+ "best_model_checkpoint": "../../text-generation-webui/loras/mistral-instruct-raw-format-v2-more-positive/checkpoint-24",
4
+ "epoch": 0.8205128205128205,
5
+ "eval_steps": 3,
6
+ "global_step": 24,
7
+ "is_hyper_param_search": false,
8
+ "is_local_process_zero": true,
9
+ "is_world_process_zero": true,
10
+ "log_history": [
11
+ {
12
+ "epoch": 0.03,
13
+ "learning_rate": 0.0001,
14
+ "loss": 0.9379,
15
+ "step": 1
16
+ },
17
+ {
18
+ "epoch": 0.03,
19
+ "eval_loss": 0.9217294454574585,
20
+ "eval_runtime": 21.8917,
21
+ "eval_samples_per_second": 34.259,
22
+ "eval_steps_per_second": 8.588,
23
+ "step": 1
24
+ },
25
+ {
26
+ "epoch": 0.07,
27
+ "learning_rate": 0.0002,
28
+ "loss": 0.8714,
29
+ "step": 2
30
+ },
31
+ {
32
+ "epoch": 0.1,
33
+ "learning_rate": 0.0003,
34
+ "loss": 0.7334,
35
+ "step": 3
36
+ },
37
+ {
38
+ "epoch": 0.1,
39
+ "eval_loss": 0.6237823963165283,
40
+ "eval_runtime": 22.2516,
41
+ "eval_samples_per_second": 33.705,
42
+ "eval_steps_per_second": 8.449,
43
+ "step": 3
44
+ },
45
+ {
46
+ "epoch": 0.14,
47
+ "learning_rate": 0.0004,
48
+ "loss": 0.6181,
49
+ "step": 4
50
+ },
51
+ {
52
+ "epoch": 0.17,
53
+ "learning_rate": 0.0005,
54
+ "loss": 0.5345,
55
+ "step": 5
56
+ },
57
+ {
58
+ "epoch": 0.21,
59
+ "learning_rate": 0.0006,
60
+ "loss": 0.503,
61
+ "step": 6
62
+ },
63
+ {
64
+ "epoch": 0.21,
65
+ "eval_loss": 0.5134392976760864,
66
+ "eval_runtime": 22.3048,
67
+ "eval_samples_per_second": 33.625,
68
+ "eval_steps_per_second": 8.429,
69
+ "step": 6
70
+ },
71
+ {
72
+ "epoch": 0.24,
73
+ "learning_rate": 0.0007,
74
+ "loss": 0.5106,
75
+ "step": 7
76
+ },
77
+ {
78
+ "epoch": 0.27,
79
+ "learning_rate": 0.0008,
80
+ "loss": 0.4623,
81
+ "step": 8
82
+ },
83
+ {
84
+ "epoch": 0.31,
85
+ "learning_rate": 0.0009000000000000001,
86
+ "loss": 0.4644,
87
+ "step": 9
88
+ },
89
+ {
90
+ "epoch": 0.31,
91
+ "eval_loss": 0.45862117409706116,
92
+ "eval_runtime": 22.3188,
93
+ "eval_samples_per_second": 33.604,
94
+ "eval_steps_per_second": 8.423,
95
+ "step": 9
96
+ },
97
+ {
98
+ "epoch": 0.34,
99
+ "learning_rate": 0.001,
100
+ "loss": 0.4399,
101
+ "step": 10
102
+ },
103
+ {
104
+ "epoch": 0.38,
105
+ "learning_rate": 0.0009931806517013613,
106
+ "loss": 0.4356,
107
+ "step": 11
108
+ },
109
+ {
110
+ "epoch": 0.41,
111
+ "learning_rate": 0.0009729086208503173,
112
+ "loss": 0.4636,
113
+ "step": 12
114
+ },
115
+ {
116
+ "epoch": 0.41,
117
+ "eval_loss": 0.44031861424446106,
118
+ "eval_runtime": 22.3297,
119
+ "eval_samples_per_second": 33.588,
120
+ "eval_steps_per_second": 8.419,
121
+ "step": 12
122
+ },
123
+ {
124
+ "epoch": 0.44,
125
+ "learning_rate": 0.0009397368756032445,
126
+ "loss": 0.4481,
127
+ "step": 13
128
+ },
129
+ {
130
+ "epoch": 0.48,
131
+ "learning_rate": 0.0008945702546981969,
132
+ "loss": 0.4278,
133
+ "step": 14
134
+ },
135
+ {
136
+ "epoch": 0.51,
137
+ "learning_rate": 0.0008386407858128706,
138
+ "loss": 0.41,
139
+ "step": 15
140
+ },
141
+ {
142
+ "epoch": 0.51,
143
+ "eval_loss": 0.42758792638778687,
144
+ "eval_runtime": 22.324,
145
+ "eval_samples_per_second": 33.596,
146
+ "eval_steps_per_second": 8.421,
147
+ "step": 15
148
+ },
149
+ {
150
+ "epoch": 0.55,
151
+ "learning_rate": 0.0007734740790612135,
152
+ "loss": 0.3787,
153
+ "step": 16
154
+ },
155
+ {
156
+ "epoch": 0.58,
157
+ "learning_rate": 0.0007008477123264848,
158
+ "loss": 0.4467,
159
+ "step": 17
160
+ },
161
+ {
162
+ "epoch": 0.62,
163
+ "learning_rate": 0.0006227427435703996,
164
+ "loss": 0.4248,
165
+ "step": 18
166
+ },
167
+ {
168
+ "epoch": 0.62,
169
+ "eval_loss": 0.41894882917404175,
170
+ "eval_runtime": 22.3349,
171
+ "eval_samples_per_second": 33.58,
172
+ "eval_steps_per_second": 8.417,
173
+ "step": 18
174
+ },
175
+ {
176
+ "epoch": 0.65,
177
+ "learning_rate": 0.0005412896727361663,
178
+ "loss": 0.3963,
179
+ "step": 19
180
+ },
181
+ {
182
+ "epoch": 0.68,
183
+ "learning_rate": 0.0004587103272638339,
184
+ "loss": 0.4,
185
+ "step": 20
186
+ },
187
+ {
188
+ "epoch": 0.72,
189
+ "learning_rate": 0.00037725725642960046,
190
+ "loss": 0.4094,
191
+ "step": 21
192
+ },
193
+ {
194
+ "epoch": 0.72,
195
+ "eval_loss": 0.41203784942626953,
196
+ "eval_runtime": 22.3351,
197
+ "eval_samples_per_second": 33.579,
198
+ "eval_steps_per_second": 8.417,
199
+ "step": 21
200
+ },
201
+ {
202
+ "epoch": 0.75,
203
+ "learning_rate": 0.0002991522876735154,
204
+ "loss": 0.4013,
205
+ "step": 22
206
+ },
207
+ {
208
+ "epoch": 0.79,
209
+ "learning_rate": 0.00022652592093878665,
210
+ "loss": 0.3854,
211
+ "step": 23
212
+ },
213
+ {
214
+ "epoch": 0.82,
215
+ "learning_rate": 0.00016135921418712956,
216
+ "loss": 0.3905,
217
+ "step": 24
218
+ },
219
+ {
220
+ "epoch": 0.82,
221
+ "eval_loss": 0.4093799591064453,
222
+ "eval_runtime": 22.3288,
223
+ "eval_samples_per_second": 33.589,
224
+ "eval_steps_per_second": 8.42,
225
+ "step": 24
226
+ }
227
+ ],
228
+ "logging_steps": 1,
229
+ "max_steps": 29,
230
+ "num_input_tokens_seen": 0,
231
+ "num_train_epochs": 1,
232
+ "save_steps": 3,
233
+ "total_flos": 1.3500086374681805e+17,
234
+ "train_batch_size": 2,
235
+ "trial_name": null,
236
+ "trial_params": null
237
+ }
checkpoint-24/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6707a93794938938c2e025fd684f764555a83be1ceba0b8160cb126c25caccdb
3
+ size 5560
checkpoint-27/README.md ADDED
@@ -0,0 +1,204 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: peft
3
+ base_model: mistralai/Mistral-7B-Instruct-v0.2
4
+ ---
5
+
6
+ # Model Card for Model ID
7
+
8
+ <!-- Provide a quick summary of what the model is/does. -->
9
+
10
+
11
+
12
+ ## Model Details
13
+
14
+ ### Model Description
15
+
16
+ <!-- Provide a longer summary of what this model is. -->
17
+
18
+
19
+
20
+ - **Developed by:** [More Information Needed]
21
+ - **Funded by [optional]:** [More Information Needed]
22
+ - **Shared by [optional]:** [More Information Needed]
23
+ - **Model type:** [More Information Needed]
24
+ - **Language(s) (NLP):** [More Information Needed]
25
+ - **License:** [More Information Needed]
26
+ - **Finetuned from model [optional]:** [More Information Needed]
27
+
28
+ ### Model Sources [optional]
29
+
30
+ <!-- Provide the basic links for the model. -->
31
+
32
+ - **Repository:** [More Information Needed]
33
+ - **Paper [optional]:** [More Information Needed]
34
+ - **Demo [optional]:** [More Information Needed]
35
+
36
+ ## Uses
37
+
38
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
39
+
40
+ ### Direct Use
41
+
42
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
43
+
44
+ [More Information Needed]
45
+
46
+ ### Downstream Use [optional]
47
+
48
+ <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
49
+
50
+ [More Information Needed]
51
+
52
+ ### Out-of-Scope Use
53
+
54
+ <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
55
+
56
+ [More Information Needed]
57
+
58
+ ## Bias, Risks, and Limitations
59
+
60
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
61
+
62
+ [More Information Needed]
63
+
64
+ ### Recommendations
65
+
66
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
67
+
68
+ Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
69
+
70
+ ## How to Get Started with the Model
71
+
72
+ Use the code below to get started with the model.
73
+
74
+ [More Information Needed]
75
+
76
+ ## Training Details
77
+
78
+ ### Training Data
79
+
80
+ <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
81
+
82
+ [More Information Needed]
83
+
84
+ ### Training Procedure
85
+
86
+ <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
87
+
88
+ #### Preprocessing [optional]
89
+
90
+ [More Information Needed]
91
+
92
+
93
+ #### Training Hyperparameters
94
+
95
+ - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
96
+
97
+ #### Speeds, Sizes, Times [optional]
98
+
99
+ <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
100
+
101
+ [More Information Needed]
102
+
103
+ ## Evaluation
104
+
105
+ <!-- This section describes the evaluation protocols and provides the results. -->
106
+
107
+ ### Testing Data, Factors & Metrics
108
+
109
+ #### Testing Data
110
+
111
+ <!-- This should link to a Dataset Card if possible. -->
112
+
113
+ [More Information Needed]
114
+
115
+ #### Factors
116
+
117
+ <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
118
+
119
+ [More Information Needed]
120
+
121
+ #### Metrics
122
+
123
+ <!-- These are the evaluation metrics being used, ideally with a description of why. -->
124
+
125
+ [More Information Needed]
126
+
127
+ ### Results
128
+
129
+ [More Information Needed]
130
+
131
+ #### Summary
132
+
133
+
134
+
135
+ ## Model Examination [optional]
136
+
137
+ <!-- Relevant interpretability work for the model goes here -->
138
+
139
+ [More Information Needed]
140
+
141
+ ## Environmental Impact
142
+
143
+ <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
144
+
145
+ Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
146
+
147
+ - **Hardware Type:** [More Information Needed]
148
+ - **Hours used:** [More Information Needed]
149
+ - **Cloud Provider:** [More Information Needed]
150
+ - **Compute Region:** [More Information Needed]
151
+ - **Carbon Emitted:** [More Information Needed]
152
+
153
+ ## Technical Specifications [optional]
154
+
155
+ ### Model Architecture and Objective
156
+
157
+ [More Information Needed]
158
+
159
+ ### Compute Infrastructure
160
+
161
+ [More Information Needed]
162
+
163
+ #### Hardware
164
+
165
+ [More Information Needed]
166
+
167
+ #### Software
168
+
169
+ [More Information Needed]
170
+
171
+ ## Citation [optional]
172
+
173
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
174
+
175
+ **BibTeX:**
176
+
177
+ [More Information Needed]
178
+
179
+ **APA:**
180
+
181
+ [More Information Needed]
182
+
183
+ ## Glossary [optional]
184
+
185
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
186
+
187
+ [More Information Needed]
188
+
189
+ ## More Information [optional]
190
+
191
+ [More Information Needed]
192
+
193
+ ## Model Card Authors [optional]
194
+
195
+ [More Information Needed]
196
+
197
+ ## Model Card Contact
198
+
199
+ [More Information Needed]
200
+
201
+
202
+ ### Framework versions
203
+
204
+ - PEFT 0.8.2
checkpoint-27/adapter_config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "mistralai/Mistral-7B-Instruct-v0.2",
5
+ "bias": "none",
6
+ "fan_in_fan_out": null,
7
+ "inference_mode": true,
8
+ "init_lora_weights": true,
9
+ "layers_pattern": null,
10
+ "layers_to_transform": null,
11
+ "loftq_config": {},
12
+ "lora_alpha": 16,
13
+ "lora_dropout": 0.05,
14
+ "megatron_config": null,
15
+ "megatron_core": "megatron.core",
16
+ "modules_to_save": null,
17
+ "peft_type": "LORA",
18
+ "r": 16,
19
+ "rank_pattern": {},
20
+ "revision": null,
21
+ "target_modules": [
22
+ "k_proj",
23
+ "q_proj",
24
+ "v_proj",
25
+ "down_proj",
26
+ "gate_proj",
27
+ "o_proj",
28
+ "up_proj"
29
+ ],
30
+ "task_type": "CAUSAL_LM",
31
+ "use_rslora": false
32
+ }
checkpoint-27/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:80bd871f1d84e48470e9d1335e93cf36317698f34f09603eadef83012f573768
3
+ size 167832240
checkpoint-27/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a7e522fd438b89f6589d56a0f70068464eb6156fe9254df2bb78b2a40e7f0d2e
3
+ size 84575956
checkpoint-27/rng_state_0.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:27e7f0b6403d5cd8b94a0ad68ec5d993f2a464b655757c5568fd9319495dd4c4
3
+ size 14512
checkpoint-27/rng_state_1.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:73c0892a189161455e69e8313db9373b73814dac9003ff830d14004b14c0895f
3
+ size 14512
checkpoint-27/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:82200edeb8acecbf8cac6e0a1a1ec36cc5f05f4710ee17935045027fb0d8c2d1
3
+ size 1064
checkpoint-27/trainer_state.json ADDED
@@ -0,0 +1,263 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": 0.40758439898490906,
3
+ "best_model_checkpoint": "../../text-generation-webui/loras/mistral-instruct-raw-format-v2-more-positive/checkpoint-27",
4
+ "epoch": 0.9230769230769231,
5
+ "eval_steps": 3,
6
+ "global_step": 27,
7
+ "is_hyper_param_search": false,
8
+ "is_local_process_zero": true,
9
+ "is_world_process_zero": true,
10
+ "log_history": [
11
+ {
12
+ "epoch": 0.03,
13
+ "learning_rate": 0.0001,
14
+ "loss": 0.9379,
15
+ "step": 1
16
+ },
17
+ {
18
+ "epoch": 0.03,
19
+ "eval_loss": 0.9217294454574585,
20
+ "eval_runtime": 21.8917,
21
+ "eval_samples_per_second": 34.259,
22
+ "eval_steps_per_second": 8.588,
23
+ "step": 1
24
+ },
25
+ {
26
+ "epoch": 0.07,
27
+ "learning_rate": 0.0002,
28
+ "loss": 0.8714,
29
+ "step": 2
30
+ },
31
+ {
32
+ "epoch": 0.1,
33
+ "learning_rate": 0.0003,
34
+ "loss": 0.7334,
35
+ "step": 3
36
+ },
37
+ {
38
+ "epoch": 0.1,
39
+ "eval_loss": 0.6237823963165283,
40
+ "eval_runtime": 22.2516,
41
+ "eval_samples_per_second": 33.705,
42
+ "eval_steps_per_second": 8.449,
43
+ "step": 3
44
+ },
45
+ {
46
+ "epoch": 0.14,
47
+ "learning_rate": 0.0004,
48
+ "loss": 0.6181,
49
+ "step": 4
50
+ },
51
+ {
52
+ "epoch": 0.17,
53
+ "learning_rate": 0.0005,
54
+ "loss": 0.5345,
55
+ "step": 5
56
+ },
57
+ {
58
+ "epoch": 0.21,
59
+ "learning_rate": 0.0006,
60
+ "loss": 0.503,
61
+ "step": 6
62
+ },
63
+ {
64
+ "epoch": 0.21,
65
+ "eval_loss": 0.5134392976760864,
66
+ "eval_runtime": 22.3048,
67
+ "eval_samples_per_second": 33.625,
68
+ "eval_steps_per_second": 8.429,
69
+ "step": 6
70
+ },
71
+ {
72
+ "epoch": 0.24,
73
+ "learning_rate": 0.0007,
74
+ "loss": 0.5106,
75
+ "step": 7
76
+ },
77
+ {
78
+ "epoch": 0.27,
79
+ "learning_rate": 0.0008,
80
+ "loss": 0.4623,
81
+ "step": 8
82
+ },
83
+ {
84
+ "epoch": 0.31,
85
+ "learning_rate": 0.0009000000000000001,
86
+ "loss": 0.4644,
87
+ "step": 9
88
+ },
89
+ {
90
+ "epoch": 0.31,
91
+ "eval_loss": 0.45862117409706116,
92
+ "eval_runtime": 22.3188,
93
+ "eval_samples_per_second": 33.604,
94
+ "eval_steps_per_second": 8.423,
95
+ "step": 9
96
+ },
97
+ {
98
+ "epoch": 0.34,
99
+ "learning_rate": 0.001,
100
+ "loss": 0.4399,
101
+ "step": 10
102
+ },
103
+ {
104
+ "epoch": 0.38,
105
+ "learning_rate": 0.0009931806517013613,
106
+ "loss": 0.4356,
107
+ "step": 11
108
+ },
109
+ {
110
+ "epoch": 0.41,
111
+ "learning_rate": 0.0009729086208503173,
112
+ "loss": 0.4636,
113
+ "step": 12
114
+ },
115
+ {
116
+ "epoch": 0.41,
117
+ "eval_loss": 0.44031861424446106,
118
+ "eval_runtime": 22.3297,
119
+ "eval_samples_per_second": 33.588,
120
+ "eval_steps_per_second": 8.419,
121
+ "step": 12
122
+ },
123
+ {
124
+ "epoch": 0.44,
125
+ "learning_rate": 0.0009397368756032445,
126
+ "loss": 0.4481,
127
+ "step": 13
128
+ },
129
+ {
130
+ "epoch": 0.48,
131
+ "learning_rate": 0.0008945702546981969,
132
+ "loss": 0.4278,
133
+ "step": 14
134
+ },
135
+ {
136
+ "epoch": 0.51,
137
+ "learning_rate": 0.0008386407858128706,
138
+ "loss": 0.41,
139
+ "step": 15
140
+ },
141
+ {
142
+ "epoch": 0.51,
143
+ "eval_loss": 0.42758792638778687,
144
+ "eval_runtime": 22.324,
145
+ "eval_samples_per_second": 33.596,
146
+ "eval_steps_per_second": 8.421,
147
+ "step": 15
148
+ },
149
+ {
150
+ "epoch": 0.55,
151
+ "learning_rate": 0.0007734740790612135,
152
+ "loss": 0.3787,
153
+ "step": 16
154
+ },
155
+ {
156
+ "epoch": 0.58,
157
+ "learning_rate": 0.0007008477123264848,
158
+ "loss": 0.4467,
159
+ "step": 17
160
+ },
161
+ {
162
+ "epoch": 0.62,
163
+ "learning_rate": 0.0006227427435703996,
164
+ "loss": 0.4248,
165
+ "step": 18
166
+ },
167
+ {
168
+ "epoch": 0.62,
169
+ "eval_loss": 0.41894882917404175,
170
+ "eval_runtime": 22.3349,
171
+ "eval_samples_per_second": 33.58,
172
+ "eval_steps_per_second": 8.417,
173
+ "step": 18
174
+ },
175
+ {
176
+ "epoch": 0.65,
177
+ "learning_rate": 0.0005412896727361663,
178
+ "loss": 0.3963,
179
+ "step": 19
180
+ },
181
+ {
182
+ "epoch": 0.68,
183
+ "learning_rate": 0.0004587103272638339,
184
+ "loss": 0.4,
185
+ "step": 20
186
+ },
187
+ {
188
+ "epoch": 0.72,
189
+ "learning_rate": 0.00037725725642960046,
190
+ "loss": 0.4094,
191
+ "step": 21
192
+ },
193
+ {
194
+ "epoch": 0.72,
195
+ "eval_loss": 0.41203784942626953,
196
+ "eval_runtime": 22.3351,
197
+ "eval_samples_per_second": 33.579,
198
+ "eval_steps_per_second": 8.417,
199
+ "step": 21
200
+ },
201
+ {
202
+ "epoch": 0.75,
203
+ "learning_rate": 0.0002991522876735154,
204
+ "loss": 0.4013,
205
+ "step": 22
206
+ },
207
+ {
208
+ "epoch": 0.79,
209
+ "learning_rate": 0.00022652592093878665,
210
+ "loss": 0.3854,
211
+ "step": 23
212
+ },
213
+ {
214
+ "epoch": 0.82,
215
+ "learning_rate": 0.00016135921418712956,
216
+ "loss": 0.3905,
217
+ "step": 24
218
+ },
219
+ {
220
+ "epoch": 0.82,
221
+ "eval_loss": 0.4093799591064453,
222
+ "eval_runtime": 22.3288,
223
+ "eval_samples_per_second": 33.589,
224
+ "eval_steps_per_second": 8.42,
225
+ "step": 24
226
+ },
227
+ {
228
+ "epoch": 0.85,
229
+ "learning_rate": 0.00010542974530180327,
230
+ "loss": 0.3995,
231
+ "step": 25
232
+ },
233
+ {
234
+ "epoch": 0.89,
235
+ "learning_rate": 6.026312439675552e-05,
236
+ "loss": 0.3992,
237
+ "step": 26
238
+ },
239
+ {
240
+ "epoch": 0.92,
241
+ "learning_rate": 2.709137914968268e-05,
242
+ "loss": 0.3828,
243
+ "step": 27
244
+ },
245
+ {
246
+ "epoch": 0.92,
247
+ "eval_loss": 0.40758439898490906,
248
+ "eval_runtime": 22.3234,
249
+ "eval_samples_per_second": 33.597,
250
+ "eval_steps_per_second": 8.422,
251
+ "step": 27
252
+ }
253
+ ],
254
+ "logging_steps": 1,
255
+ "max_steps": 29,
256
+ "num_input_tokens_seen": 0,
257
+ "num_train_epochs": 1,
258
+ "save_steps": 3,
259
+ "total_flos": 1.518759717151703e+17,
260
+ "train_batch_size": 2,
261
+ "trial_name": null,
262
+ "trial_params": null
263
+ }
checkpoint-27/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:6707a93794938938c2e025fd684f764555a83be1ceba0b8160cb126c25caccdb
3
+ size 5560
config.json ADDED
@@ -0,0 +1,40 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "mistralai/Mistral-7B-Instruct-v0.2",
3
+ "architectures": [
4
+ "MistralForCausalLM"
5
+ ],
6
+ "attention_dropout": 0.0,
7
+ "bos_token_id": 1,
8
+ "eos_token_id": 2,
9
+ "hidden_act": "silu",
10
+ "hidden_size": 4096,
11
+ "initializer_range": 0.02,
12
+ "intermediate_size": 14336,
13
+ "max_position_embeddings": 32768,
14
+ "model_type": "mistral",
15
+ "num_attention_heads": 32,
16
+ "num_hidden_layers": 32,
17
+ "num_key_value_heads": 8,
18
+ "quantization_config": {
19
+ "_load_in_4bit": true,
20
+ "_load_in_8bit": false,
21
+ "bnb_4bit_compute_dtype": "bfloat16",
22
+ "bnb_4bit_quant_type": "nf4",
23
+ "bnb_4bit_use_double_quant": true,
24
+ "llm_int8_enable_fp32_cpu_offload": false,
25
+ "llm_int8_has_fp16_weight": false,
26
+ "llm_int8_skip_modules": null,
27
+ "llm_int8_threshold": 6.0,
28
+ "load_in_4bit": true,
29
+ "load_in_8bit": false,
30
+ "quant_method": "bitsandbytes"
31
+ },
32
+ "rms_norm_eps": 1e-05,
33
+ "rope_theta": 1000000.0,
34
+ "sliding_window": null,
35
+ "tie_word_embeddings": false,
36
+ "torch_dtype": "bfloat16",
37
+ "transformers_version": "4.38.0.dev0",
38
+ "use_cache": false,
39
+ "vocab_size": 32000
40
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<s>",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "eos_token": {
10
+ "content": "</s>",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": "</s>",
17
+ "unk_token": {
18
+ "content": "<unk>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ }
24
+ }
tokenizer.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dadfd56d766715c61d2ef780a525ab43b8e6da4de6865bda3d95fdef5e134055
3
+ size 493443
tokenizer_config.json ADDED
@@ -0,0 +1,45 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": true,
3
+ "add_eos_token": false,
4
+ "added_tokens_decoder": {
5
+ "0": {
6
+ "content": "<unk>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "1": {
14
+ "content": "<s>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "2": {
22
+ "content": "</s>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ }
29
+ },
30
+ "additional_special_tokens": [],
31
+ "bos_token": "<s>",
32
+ "chat_template": "{{ bos_token }}{% for message in messages %}{% if (message['role'] == 'user') != (loop.index0 % 2 == 0) %}{{ raise_exception('Conversation roles must alternate user/assistant/user/assistant/...') }}{% endif %}{% if message['role'] == 'user' %}{{ '[INST] ' + message['content'] + ' [/INST]' }}{% elif message['role'] == 'assistant' %}{{ message['content'] + eos_token}}{% else %}{{ raise_exception('Only user and assistant roles are supported!') }}{% endif %}{% endfor %}",
33
+ "clean_up_tokenization_spaces": false,
34
+ "eos_token": "</s>",
35
+ "legacy": true,
36
+ "model_max_length": 1000000000000000019884624838656,
37
+ "pad_token": "</s>",
38
+ "sp_model_kwargs": {},
39
+ "spaces_between_special_tokens": false,
40
+ "tokenizer_class": "LlamaTokenizer",
41
+ "trust_remote_code": false,
42
+ "unk_token": "<unk>",
43
+ "use_default_system_prompt": false,
44
+ "use_fast": true
45
+ }