phxdev commited on
Commit
968f5a8
·
verified ·
1 Parent(s): 3b4a26e

QwQ-32B LoRA fine-tuned on phxdev/creed dataset

Browse files
Files changed (44) hide show
  1. .gitattributes +4 -0
  2. README.md +234 -0
  3. adapter_config.json +37 -0
  4. adapter_model.safetensors +3 -0
  5. added_tokens.json +24 -0
  6. checkpoint-2200/README.md +202 -0
  7. checkpoint-2200/adapter_config.json +37 -0
  8. checkpoint-2200/adapter_model.safetensors +3 -0
  9. checkpoint-2200/added_tokens.json +24 -0
  10. checkpoint-2200/merges.txt +0 -0
  11. checkpoint-2200/special_tokens_map.json +31 -0
  12. checkpoint-2200/tokenizer.json +3 -0
  13. checkpoint-2200/tokenizer_config.json +208 -0
  14. checkpoint-2200/trainer_state.json +1757 -0
  15. checkpoint-2200/training_args.bin +3 -0
  16. checkpoint-2200/vocab.json +0 -0
  17. checkpoint-2300/README.md +202 -0
  18. checkpoint-2300/adapter_config.json +37 -0
  19. checkpoint-2300/adapter_model.safetensors +3 -0
  20. checkpoint-2300/added_tokens.json +24 -0
  21. checkpoint-2300/merges.txt +0 -0
  22. checkpoint-2300/special_tokens_map.json +31 -0
  23. checkpoint-2300/tokenizer.json +3 -0
  24. checkpoint-2300/tokenizer_config.json +208 -0
  25. checkpoint-2300/trainer_state.json +1835 -0
  26. checkpoint-2300/training_args.bin +3 -0
  27. checkpoint-2300/vocab.json +0 -0
  28. checkpoint-2382/README.md +202 -0
  29. checkpoint-2382/adapter_config.json +37 -0
  30. checkpoint-2382/adapter_model.safetensors +3 -0
  31. checkpoint-2382/added_tokens.json +24 -0
  32. checkpoint-2382/merges.txt +0 -0
  33. checkpoint-2382/special_tokens_map.json +31 -0
  34. checkpoint-2382/tokenizer.json +3 -0
  35. checkpoint-2382/tokenizer_config.json +208 -0
  36. checkpoint-2382/trainer_state.json +1891 -0
  37. checkpoint-2382/training_args.bin +3 -0
  38. checkpoint-2382/vocab.json +0 -0
  39. config.json +47 -0
  40. merges.txt +0 -0
  41. special_tokens_map.json +31 -0
  42. tokenizer.json +3 -0
  43. tokenizer_config.json +208 -0
  44. vocab.json +0 -0
.gitattributes CHANGED
@@ -33,3 +33,7 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
 
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ checkpoint-2200/tokenizer.json filter=lfs diff=lfs merge=lfs -text
37
+ checkpoint-2300/tokenizer.json filter=lfs diff=lfs merge=lfs -text
38
+ checkpoint-2382/tokenizer.json filter=lfs diff=lfs merge=lfs -text
39
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,234 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: peft
3
+ license: apache-2.0
4
+ base_model: Qwen/QwQ-32B-Preview
5
+ tags:
6
+ - generated_from_trainer
7
+ datasets:
8
+ - phxdev/creed
9
+ model-index:
10
+ - name: outputs/heisenberg-crystal
11
+ results: []
12
+ ---
13
+
14
+ <!-- This model card has been generated automatically according to the information the Trainer had access to. You
15
+ should probably proofread and complete it, then remove this comment. -->
16
+
17
+ [<img src="https://raw.githubusercontent.com/axolotl-ai-cloud/axolotl/main/image/axolotl-badge-web.png" alt="Built with Axolotl" width="200" height="32"/>](https://github.com/axolotl-ai-cloud/axolotl)
18
+ <details><summary>See axolotl config</summary>
19
+
20
+ axolotl version: `0.8.0.dev0`
21
+ ```yaml
22
+ adapter: lora
23
+ base_model: Qwen/QwQ-32B-Preview
24
+ trust_remote_code: true
25
+ bf16: true
26
+ dataset_processes: 64
27
+ datasets:
28
+ - path: phxdev/creed
29
+ type: completion
30
+ field: text
31
+ trust_remote_code: false
32
+ streaming: true
33
+ gradient_accumulation_steps: 1
34
+ gradient_checkpointing: true
35
+ gradient_checkpointing_kwargs:
36
+ use_reentrant: false
37
+ learning_rate: 0.001
38
+ lisa_layers_attribute: model.layers
39
+ lisa_enabled: true
40
+ lisa_layers_fraction: 0.25
41
+ load_best_model_at_end: true
42
+ load_in_4bit: false
43
+ load_in_8bit: true
44
+ lora_alpha: 128
45
+ lora_dropout: 0.15
46
+ lora_r: 64
47
+ lora_target_modules:
48
+ - q_proj
49
+ - v_proj
50
+ - k_proj
51
+ - o_proj
52
+ - gate_proj
53
+ - down_proj
54
+ - up_proj
55
+ lora_fan_in_fan_out: false
56
+ modules_to_save:
57
+ - embed_tokens
58
+ - lm_head
59
+ loraplus_lr_embedding: 1.0e-06
60
+ loraplus_lr_ratio: 16
61
+ lr_scheduler: cosine_with_min_lr
62
+ lr_scheduler_kwargs:
63
+ min_lr: 0.00001
64
+ max_prompt_len: 1024
65
+ mean_resizing_embeddings: false
66
+ micro_batch_size: 1
67
+ num_epochs: 3.0
68
+ optimizer: adamw_torch
69
+ # optim_args:
70
+ # weight_decay: 0.05
71
+ # betas: [0.9, 0.95]
72
+ # eps: 1.0e-8
73
+ output_dir: ./outputs/heisenberg-crystal
74
+ pretrain_multipack_attn: true
75
+ pretrain_multipack_buffer_size: 20000
76
+ qlora_sharded_model_loading: false
77
+ ray_num_workers: 1
78
+ resources_per_worker:
79
+ GPU: 1
80
+ resume_from_checkpoint: null
81
+ sample_packing: false
82
+ sample_packing_bin_size: 200
83
+ sample_packing_group_size: 100000
84
+ sample_packing_seq_len_multiplier: 1.0
85
+ save_only_model: true
86
+ save_safetensors: true
87
+ save_strategy: steps
88
+ save_steps: 100
89
+ save_total_limit: 3
90
+ eval_strategy: steps
91
+ eval_steps: 100
92
+ metric_for_best_model: loss
93
+ greater_is_better: false
94
+ sequence_len: 512
95
+ shuffle_merged_datasets: true
96
+ skip_prepare_dataset: false
97
+ strict: false
98
+ train_on_inputs: false
99
+ neftune_noise_alpha: 5.0
100
+ model_config:
101
+ rope_scaling:
102
+ type: linear
103
+ factor: 1.5
104
+ dataloader_prefetch_factor: 4
105
+ dataloader_num_workers: 8
106
+ dataloader_pin_memory: true
107
+ dataloader_persistent_workers: true
108
+ max_grad_norm: 1.0
109
+ adam_beta2_schedule: cosine
110
+ torch_compile: true
111
+ torch_compile_backend: inductor
112
+ trl:
113
+ log_completions: true
114
+ ref_model_mixup_alpha: 0.9
115
+ ref_model_sync_steps: 64
116
+ sync_ref_model: false
117
+ use_vllm: false
118
+ vllm_device: auto
119
+ vllm_dtype: auto
120
+ vllm_gpu_memory_utilization: 0.9
121
+ use_ray: false
122
+ val_set_size: 0.05
123
+ warmup_steps: 100
124
+ warmup_ratio: 0.0
125
+ weight_decay: 0.05
126
+ flash_attention: true
127
+ flash_attn_cross_entropy: true
128
+ flash_attn_rms_norm: true
129
+ flash_attn_fuse_qkv: false
130
+ flash_attn_fuse_mlp: false
131
+ ddp_backend: nccl
132
+ ddp_broadcast_buffers: false
133
+ ddp_find_unused_parameters: false
134
+ tf32: true
135
+ bf16_full_eval: false
136
+ fp16: false
137
+ # unfrozen_parameters:
138
+ # - lm_head.*
139
+ # - embed_tokens.*
140
+ # - norm.*
141
+ xformers_attention: false
142
+ s2_attention: false
143
+ sdp_attention: false
144
+ pad_to_sequence_len: true
145
+ peft_use_dora: false
146
+ peft_lora_modules_to_save: null
147
+ special_tokens:
148
+ pad_token: <|endoftext|>
149
+ deepspeed: null
150
+ fsdp: null
151
+ fsdp_config: null
152
+ # wandb_project: heisenberg-qwen
153
+ # wandb_entity: null
154
+ # wandb_name: blue-crystal-run
155
+ # wandb_log_model: checkpoint
156
+ hub_model_id: null
157
+ hub_strategy: null
158
+ report_to: []
159
+ logging_strategy: steps
160
+ logging_steps: 10
161
+ logging_first_step: true
162
+ ```
163
+
164
+ </details><br>
165
+
166
+ # outputs/heisenberg-crystal
167
+
168
+ This model is a fine-tuned version of [Qwen/QwQ-32B-Preview](https://huggingface.co/Qwen/QwQ-32B-Preview) on the phxdev/creed dataset.
169
+ It achieves the following results on the evaluation set:
170
+ - Loss: nan
171
+
172
+ ## Model description
173
+
174
+ More information needed
175
+
176
+ ## Intended uses & limitations
177
+
178
+ More information needed
179
+
180
+ ## Training and evaluation data
181
+
182
+ More information needed
183
+
184
+ ## Training procedure
185
+
186
+ ### Training hyperparameters
187
+
188
+ The following hyperparameters were used during training:
189
+ - learning_rate: 0.001
190
+ - train_batch_size: 1
191
+ - eval_batch_size: 1
192
+ - seed: 42
193
+ - optimizer: Use OptimizerNames.ADAMW_TORCH with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
194
+ - lr_scheduler_type: cosine_with_min_lr
195
+ - lr_scheduler_warmup_steps: 100
196
+ - num_epochs: 3.0
197
+
198
+ ### Training results
199
+
200
+ | Training Loss | Epoch | Step | Validation Loss |
201
+ |:-------------:|:------:|:----:|:---------------:|
202
+ | No log | 0.0013 | 1 | nan |
203
+ | 7.8286 | 0.1259 | 100 | nan |
204
+ | 7.2486 | 0.2519 | 200 | nan |
205
+ | 7.2601 | 0.3778 | 300 | nan |
206
+ | 8.2142 | 0.5038 | 400 | nan |
207
+ | 7.1902 | 0.6297 | 500 | nan |
208
+ | 6.3799 | 0.7557 | 600 | nan |
209
+ | 6.7115 | 0.8816 | 700 | nan |
210
+ | 6.0414 | 1.0076 | 800 | nan |
211
+ | 6.428 | 1.1335 | 900 | nan |
212
+ | 6.3167 | 1.2594 | 1000 | nan |
213
+ | 6.0359 | 1.3854 | 1100 | nan |
214
+ | 6.3701 | 1.5113 | 1200 | nan |
215
+ | 6.9225 | 1.6373 | 1300 | nan |
216
+ | 6.5807 | 1.7632 | 1400 | nan |
217
+ | 6.8649 | 1.8892 | 1500 | nan |
218
+ | 6.1397 | 2.0151 | 1600 | nan |
219
+ | 5.7675 | 2.1411 | 1700 | nan |
220
+ | 6.2605 | 2.2670 | 1800 | nan |
221
+ | 5.8788 | 2.3929 | 1900 | nan |
222
+ | 6.0279 | 2.5189 | 2000 | nan |
223
+ | 6.3911 | 2.6448 | 2100 | nan |
224
+ | 6.0412 | 2.7708 | 2200 | nan |
225
+ | 6.0862 | 2.8967 | 2300 | nan |
226
+
227
+
228
+ ### Framework versions
229
+
230
+ - PEFT 0.14.0
231
+ - Transformers 4.49.0
232
+ - Pytorch 2.5.1+cu124
233
+ - Datasets 3.2.0
234
+ - Tokenizers 0.21.0
adapter_config.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/QwQ-32B-Preview",
5
+ "bias": "none",
6
+ "eva_config": null,
7
+ "exclude_modules": null,
8
+ "fan_in_fan_out": false,
9
+ "inference_mode": true,
10
+ "init_lora_weights": true,
11
+ "layer_replication": null,
12
+ "layers_pattern": null,
13
+ "layers_to_transform": null,
14
+ "loftq_config": {},
15
+ "lora_alpha": 128,
16
+ "lora_bias": false,
17
+ "lora_dropout": 0.15,
18
+ "megatron_config": null,
19
+ "megatron_core": "megatron.core",
20
+ "modules_to_save": null,
21
+ "peft_type": "LORA",
22
+ "r": 64,
23
+ "rank_pattern": {},
24
+ "revision": null,
25
+ "target_modules": [
26
+ "down_proj",
27
+ "up_proj",
28
+ "o_proj",
29
+ "k_proj",
30
+ "v_proj",
31
+ "q_proj",
32
+ "gate_proj"
33
+ ],
34
+ "task_type": "CAUSAL_LM",
35
+ "use_dora": false,
36
+ "use_rslora": false
37
+ }
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:39cf0b496ce5b4abfc676d67efd7da289f905fc64dc5d80a07389ee468ff19e7
3
+ size 2147605960
added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
checkpoint-2200/README.md ADDED
@@ -0,0 +1,202 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: Qwen/QwQ-32B-Preview
3
+ library_name: peft
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
+ ### Framework versions
201
+
202
+ - PEFT 0.14.0
checkpoint-2200/adapter_config.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/QwQ-32B-Preview",
5
+ "bias": "none",
6
+ "eva_config": null,
7
+ "exclude_modules": null,
8
+ "fan_in_fan_out": false,
9
+ "inference_mode": true,
10
+ "init_lora_weights": true,
11
+ "layer_replication": null,
12
+ "layers_pattern": null,
13
+ "layers_to_transform": null,
14
+ "loftq_config": {},
15
+ "lora_alpha": 128,
16
+ "lora_bias": false,
17
+ "lora_dropout": 0.15,
18
+ "megatron_config": null,
19
+ "megatron_core": "megatron.core",
20
+ "modules_to_save": null,
21
+ "peft_type": "LORA",
22
+ "r": 64,
23
+ "rank_pattern": {},
24
+ "revision": null,
25
+ "target_modules": [
26
+ "down_proj",
27
+ "up_proj",
28
+ "o_proj",
29
+ "k_proj",
30
+ "v_proj",
31
+ "q_proj",
32
+ "gate_proj"
33
+ ],
34
+ "task_type": "CAUSAL_LM",
35
+ "use_dora": false,
36
+ "use_rslora": false
37
+ }
checkpoint-2200/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:57cf4e9d65cd4c37815651598c6be28bdf6890b5c2eea63d0db7c58c055a5ad5
3
+ size 2147605960
checkpoint-2200/added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
checkpoint-2200/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-2200/special_tokens_map.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
+ ],
17
+ "eos_token": {
18
+ "content": "<|im_end|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "<|endoftext|>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ }
31
+ }
checkpoint-2200/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9c5ae00e602b8860cbd784ba82a8aa14e8feecec692e7076590d014d7b7fdafa
3
+ size 11421896
checkpoint-2200/tokenizer_config.json ADDED
@@ -0,0 +1,208 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "151643": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "151644": {
14
+ "content": "<|im_start|>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "151645": {
22
+ "content": "<|im_end|>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
+ }
181
+ },
182
+ "additional_special_tokens": [
183
+ "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
+ ],
197
+ "bos_token": null,
198
+ "chat_template": "{%- if tools %}\n {{- '<|im_start|>system\\n' }}\n {%- if messages[0]['role'] == 'system' %}\n {{- messages[0]['content'] }}\n {%- else %}\n {{- 'You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.' }}\n {%- endif %}\n {{- \"\\n\\n# Tools\\n\\nYou may call one or more functions to assist with the user query.\\n\\nYou are provided with function signatures within <tools></tools> XML tags:\\n<tools>\" }}\n {%- for tool in tools %}\n {{- \"\\n\" }}\n {{- tool | tojson }}\n {%- endfor %}\n {{- \"\\n</tools>\\n\\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\\n<tool_call>\\n{\\\"name\\\": <function-name>, \\\"arguments\\\": <args-json-object>}\\n</tool_call><|im_end|>\\n\" }}\n{%- else %}\n {%- if messages[0]['role'] == 'system' %}\n {{- '<|im_start|>system\\n' + messages[0]['content'] + '<|im_end|>\\n' }}\n {%- else %}\n {{- '<|im_start|>system\\nYou are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.<|im_end|>\\n' }}\n {%- endif %}\n{%- endif %}\n{%- for message in messages %}\n {%- if (message.role == \"user\") or (message.role == \"system\" and not loop.first) or (message.role == \"assistant\" and not message.tool_calls) %}\n {{- '<|im_start|>' + message.role + '\\n' + message.content + '<|im_end|>' + '\\n' }}\n {%- elif message.role == \"assistant\" %}\n {{- '<|im_start|>' + message.role }}\n {%- if message.content %}\n {{- '\\n' + message.content }}\n {%- endif %}\n {%- for tool_call in message.tool_calls %}\n {%- if tool_call.function is defined %}\n {%- set tool_call = tool_call.function %}\n {%- endif %}\n {{- '\\n<tool_call>\\n{\"name\": \"' }}\n {{- tool_call.name }}\n {{- '\", \"arguments\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- '}\\n</tool_call>' }}\n {%- endfor %}\n {{- '<|im_end|>\\n' }}\n {%- elif message.role == \"tool\" %}\n {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != \"tool\") %}\n {{- '<|im_start|>user' }}\n {%- endif %}\n {{- '\\n<tool_response>\\n' }}\n {{- message.content }}\n {{- '\\n</tool_response>' }}\n {%- if loop.last or (messages[loop.index0 + 1].role != \"tool\") %}\n {{- '<|im_end|>\\n' }}\n {%- endif %}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|im_start|>assistant\\n' }}\n{%- endif %}\n",
199
+ "clean_up_tokenization_spaces": false,
200
+ "eos_token": "<|im_end|>",
201
+ "errors": "replace",
202
+ "extra_special_tokens": {},
203
+ "model_max_length": 32768,
204
+ "pad_token": "<|endoftext|>",
205
+ "split_special_tokens": false,
206
+ "tokenizer_class": "Qwen2Tokenizer",
207
+ "unk_token": null
208
+ }
checkpoint-2200/trainer_state.json ADDED
@@ -0,0 +1,1757 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": Infinity,
3
+ "best_model_checkpoint": null,
4
+ "epoch": 2.770780856423174,
5
+ "eval_steps": 100,
6
+ "global_step": 2200,
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.0012594458438287153,
13
+ "eval_loss": NaN,
14
+ "eval_runtime": 24.0728,
15
+ "eval_samples_per_second": 1.745,
16
+ "eval_steps_per_second": 1.745,
17
+ "step": 1
18
+ },
19
+ {
20
+ "epoch": 0.012594458438287154,
21
+ "grad_norm": 10.215713500976562,
22
+ "learning_rate": 0.0001,
23
+ "loss": 4.9227,
24
+ "step": 10
25
+ },
26
+ {
27
+ "epoch": 0.02518891687657431,
28
+ "grad_norm": 11.19245433807373,
29
+ "learning_rate": 0.0002,
30
+ "loss": 3.6568,
31
+ "step": 20
32
+ },
33
+ {
34
+ "epoch": 0.037783375314861464,
35
+ "grad_norm": 17.468347549438477,
36
+ "learning_rate": 0.0003,
37
+ "loss": 3.4374,
38
+ "step": 30
39
+ },
40
+ {
41
+ "epoch": 0.05037783375314862,
42
+ "grad_norm": 111.16232299804688,
43
+ "learning_rate": 0.0004,
44
+ "loss": 7.2007,
45
+ "step": 40
46
+ },
47
+ {
48
+ "epoch": 0.06297229219143577,
49
+ "grad_norm": 174.66659545898438,
50
+ "learning_rate": 0.0005,
51
+ "loss": 8.4586,
52
+ "step": 50
53
+ },
54
+ {
55
+ "epoch": 0.07556675062972293,
56
+ "grad_norm": 600.462890625,
57
+ "learning_rate": 0.0006,
58
+ "loss": 8.467,
59
+ "step": 60
60
+ },
61
+ {
62
+ "epoch": 0.08816120906801007,
63
+ "grad_norm": 24.518911361694336,
64
+ "learning_rate": 0.0007,
65
+ "loss": 8.2763,
66
+ "step": 70
67
+ },
68
+ {
69
+ "epoch": 0.10075566750629723,
70
+ "grad_norm": 8.935935974121094,
71
+ "learning_rate": 0.0008,
72
+ "loss": 9.2561,
73
+ "step": 80
74
+ },
75
+ {
76
+ "epoch": 0.11335012594458438,
77
+ "grad_norm": 27.04026985168457,
78
+ "learning_rate": 0.0009000000000000001,
79
+ "loss": 7.731,
80
+ "step": 90
81
+ },
82
+ {
83
+ "epoch": 0.12594458438287154,
84
+ "grad_norm": 56.256690979003906,
85
+ "learning_rate": 0.001,
86
+ "loss": 7.8286,
87
+ "step": 100
88
+ },
89
+ {
90
+ "epoch": 0.12594458438287154,
91
+ "eval_loss": NaN,
92
+ "eval_runtime": 15.4265,
93
+ "eval_samples_per_second": 2.723,
94
+ "eval_steps_per_second": 2.723,
95
+ "step": 100
96
+ },
97
+ {
98
+ "epoch": 0.1385390428211587,
99
+ "grad_norm": 27.969837188720703,
100
+ "learning_rate": 0.000999953093091659,
101
+ "loss": 8.0009,
102
+ "step": 110
103
+ },
104
+ {
105
+ "epoch": 0.15113350125944586,
106
+ "grad_norm": 20.14385223388672,
107
+ "learning_rate": 0.0009998123812565674,
108
+ "loss": 7.8523,
109
+ "step": 120
110
+ },
111
+ {
112
+ "epoch": 0.163727959697733,
113
+ "grad_norm": 40.78677749633789,
114
+ "learning_rate": 0.000999577891162835,
115
+ "loss": 7.9675,
116
+ "step": 130
117
+ },
118
+ {
119
+ "epoch": 0.17632241813602015,
120
+ "grad_norm": 27.47247886657715,
121
+ "learning_rate": 0.000999249667251695,
122
+ "loss": 7.6457,
123
+ "step": 140
124
+ },
125
+ {
126
+ "epoch": 0.1889168765743073,
127
+ "grad_norm": 16.2076473236084,
128
+ "learning_rate": 0.000998827771729083,
129
+ "loss": 7.8101,
130
+ "step": 150
131
+ },
132
+ {
133
+ "epoch": 0.20151133501259447,
134
+ "grad_norm": 22.394704818725586,
135
+ "learning_rate": 0.0009983122845538459,
136
+ "loss": 7.2711,
137
+ "step": 160
138
+ },
139
+ {
140
+ "epoch": 0.2141057934508816,
141
+ "grad_norm": 37.36329650878906,
142
+ "learning_rate": 0.0009977033034225882,
143
+ "loss": 7.0109,
144
+ "step": 170
145
+ },
146
+ {
147
+ "epoch": 0.22670025188916876,
148
+ "grad_norm": 17.58085823059082,
149
+ "learning_rate": 0.0009970009437511567,
150
+ "loss": 7.5939,
151
+ "step": 180
152
+ },
153
+ {
154
+ "epoch": 0.23929471032745592,
155
+ "grad_norm": 44.42656326293945,
156
+ "learning_rate": 0.0009962053386527666,
157
+ "loss": 7.5965,
158
+ "step": 190
159
+ },
160
+ {
161
+ "epoch": 0.2518891687657431,
162
+ "grad_norm": 13.50401782989502,
163
+ "learning_rate": 0.0009953166389127734,
164
+ "loss": 7.2486,
165
+ "step": 200
166
+ },
167
+ {
168
+ "epoch": 0.2518891687657431,
169
+ "eval_loss": NaN,
170
+ "eval_runtime": 15.2724,
171
+ "eval_samples_per_second": 2.75,
172
+ "eval_steps_per_second": 2.75,
173
+ "step": 200
174
+ },
175
+ {
176
+ "epoch": 0.26448362720403024,
177
+ "grad_norm": 22.640573501586914,
178
+ "learning_rate": 0.000994335012960095,
179
+ "loss": 6.7046,
180
+ "step": 210
181
+ },
182
+ {
183
+ "epoch": 0.2770780856423174,
184
+ "grad_norm": 29.585573196411133,
185
+ "learning_rate": 0.0009932606468352912,
186
+ "loss": 8.0273,
187
+ "step": 220
188
+ },
189
+ {
190
+ "epoch": 0.28967254408060455,
191
+ "grad_norm": 28.875736236572266,
192
+ "learning_rate": 0.0009920937441553052,
193
+ "loss": 7.3677,
194
+ "step": 230
195
+ },
196
+ {
197
+ "epoch": 0.3022670025188917,
198
+ "grad_norm": 35.41697311401367,
199
+ "learning_rate": 0.0009908345260748724,
200
+ "loss": 7.3579,
201
+ "step": 240
202
+ },
203
+ {
204
+ "epoch": 0.3148614609571788,
205
+ "grad_norm": 29.97820472717285,
206
+ "learning_rate": 0.000989483231244607,
207
+ "loss": 7.0202,
208
+ "step": 250
209
+ },
210
+ {
211
+ "epoch": 0.327455919395466,
212
+ "grad_norm": 13.438394546508789,
213
+ "learning_rate": 0.000988040115765773,
214
+ "loss": 6.742,
215
+ "step": 260
216
+ },
217
+ {
218
+ "epoch": 0.34005037783375314,
219
+ "grad_norm": 24.55386734008789,
220
+ "learning_rate": 0.000986505453141746,
221
+ "loss": 6.7159,
222
+ "step": 270
223
+ },
224
+ {
225
+ "epoch": 0.3526448362720403,
226
+ "grad_norm": 31.250648498535156,
227
+ "learning_rate": 0.0009848795342261784,
228
+ "loss": 7.6011,
229
+ "step": 280
230
+ },
231
+ {
232
+ "epoch": 0.36523929471032746,
233
+ "grad_norm": 17.08733558654785,
234
+ "learning_rate": 0.000983162667167877,
235
+ "loss": 7.5208,
236
+ "step": 290
237
+ },
238
+ {
239
+ "epoch": 0.3778337531486146,
240
+ "grad_norm": 22.433013916015625,
241
+ "learning_rate": 0.0009813551773523999,
242
+ "loss": 7.2601,
243
+ "step": 300
244
+ },
245
+ {
246
+ "epoch": 0.3778337531486146,
247
+ "eval_loss": NaN,
248
+ "eval_runtime": 15.4322,
249
+ "eval_samples_per_second": 2.722,
250
+ "eval_steps_per_second": 2.722,
251
+ "step": 300
252
+ },
253
+ {
254
+ "epoch": 0.3904282115869018,
255
+ "grad_norm": 22.491186141967773,
256
+ "learning_rate": 0.00097945740734039,
257
+ "loss": 7.1465,
258
+ "step": 310
259
+ },
260
+ {
261
+ "epoch": 0.40302267002518893,
262
+ "grad_norm": 24.347196578979492,
263
+ "learning_rate": 0.0009774697168026514,
264
+ "loss": 7.1475,
265
+ "step": 320
266
+ },
267
+ {
268
+ "epoch": 0.4156171284634761,
269
+ "grad_norm": 10.394509315490723,
270
+ "learning_rate": 0.0009753924824519837,
271
+ "loss": 7.0914,
272
+ "step": 330
273
+ },
274
+ {
275
+ "epoch": 0.4282115869017632,
276
+ "grad_norm": 24.985843658447266,
277
+ "learning_rate": 0.0009732260979717857,
278
+ "loss": 6.985,
279
+ "step": 340
280
+ },
281
+ {
282
+ "epoch": 0.44080604534005036,
283
+ "grad_norm": 20.668533325195312,
284
+ "learning_rate": 0.0009709709739414448,
285
+ "loss": 6.2001,
286
+ "step": 350
287
+ },
288
+ {
289
+ "epoch": 0.4534005037783375,
290
+ "grad_norm": 15.814973831176758,
291
+ "learning_rate": 0.0009686275377585208,
292
+ "loss": 7.0025,
293
+ "step": 360
294
+ },
295
+ {
296
+ "epoch": 0.4659949622166247,
297
+ "grad_norm": 14.465486526489258,
298
+ "learning_rate": 0.0009661962335577461,
299
+ "loss": 6.8131,
300
+ "step": 370
301
+ },
302
+ {
303
+ "epoch": 0.47858942065491183,
304
+ "grad_norm": 22.262863159179688,
305
+ "learning_rate": 0.0009636775221268514,
306
+ "loss": 6.7339,
307
+ "step": 380
308
+ },
309
+ {
310
+ "epoch": 0.491183879093199,
311
+ "grad_norm": 13.883723258972168,
312
+ "learning_rate": 0.0009610718808192354,
313
+ "loss": 7.1253,
314
+ "step": 390
315
+ },
316
+ {
317
+ "epoch": 0.5037783375314862,
318
+ "grad_norm": 10.253217697143555,
319
+ "learning_rate": 0.0009583798034634963,
320
+ "loss": 8.2142,
321
+ "step": 400
322
+ },
323
+ {
324
+ "epoch": 0.5037783375314862,
325
+ "eval_loss": NaN,
326
+ "eval_runtime": 15.6368,
327
+ "eval_samples_per_second": 2.686,
328
+ "eval_steps_per_second": 2.686,
329
+ "step": 400
330
+ },
331
+ {
332
+ "epoch": 0.5163727959697733,
333
+ "grad_norm": 18.610076904296875,
334
+ "learning_rate": 0.0009556018002698389,
335
+ "loss": 7.7783,
336
+ "step": 410
337
+ },
338
+ {
339
+ "epoch": 0.5289672544080605,
340
+ "grad_norm": 18.9676513671875,
341
+ "learning_rate": 0.0009527383977333791,
342
+ "loss": 7.3047,
343
+ "step": 420
344
+ },
345
+ {
346
+ "epoch": 0.5415617128463476,
347
+ "grad_norm": 6.478220462799072,
348
+ "learning_rate": 0.0009497901385343608,
349
+ "loss": 7.6647,
350
+ "step": 430
351
+ },
352
+ {
353
+ "epoch": 0.5541561712846348,
354
+ "grad_norm": 15.899592399597168,
355
+ "learning_rate": 0.0009467575814353052,
356
+ "loss": 7.2044,
357
+ "step": 440
358
+ },
359
+ {
360
+ "epoch": 0.5667506297229219,
361
+ "grad_norm": 7.312307834625244,
362
+ "learning_rate": 0.0009436413011751129,
363
+ "loss": 6.7378,
364
+ "step": 450
365
+ },
366
+ {
367
+ "epoch": 0.5793450881612091,
368
+ "grad_norm": 9.657133102416992,
369
+ "learning_rate": 0.0009404418883601375,
370
+ "loss": 7.3231,
371
+ "step": 460
372
+ },
373
+ {
374
+ "epoch": 0.5919395465994962,
375
+ "grad_norm": 6.748540878295898,
376
+ "learning_rate": 0.000937159949352252,
377
+ "loss": 7.4876,
378
+ "step": 470
379
+ },
380
+ {
381
+ "epoch": 0.6045340050377834,
382
+ "grad_norm": 5.967790603637695,
383
+ "learning_rate": 0.0009337961061539308,
384
+ "loss": 7.5902,
385
+ "step": 480
386
+ },
387
+ {
388
+ "epoch": 0.6171284634760705,
389
+ "grad_norm": 3.245502233505249,
390
+ "learning_rate": 0.0009303509962903634,
391
+ "loss": 7.1788,
392
+ "step": 490
393
+ },
394
+ {
395
+ "epoch": 0.6297229219143576,
396
+ "grad_norm": 7.3367919921875,
397
+ "learning_rate": 0.0009268252726886314,
398
+ "loss": 7.1902,
399
+ "step": 500
400
+ },
401
+ {
402
+ "epoch": 0.6297229219143576,
403
+ "eval_loss": NaN,
404
+ "eval_runtime": 15.4155,
405
+ "eval_samples_per_second": 2.725,
406
+ "eval_steps_per_second": 2.725,
407
+ "step": 500
408
+ },
409
+ {
410
+ "epoch": 0.6423173803526449,
411
+ "grad_norm": 2.903081178665161,
412
+ "learning_rate": 0.0009232196035539623,
413
+ "loss": 7.236,
414
+ "step": 510
415
+ },
416
+ {
417
+ "epoch": 0.654911838790932,
418
+ "grad_norm": 3.9663569927215576,
419
+ "learning_rate": 0.0009195346722430898,
420
+ "loss": 7.3749,
421
+ "step": 520
422
+ },
423
+ {
424
+ "epoch": 0.6675062972292192,
425
+ "grad_norm": 6.435197830200195,
426
+ "learning_rate": 0.0009157711771347421,
427
+ "loss": 7.5964,
428
+ "step": 530
429
+ },
430
+ {
431
+ "epoch": 0.6801007556675063,
432
+ "grad_norm": 4.062136173248291,
433
+ "learning_rate": 0.0009119298314972834,
434
+ "loss": 6.7231,
435
+ "step": 540
436
+ },
437
+ {
438
+ "epoch": 0.6926952141057935,
439
+ "grad_norm": 3.391726493835449,
440
+ "learning_rate": 0.0009080113633535325,
441
+ "loss": 6.9205,
442
+ "step": 550
443
+ },
444
+ {
445
+ "epoch": 0.7052896725440806,
446
+ "grad_norm": 3.272814989089966,
447
+ "learning_rate": 0.0009040165153427869,
448
+ "loss": 6.6434,
449
+ "step": 560
450
+ },
451
+ {
452
+ "epoch": 0.7178841309823678,
453
+ "grad_norm": 1.8474681377410889,
454
+ "learning_rate": 0.0008999460445800744,
455
+ "loss": 7.1821,
456
+ "step": 570
457
+ },
458
+ {
459
+ "epoch": 0.7304785894206549,
460
+ "grad_norm": 1.8579058647155762,
461
+ "learning_rate": 0.0008958007225126639,
462
+ "loss": 7.408,
463
+ "step": 580
464
+ },
465
+ {
466
+ "epoch": 0.743073047858942,
467
+ "grad_norm": 2.2286558151245117,
468
+ "learning_rate": 0.0008915813347738575,
469
+ "loss": 6.8997,
470
+ "step": 590
471
+ },
472
+ {
473
+ "epoch": 0.7556675062972292,
474
+ "grad_norm": 2.628117322921753,
475
+ "learning_rate": 0.0008872886810340951,
476
+ "loss": 6.3799,
477
+ "step": 600
478
+ },
479
+ {
480
+ "epoch": 0.7556675062972292,
481
+ "eval_loss": NaN,
482
+ "eval_runtime": 15.1353,
483
+ "eval_samples_per_second": 2.775,
484
+ "eval_steps_per_second": 2.775,
485
+ "step": 600
486
+ },
487
+ {
488
+ "epoch": 0.7682619647355163,
489
+ "grad_norm": 1.8156355619430542,
490
+ "learning_rate": 0.000882923574849399,
491
+ "loss": 7.1042,
492
+ "step": 610
493
+ },
494
+ {
495
+ "epoch": 0.7808564231738035,
496
+ "grad_norm": 2.4351723194122314,
497
+ "learning_rate": 0.0008784868435071861,
498
+ "loss": 6.9231,
499
+ "step": 620
500
+ },
501
+ {
502
+ "epoch": 0.7934508816120907,
503
+ "grad_norm": 2.3676507472991943,
504
+ "learning_rate": 0.0008739793278694784,
505
+ "loss": 7.0717,
506
+ "step": 630
507
+ },
508
+ {
509
+ "epoch": 0.8060453400503779,
510
+ "grad_norm": 2.2056849002838135,
511
+ "learning_rate": 0.0008694018822135399,
512
+ "loss": 6.9117,
513
+ "step": 640
514
+ },
515
+ {
516
+ "epoch": 0.818639798488665,
517
+ "grad_norm": 1.623586893081665,
518
+ "learning_rate": 0.000864755374069972,
519
+ "loss": 6.6581,
520
+ "step": 650
521
+ },
522
+ {
523
+ "epoch": 0.8312342569269522,
524
+ "grad_norm": 2.0398213863372803,
525
+ "learning_rate": 0.0008600406840582961,
526
+ "loss": 7.1913,
527
+ "step": 660
528
+ },
529
+ {
530
+ "epoch": 0.8438287153652393,
531
+ "grad_norm": 1.6448144912719727,
532
+ "learning_rate": 0.0008552587057200568,
533
+ "loss": 6.8668,
534
+ "step": 670
535
+ },
536
+ {
537
+ "epoch": 0.8564231738035264,
538
+ "grad_norm": 1.1676232814788818,
539
+ "learning_rate": 0.0008504103453494745,
540
+ "loss": 6.5517,
541
+ "step": 680
542
+ },
543
+ {
544
+ "epoch": 0.8690176322418136,
545
+ "grad_norm": 19.695444107055664,
546
+ "learning_rate": 0.0008454965218216828,
547
+ "loss": 6.0138,
548
+ "step": 690
549
+ },
550
+ {
551
+ "epoch": 0.8816120906801007,
552
+ "grad_norm": 1.936806082725525,
553
+ "learning_rate": 0.0008405181664185797,
554
+ "loss": 6.7115,
555
+ "step": 700
556
+ },
557
+ {
558
+ "epoch": 0.8816120906801007,
559
+ "eval_loss": NaN,
560
+ "eval_runtime": 15.3262,
561
+ "eval_samples_per_second": 2.74,
562
+ "eval_steps_per_second": 2.74,
563
+ "step": 700
564
+ },
565
+ {
566
+ "epoch": 0.8942065491183879,
567
+ "grad_norm": 1.0898339748382568,
568
+ "learning_rate": 0.0008354762226523293,
569
+ "loss": 7.2575,
570
+ "step": 710
571
+ },
572
+ {
573
+ "epoch": 0.906801007556675,
574
+ "grad_norm": 1.8871369361877441,
575
+ "learning_rate": 0.0008303716460865444,
576
+ "loss": 7.1923,
577
+ "step": 720
578
+ },
579
+ {
580
+ "epoch": 0.9193954659949622,
581
+ "grad_norm": 1.402613639831543,
582
+ "learning_rate": 0.0008252054041551846,
583
+ "loss": 6.6392,
584
+ "step": 730
585
+ },
586
+ {
587
+ "epoch": 0.9319899244332494,
588
+ "grad_norm": 2.2640938758850098,
589
+ "learning_rate": 0.0008199784759792064,
590
+ "loss": 7.136,
591
+ "step": 740
592
+ },
593
+ {
594
+ "epoch": 0.9445843828715366,
595
+ "grad_norm": 0.9886698722839355,
596
+ "learning_rate": 0.0008146918521809975,
597
+ "loss": 6.6487,
598
+ "step": 750
599
+ },
600
+ {
601
+ "epoch": 0.9571788413098237,
602
+ "grad_norm": 1.0600054264068604,
603
+ "learning_rate": 0.0008093465346966299,
604
+ "loss": 6.9025,
605
+ "step": 760
606
+ },
607
+ {
608
+ "epoch": 0.9697732997481109,
609
+ "grad_norm": 1.1450759172439575,
610
+ "learning_rate": 0.0008039435365859717,
611
+ "loss": 7.0955,
612
+ "step": 770
613
+ },
614
+ {
615
+ "epoch": 0.982367758186398,
616
+ "grad_norm": 1.5099146366119385,
617
+ "learning_rate": 0.0007984838818406879,
618
+ "loss": 6.3033,
619
+ "step": 780
620
+ },
621
+ {
622
+ "epoch": 0.9949622166246851,
623
+ "grad_norm": 0.9716188311576843,
624
+ "learning_rate": 0.000792968605190172,
625
+ "loss": 6.8283,
626
+ "step": 790
627
+ },
628
+ {
629
+ "epoch": 1.0075566750629723,
630
+ "grad_norm": 2.8636345863342285,
631
+ "learning_rate": 0.0007873987519054385,
632
+ "loss": 6.0414,
633
+ "step": 800
634
+ },
635
+ {
636
+ "epoch": 1.0075566750629723,
637
+ "eval_loss": NaN,
638
+ "eval_runtime": 15.4227,
639
+ "eval_samples_per_second": 2.723,
640
+ "eval_steps_per_second": 2.723,
641
+ "step": 800
642
+ },
643
+ {
644
+ "epoch": 1.0201511335012594,
645
+ "grad_norm": 2.396373748779297,
646
+ "learning_rate": 0.0007817753776010232,
647
+ "loss": 6.3219,
648
+ "step": 810
649
+ },
650
+ {
651
+ "epoch": 1.0327455919395465,
652
+ "grad_norm": 1.2031290531158447,
653
+ "learning_rate": 0.0007760995480349184,
654
+ "loss": 6.2492,
655
+ "step": 820
656
+ },
657
+ {
658
+ "epoch": 1.0453400503778338,
659
+ "grad_norm": 3.029849052429199,
660
+ "learning_rate": 0.0007703723389065873,
661
+ "loss": 6.4878,
662
+ "step": 830
663
+ },
664
+ {
665
+ "epoch": 1.057934508816121,
666
+ "grad_norm": 3.050990104675293,
667
+ "learning_rate": 0.0007645948356530953,
668
+ "loss": 5.9352,
669
+ "step": 840
670
+ },
671
+ {
672
+ "epoch": 1.070528967254408,
673
+ "grad_norm": 1.3113600015640259,
674
+ "learning_rate": 0.000758768133243394,
675
+ "loss": 6.3298,
676
+ "step": 850
677
+ },
678
+ {
679
+ "epoch": 1.0831234256926952,
680
+ "grad_norm": 1.306564450263977,
681
+ "learning_rate": 0.0007528933359708001,
682
+ "loss": 6.4415,
683
+ "step": 860
684
+ },
685
+ {
686
+ "epoch": 1.0957178841309823,
687
+ "grad_norm": 1.9978339672088623,
688
+ "learning_rate": 0.0007469715572437062,
689
+ "loss": 6.4877,
690
+ "step": 870
691
+ },
692
+ {
693
+ "epoch": 1.1083123425692696,
694
+ "grad_norm": 1.6242040395736694,
695
+ "learning_rate": 0.0007410039193745646,
696
+ "loss": 6.7378,
697
+ "step": 880
698
+ },
699
+ {
700
+ "epoch": 1.1209068010075567,
701
+ "grad_norm": 1.457687258720398,
702
+ "learning_rate": 0.0007349915533671839,
703
+ "loss": 5.9593,
704
+ "step": 890
705
+ },
706
+ {
707
+ "epoch": 1.1335012594458438,
708
+ "grad_norm": 12.794464111328125,
709
+ "learning_rate": 0.0007289355987023768,
710
+ "loss": 6.428,
711
+ "step": 900
712
+ },
713
+ {
714
+ "epoch": 1.1335012594458438,
715
+ "eval_loss": NaN,
716
+ "eval_runtime": 15.3011,
717
+ "eval_samples_per_second": 2.745,
718
+ "eval_steps_per_second": 2.745,
719
+ "step": 900
720
+ },
721
+ {
722
+ "epoch": 1.146095717884131,
723
+ "grad_norm": 1.6018197536468506,
724
+ "learning_rate": 0.0007228372031220035,
725
+ "loss": 6.0791,
726
+ "step": 910
727
+ },
728
+ {
729
+ "epoch": 1.1586901763224182,
730
+ "grad_norm": 1.2083125114440918,
731
+ "learning_rate": 0.000716697522411448,
732
+ "loss": 6.1847,
733
+ "step": 920
734
+ },
735
+ {
736
+ "epoch": 1.1712846347607053,
737
+ "grad_norm": 1.2754706144332886,
738
+ "learning_rate": 0.0007105177201805702,
739
+ "loss": 6.5466,
740
+ "step": 930
741
+ },
742
+ {
743
+ "epoch": 1.1838790931989924,
744
+ "grad_norm": 2407.5634765625,
745
+ "learning_rate": 0.0007042989676431752,
746
+ "loss": 6.0645,
747
+ "step": 940
748
+ },
749
+ {
750
+ "epoch": 1.1964735516372795,
751
+ "grad_norm": 3.1770615577697754,
752
+ "learning_rate": 0.0006980424433950421,
753
+ "loss": 13.3282,
754
+ "step": 950
755
+ },
756
+ {
757
+ "epoch": 1.2090680100755669,
758
+ "grad_norm": 4.1725993156433105,
759
+ "learning_rate": 0.0006917493331905523,
760
+ "loss": 6.1844,
761
+ "step": 960
762
+ },
763
+ {
764
+ "epoch": 1.221662468513854,
765
+ "grad_norm": 2.3469631671905518,
766
+ "learning_rate": 0.0006854208297179626,
767
+ "loss": 6.1732,
768
+ "step": 970
769
+ },
770
+ {
771
+ "epoch": 1.234256926952141,
772
+ "grad_norm": 4.253868579864502,
773
+ "learning_rate": 0.0006790581323733633,
774
+ "loss": 6.6594,
775
+ "step": 980
776
+ },
777
+ {
778
+ "epoch": 1.2468513853904282,
779
+ "grad_norm": 0.4837864637374878,
780
+ "learning_rate": 0.000672662447033365,
781
+ "loss": 6.4401,
782
+ "step": 990
783
+ },
784
+ {
785
+ "epoch": 1.2594458438287153,
786
+ "grad_norm": 0.912817120552063,
787
+ "learning_rate": 0.0006662349858265576,
788
+ "loss": 6.3167,
789
+ "step": 1000
790
+ },
791
+ {
792
+ "epoch": 1.2594458438287153,
793
+ "eval_loss": NaN,
794
+ "eval_runtime": 15.4775,
795
+ "eval_samples_per_second": 2.714,
796
+ "eval_steps_per_second": 2.714,
797
+ "step": 1000
798
+ },
799
+ {
800
+ "epoch": 1.2720403022670026,
801
+ "grad_norm": 2.411555767059326,
802
+ "learning_rate": 0.0006597769669037844,
803
+ "loss": 6.043,
804
+ "step": 1010
805
+ },
806
+ {
807
+ "epoch": 1.2846347607052897,
808
+ "grad_norm": 1.488756537437439,
809
+ "learning_rate": 0.0006532896142072744,
810
+ "loss": 6.5599,
811
+ "step": 1020
812
+ },
813
+ {
814
+ "epoch": 1.2972292191435768,
815
+ "grad_norm": 1.906882643699646,
816
+ "learning_rate": 0.0006467741572386773,
817
+ "loss": 6.6445,
818
+ "step": 1030
819
+ },
820
+ {
821
+ "epoch": 1.309823677581864,
822
+ "grad_norm": 1.155110478401184,
823
+ "learning_rate": 0.0006402318308260451,
824
+ "loss": 6.4565,
825
+ "step": 1040
826
+ },
827
+ {
828
+ "epoch": 1.322418136020151,
829
+ "grad_norm": 1.057112693786621,
830
+ "learning_rate": 0.0006336638748898033,
831
+ "loss": 5.8222,
832
+ "step": 1050
833
+ },
834
+ {
835
+ "epoch": 1.3350125944584383,
836
+ "grad_norm": 147.21507263183594,
837
+ "learning_rate": 0.0006270715342077584,
838
+ "loss": 6.1143,
839
+ "step": 1060
840
+ },
841
+ {
842
+ "epoch": 1.3476070528967254,
843
+ "grad_norm": 1.0020054578781128,
844
+ "learning_rate": 0.0006204560581791837,
845
+ "loss": 6.625,
846
+ "step": 1070
847
+ },
848
+ {
849
+ "epoch": 1.3602015113350125,
850
+ "grad_norm": 1.1355900764465332,
851
+ "learning_rate": 0.0006138187005880293,
852
+ "loss": 6.4284,
853
+ "step": 1080
854
+ },
855
+ {
856
+ "epoch": 1.3727959697732999,
857
+ "grad_norm": 1.4387480020523071,
858
+ "learning_rate": 0.0006071607193653024,
859
+ "loss": 6.0397,
860
+ "step": 1090
861
+ },
862
+ {
863
+ "epoch": 1.385390428211587,
864
+ "grad_norm": 0.8876716494560242,
865
+ "learning_rate": 0.0006004833763506589,
866
+ "loss": 6.0359,
867
+ "step": 1100
868
+ },
869
+ {
870
+ "epoch": 1.385390428211587,
871
+ "eval_loss": NaN,
872
+ "eval_runtime": 15.3917,
873
+ "eval_samples_per_second": 2.729,
874
+ "eval_steps_per_second": 2.729,
875
+ "step": 1100
876
+ },
877
+ {
878
+ "epoch": 1.397984886649874,
879
+ "grad_norm": 10.183558464050293,
880
+ "learning_rate": 0.0005937879370532575,
881
+ "loss": 6.5227,
882
+ "step": 1110
883
+ },
884
+ {
885
+ "epoch": 1.4105793450881612,
886
+ "grad_norm": 4.989817142486572,
887
+ "learning_rate": 0.0005870756704119161,
888
+ "loss": 5.7424,
889
+ "step": 1120
890
+ },
891
+ {
892
+ "epoch": 1.4231738035264483,
893
+ "grad_norm": 0.8695787191390991,
894
+ "learning_rate": 0.000580347848554619,
895
+ "loss": 6.1259,
896
+ "step": 1130
897
+ },
898
+ {
899
+ "epoch": 1.4357682619647356,
900
+ "grad_norm": 2.9313132762908936,
901
+ "learning_rate": 0.0005736057465574194,
902
+ "loss": 6.2371,
903
+ "step": 1140
904
+ },
905
+ {
906
+ "epoch": 1.4483627204030227,
907
+ "grad_norm": 15.412851333618164,
908
+ "learning_rate": 0.0005668506422027838,
909
+ "loss": 6.4632,
910
+ "step": 1150
911
+ },
912
+ {
913
+ "epoch": 1.4609571788413098,
914
+ "grad_norm": 1.714887022972107,
915
+ "learning_rate": 0.0005600838157374224,
916
+ "loss": 6.1565,
917
+ "step": 1160
918
+ },
919
+ {
920
+ "epoch": 1.473551637279597,
921
+ "grad_norm": 7.269957542419434,
922
+ "learning_rate": 0.0005533065496296534,
923
+ "loss": 6.3067,
924
+ "step": 1170
925
+ },
926
+ {
927
+ "epoch": 1.486146095717884,
928
+ "grad_norm": 7.1710591316223145,
929
+ "learning_rate": 0.000546520128326346,
930
+ "loss": 6.1889,
931
+ "step": 1180
932
+ },
933
+ {
934
+ "epoch": 1.4987405541561714,
935
+ "grad_norm": 1.08518648147583,
936
+ "learning_rate": 0.0005397258380094882,
937
+ "loss": 6.0912,
938
+ "step": 1190
939
+ },
940
+ {
941
+ "epoch": 1.5113350125944585,
942
+ "grad_norm": 1.5827178955078125,
943
+ "learning_rate": 0.0005329249663524261,
944
+ "loss": 6.3701,
945
+ "step": 1200
946
+ },
947
+ {
948
+ "epoch": 1.5113350125944585,
949
+ "eval_loss": NaN,
950
+ "eval_runtime": 15.1761,
951
+ "eval_samples_per_second": 2.768,
952
+ "eval_steps_per_second": 2.768,
953
+ "step": 1200
954
+ },
955
+ {
956
+ "epoch": 1.5239294710327456,
957
+ "grad_norm": 2.0807712078094482,
958
+ "learning_rate": 0.00052611880227582,
959
+ "loss": 6.3354,
960
+ "step": 1210
961
+ },
962
+ {
963
+ "epoch": 1.536523929471033,
964
+ "grad_norm": 0.9915687441825867,
965
+ "learning_rate": 0.000519308635703365,
966
+ "loss": 6.1947,
967
+ "step": 1220
968
+ },
969
+ {
970
+ "epoch": 1.5491183879093198,
971
+ "grad_norm": 2.210996150970459,
972
+ "learning_rate": 0.0005124957573173205,
973
+ "loss": 6.4126,
974
+ "step": 1230
975
+ },
976
+ {
977
+ "epoch": 1.561712846347607,
978
+ "grad_norm": 0.8593767285346985,
979
+ "learning_rate": 0.0005056814583138962,
980
+ "loss": 6.0815,
981
+ "step": 1240
982
+ },
983
+ {
984
+ "epoch": 1.5743073047858942,
985
+ "grad_norm": 6.98859167098999,
986
+ "learning_rate": 0.0004988670301585422,
987
+ "loss": 5.6936,
988
+ "step": 1250
989
+ },
990
+ {
991
+ "epoch": 1.5869017632241813,
992
+ "grad_norm": 1.7452690601348877,
993
+ "learning_rate": 0.0004920537643411849,
994
+ "loss": 6.5348,
995
+ "step": 1260
996
+ },
997
+ {
998
+ "epoch": 1.5994962216624686,
999
+ "grad_norm": 2.5241520404815674,
1000
+ "learning_rate": 0.0004852429521314616,
1001
+ "loss": 6.0232,
1002
+ "step": 1270
1003
+ },
1004
+ {
1005
+ "epoch": 1.6120906801007555,
1006
+ "grad_norm": 0.8746917247772217,
1007
+ "learning_rate": 0.0004784358843339947,
1008
+ "loss": 6.1688,
1009
+ "step": 1280
1010
+ },
1011
+ {
1012
+ "epoch": 1.6246851385390428,
1013
+ "grad_norm": 1.0631097555160522,
1014
+ "learning_rate": 0.0004716338510437549,
1015
+ "loss": 6.3,
1016
+ "step": 1290
1017
+ },
1018
+ {
1019
+ "epoch": 1.63727959697733,
1020
+ "grad_norm": 6.525661945343018,
1021
+ "learning_rate": 0.00046483814140155867,
1022
+ "loss": 6.9225,
1023
+ "step": 1300
1024
+ },
1025
+ {
1026
+ "epoch": 1.63727959697733,
1027
+ "eval_loss": NaN,
1028
+ "eval_runtime": 15.3269,
1029
+ "eval_samples_per_second": 2.74,
1030
+ "eval_steps_per_second": 2.74,
1031
+ "step": 1300
1032
+ },
1033
+ {
1034
+ "epoch": 1.649874055415617,
1035
+ "grad_norm": 0.913987398147583,
1036
+ "learning_rate": 0.0004580500433497467,
1037
+ "loss": 6.1362,
1038
+ "step": 1310
1039
+ },
1040
+ {
1041
+ "epoch": 1.6624685138539044,
1042
+ "grad_norm": 1.5815681219100952,
1043
+ "learning_rate": 0.00045127084338808906,
1044
+ "loss": 6.4123,
1045
+ "step": 1320
1046
+ },
1047
+ {
1048
+ "epoch": 1.6750629722921915,
1049
+ "grad_norm": 1.3284748792648315,
1050
+ "learning_rate": 0.00044450182632996445,
1051
+ "loss": 6.1109,
1052
+ "step": 1330
1053
+ },
1054
+ {
1055
+ "epoch": 1.6876574307304786,
1056
+ "grad_norm": 1.746523380279541,
1057
+ "learning_rate": 0.0004377442750588584,
1058
+ "loss": 6.3474,
1059
+ "step": 1340
1060
+ },
1061
+ {
1062
+ "epoch": 1.700251889168766,
1063
+ "grad_norm": 6.772982597351074,
1064
+ "learning_rate": 0.0004309994702852283,
1065
+ "loss": 6.0853,
1066
+ "step": 1350
1067
+ },
1068
+ {
1069
+ "epoch": 1.7128463476070528,
1070
+ "grad_norm": 1.758326768875122,
1071
+ "learning_rate": 0.00042426869030377795,
1072
+ "loss": 6.4546,
1073
+ "step": 1360
1074
+ },
1075
+ {
1076
+ "epoch": 1.7254408060453401,
1077
+ "grad_norm": 19.387592315673828,
1078
+ "learning_rate": 0.00041755321075119306,
1079
+ "loss": 6.0784,
1080
+ "step": 1370
1081
+ },
1082
+ {
1083
+ "epoch": 1.7380352644836272,
1084
+ "grad_norm": 0.7060778737068176,
1085
+ "learning_rate": 0.0004108543043643778,
1086
+ "loss": 6.5413,
1087
+ "step": 1380
1088
+ },
1089
+ {
1090
+ "epoch": 1.7506297229219143,
1091
+ "grad_norm": 22.071979522705078,
1092
+ "learning_rate": 0.000404173240739243,
1093
+ "loss": 6.1817,
1094
+ "step": 1390
1095
+ },
1096
+ {
1097
+ "epoch": 1.7632241813602016,
1098
+ "grad_norm": 6.522192001342773,
1099
+ "learning_rate": 0.0003975112860900878,
1100
+ "loss": 6.5807,
1101
+ "step": 1400
1102
+ },
1103
+ {
1104
+ "epoch": 1.7632241813602016,
1105
+ "eval_loss": NaN,
1106
+ "eval_runtime": 15.3374,
1107
+ "eval_samples_per_second": 2.738,
1108
+ "eval_steps_per_second": 2.738,
1109
+ "step": 1400
1110
+ },
1111
+ {
1112
+ "epoch": 1.7758186397984885,
1113
+ "grad_norm": 0.940758228302002,
1114
+ "learning_rate": 0.0003908697030096239,
1115
+ "loss": 6.1871,
1116
+ "step": 1410
1117
+ },
1118
+ {
1119
+ "epoch": 1.7884130982367759,
1120
+ "grad_norm": 2.718416929244995,
1121
+ "learning_rate": 0.00038424975022968456,
1122
+ "loss": 6.3521,
1123
+ "step": 1420
1124
+ },
1125
+ {
1126
+ "epoch": 1.801007556675063,
1127
+ "grad_norm": 13.035350799560547,
1128
+ "learning_rate": 0.0003776526823826671,
1129
+ "loss": 6.4073,
1130
+ "step": 1430
1131
+ },
1132
+ {
1133
+ "epoch": 1.81360201511335,
1134
+ "grad_norm": 16.264127731323242,
1135
+ "learning_rate": 0.00037107974976375023,
1136
+ "loss": 6.0222,
1137
+ "step": 1440
1138
+ },
1139
+ {
1140
+ "epoch": 1.8261964735516374,
1141
+ "grad_norm": 9.861279487609863,
1142
+ "learning_rate": 0.000364532198093936,
1143
+ "loss": 5.5407,
1144
+ "step": 1450
1145
+ },
1146
+ {
1147
+ "epoch": 1.8387909319899243,
1148
+ "grad_norm": 6.148726463317871,
1149
+ "learning_rate": 0.0003580112682839554,
1150
+ "loss": 6.162,
1151
+ "step": 1460
1152
+ },
1153
+ {
1154
+ "epoch": 1.8513853904282116,
1155
+ "grad_norm": 1.1691336631774902,
1156
+ "learning_rate": 0.0003515181961990892,
1157
+ "loss": 6.2415,
1158
+ "step": 1470
1159
+ },
1160
+ {
1161
+ "epoch": 1.8639798488664987,
1162
+ "grad_norm": 5.119348526000977,
1163
+ "learning_rate": 0.00034505421242494186,
1164
+ "loss": 6.3736,
1165
+ "step": 1480
1166
+ },
1167
+ {
1168
+ "epoch": 1.8765743073047858,
1169
+ "grad_norm": 4.946280479431152,
1170
+ "learning_rate": 0.00033862054203421795,
1171
+ "loss": 6.3236,
1172
+ "step": 1490
1173
+ },
1174
+ {
1175
+ "epoch": 1.8891687657430731,
1176
+ "grad_norm": 1.3196860551834106,
1177
+ "learning_rate": 0.0003322184043545431,
1178
+ "loss": 6.8649,
1179
+ "step": 1500
1180
+ },
1181
+ {
1182
+ "epoch": 1.8891687657430731,
1183
+ "eval_loss": NaN,
1184
+ "eval_runtime": 15.3118,
1185
+ "eval_samples_per_second": 2.743,
1186
+ "eval_steps_per_second": 2.743,
1187
+ "step": 1500
1188
+ },
1189
+ {
1190
+ "epoch": 1.9017632241813602,
1191
+ "grad_norm": 43.375179290771484,
1192
+ "learning_rate": 0.0003258490127373731,
1193
+ "loss": 5.9977,
1194
+ "step": 1510
1195
+ },
1196
+ {
1197
+ "epoch": 1.9143576826196473,
1198
+ "grad_norm": 2.4827260971069336,
1199
+ "learning_rate": 0.00031951357432803636,
1200
+ "loss": 6.5355,
1201
+ "step": 1520
1202
+ },
1203
+ {
1204
+ "epoch": 1.9269521410579347,
1205
+ "grad_norm": 1.779510736465454,
1206
+ "learning_rate": 0.00031321328983695225,
1207
+ "loss": 5.9877,
1208
+ "step": 1530
1209
+ },
1210
+ {
1211
+ "epoch": 1.9395465994962215,
1212
+ "grad_norm": 9.966399192810059,
1213
+ "learning_rate": 0.00030694935331206867,
1214
+ "loss": 5.8464,
1215
+ "step": 1540
1216
+ },
1217
+ {
1218
+ "epoch": 1.9521410579345089,
1219
+ "grad_norm": 1.7442153692245483,
1220
+ "learning_rate": 0.0003007229519125633,
1221
+ "loss": 6.3703,
1222
+ "step": 1550
1223
+ },
1224
+ {
1225
+ "epoch": 1.964735516372796,
1226
+ "grad_norm": 12.200019836425781,
1227
+ "learning_rate": 0.0002945352656838491,
1228
+ "loss": 6.3838,
1229
+ "step": 1560
1230
+ },
1231
+ {
1232
+ "epoch": 1.977329974811083,
1233
+ "grad_norm": 1.6653344631195068,
1234
+ "learning_rate": 0.0002883874673339291,
1235
+ "loss": 6.4439,
1236
+ "step": 1570
1237
+ },
1238
+ {
1239
+ "epoch": 1.9899244332493704,
1240
+ "grad_norm": 2.319791078567505,
1241
+ "learning_rate": 0.00028228072201114156,
1242
+ "loss": 6.5633,
1243
+ "step": 1580
1244
+ },
1245
+ {
1246
+ "epoch": 2.0025188916876573,
1247
+ "grad_norm": 14.965546607971191,
1248
+ "learning_rate": 0.00027621618708333746,
1249
+ "loss": 6.3788,
1250
+ "step": 1590
1251
+ },
1252
+ {
1253
+ "epoch": 2.0151133501259446,
1254
+ "grad_norm": 37.10917663574219,
1255
+ "learning_rate": 0.0002701950119185332,
1256
+ "loss": 6.1397,
1257
+ "step": 1600
1258
+ },
1259
+ {
1260
+ "epoch": 2.0151133501259446,
1261
+ "eval_loss": NaN,
1262
+ "eval_runtime": 15.2229,
1263
+ "eval_samples_per_second": 2.759,
1264
+ "eval_steps_per_second": 2.759,
1265
+ "step": 1600
1266
+ },
1267
+ {
1268
+ "epoch": 2.027707808564232,
1269
+ "grad_norm": 21.792129516601562,
1270
+ "learning_rate": 0.00026421833766707804,
1271
+ "loss": 6.0449,
1272
+ "step": 1610
1273
+ },
1274
+ {
1275
+ "epoch": 2.040302267002519,
1276
+ "grad_norm": 1.4153228998184204,
1277
+ "learning_rate": 0.0002582872970453817,
1278
+ "loss": 6.1041,
1279
+ "step": 1620
1280
+ },
1281
+ {
1282
+ "epoch": 2.052896725440806,
1283
+ "grad_norm": 19.016847610473633,
1284
+ "learning_rate": 0.0002524030141212369,
1285
+ "loss": 5.3807,
1286
+ "step": 1630
1287
+ },
1288
+ {
1289
+ "epoch": 2.065491183879093,
1290
+ "grad_norm": 2.5831799507141113,
1291
+ "learning_rate": 0.0002465666041007844,
1292
+ "loss": 5.7776,
1293
+ "step": 1640
1294
+ },
1295
+ {
1296
+ "epoch": 2.0780856423173804,
1297
+ "grad_norm": 5.981635093688965,
1298
+ "learning_rate": 0.00024077917311715518,
1299
+ "loss": 6.3134,
1300
+ "step": 1650
1301
+ },
1302
+ {
1303
+ "epoch": 2.0906801007556677,
1304
+ "grad_norm": 4.322854995727539,
1305
+ "learning_rate": 0.0002350418180208324,
1306
+ "loss": 6.4723,
1307
+ "step": 1660
1308
+ },
1309
+ {
1310
+ "epoch": 2.1032745591939546,
1311
+ "grad_norm": 0.8821796178817749,
1312
+ "learning_rate": 0.00022935562617177452,
1313
+ "loss": 6.219,
1314
+ "step": 1670
1315
+ },
1316
+ {
1317
+ "epoch": 2.115869017632242,
1318
+ "grad_norm": 1.473185420036316,
1319
+ "learning_rate": 0.0002237216752333342,
1320
+ "loss": 6.3348,
1321
+ "step": 1680
1322
+ },
1323
+ {
1324
+ "epoch": 2.1284634760705288,
1325
+ "grad_norm": 45.26899719238281,
1326
+ "learning_rate": 0.00021814103296801765,
1327
+ "loss": 6.497,
1328
+ "step": 1690
1329
+ },
1330
+ {
1331
+ "epoch": 2.141057934508816,
1332
+ "grad_norm": 1.3694355487823486,
1333
+ "learning_rate": 0.00021261475703511886,
1334
+ "loss": 5.7675,
1335
+ "step": 1700
1336
+ },
1337
+ {
1338
+ "epoch": 2.141057934508816,
1339
+ "eval_loss": NaN,
1340
+ "eval_runtime": 15.2608,
1341
+ "eval_samples_per_second": 2.752,
1342
+ "eval_steps_per_second": 2.752,
1343
+ "step": 1700
1344
+ },
1345
+ {
1346
+ "epoch": 2.1536523929471034,
1347
+ "grad_norm": 3.0793488025665283,
1348
+ "learning_rate": 0.00020714389479026886,
1349
+ "loss": 5.9433,
1350
+ "step": 1710
1351
+ },
1352
+ {
1353
+ "epoch": 2.1662468513853903,
1354
+ "grad_norm": 6.340664863586426,
1355
+ "learning_rate": 0.00020172948308693747,
1356
+ "loss": 5.8344,
1357
+ "step": 1720
1358
+ },
1359
+ {
1360
+ "epoch": 2.1788413098236776,
1361
+ "grad_norm": 10.123492240905762,
1362
+ "learning_rate": 0.00019637254807992693,
1363
+ "loss": 5.8357,
1364
+ "step": 1730
1365
+ },
1366
+ {
1367
+ "epoch": 2.1914357682619645,
1368
+ "grad_norm": 1.9418385028839111,
1369
+ "learning_rate": 0.000191074105030891,
1370
+ "loss": 6.1829,
1371
+ "step": 1740
1372
+ },
1373
+ {
1374
+ "epoch": 2.204030226700252,
1375
+ "grad_norm": 4.6294732093811035,
1376
+ "learning_rate": 0.00018583515811592066,
1377
+ "loss": 6.0258,
1378
+ "step": 1750
1379
+ },
1380
+ {
1381
+ "epoch": 2.216624685138539,
1382
+ "grad_norm": 2.012091636657715,
1383
+ "learning_rate": 0.00018065670023522873,
1384
+ "loss": 5.9511,
1385
+ "step": 1760
1386
+ },
1387
+ {
1388
+ "epoch": 2.229219143576826,
1389
+ "grad_norm": 13.326998710632324,
1390
+ "learning_rate": 0.00017553971282497377,
1391
+ "loss": 6.4601,
1392
+ "step": 1770
1393
+ },
1394
+ {
1395
+ "epoch": 2.2418136020151134,
1396
+ "grad_norm": 65.63765716552734,
1397
+ "learning_rate": 0.00017048516567125406,
1398
+ "loss": 6.0541,
1399
+ "step": 1780
1400
+ },
1401
+ {
1402
+ "epoch": 2.2544080604534007,
1403
+ "grad_norm": 1.0482648611068726,
1404
+ "learning_rate": 0.0001654940167263127,
1405
+ "loss": 6.3912,
1406
+ "step": 1790
1407
+ },
1408
+ {
1409
+ "epoch": 2.2670025188916876,
1410
+ "grad_norm": 1.324476957321167,
1411
+ "learning_rate": 0.00016056721192698185,
1412
+ "loss": 6.2605,
1413
+ "step": 1800
1414
+ },
1415
+ {
1416
+ "epoch": 2.2670025188916876,
1417
+ "eval_loss": NaN,
1418
+ "eval_runtime": 15.2431,
1419
+ "eval_samples_per_second": 2.755,
1420
+ "eval_steps_per_second": 2.755,
1421
+ "step": 1800
1422
+ },
1423
+ {
1424
+ "epoch": 2.279596977329975,
1425
+ "grad_norm": 1.1805267333984375,
1426
+ "learning_rate": 0.0001557056850154078,
1427
+ "loss": 5.8732,
1428
+ "step": 1810
1429
+ },
1430
+ {
1431
+ "epoch": 2.292191435768262,
1432
+ "grad_norm": 3.1749534606933594,
1433
+ "learning_rate": 0.00015091035736208437,
1434
+ "loss": 6.3552,
1435
+ "step": 1820
1436
+ },
1437
+ {
1438
+ "epoch": 2.304785894206549,
1439
+ "grad_norm": 8.554312705993652,
1440
+ "learning_rate": 0.00014618213779123268,
1441
+ "loss": 6.2407,
1442
+ "step": 1830
1443
+ },
1444
+ {
1445
+ "epoch": 2.3173803526448364,
1446
+ "grad_norm": 5.832612991333008,
1447
+ "learning_rate": 0.00014152192240855774,
1448
+ "loss": 6.2874,
1449
+ "step": 1840
1450
+ },
1451
+ {
1452
+ "epoch": 2.3299748110831233,
1453
+ "grad_norm": 7.480172157287598,
1454
+ "learning_rate": 0.00013693059443141648,
1455
+ "loss": 5.5811,
1456
+ "step": 1850
1457
+ },
1458
+ {
1459
+ "epoch": 2.3425692695214106,
1460
+ "grad_norm": 17.8604793548584,
1461
+ "learning_rate": 0.0001324090240214272,
1462
+ "loss": 6.0511,
1463
+ "step": 1860
1464
+ },
1465
+ {
1466
+ "epoch": 2.355163727959698,
1467
+ "grad_norm": 73.90760803222656,
1468
+ "learning_rate": 0.00012795806811955496,
1469
+ "loss": 5.7841,
1470
+ "step": 1870
1471
+ },
1472
+ {
1473
+ "epoch": 2.367758186397985,
1474
+ "grad_norm": 83.39054870605469,
1475
+ "learning_rate": 0.00012357857028370055,
1476
+ "loss": 6.2784,
1477
+ "step": 1880
1478
+ },
1479
+ {
1480
+ "epoch": 2.380352644836272,
1481
+ "grad_norm": 268.36724853515625,
1482
+ "learning_rate": 0.00011927136052882816,
1483
+ "loss": 6.1363,
1484
+ "step": 1890
1485
+ },
1486
+ {
1487
+ "epoch": 2.392947103274559,
1488
+ "grad_norm": 3.740187406539917,
1489
+ "learning_rate": 0.00011503725516965741,
1490
+ "loss": 5.8788,
1491
+ "step": 1900
1492
+ },
1493
+ {
1494
+ "epoch": 2.392947103274559,
1495
+ "eval_loss": NaN,
1496
+ "eval_runtime": 15.446,
1497
+ "eval_samples_per_second": 2.719,
1498
+ "eval_steps_per_second": 2.719,
1499
+ "step": 1900
1500
+ },
1501
+ {
1502
+ "epoch": 2.4055415617128464,
1503
+ "grad_norm": 28.20012092590332,
1504
+ "learning_rate": 0.00011087705666595408,
1505
+ "loss": 6.2386,
1506
+ "step": 1910
1507
+ },
1508
+ {
1509
+ "epoch": 2.4181360201511337,
1510
+ "grad_norm": 303.59649658203125,
1511
+ "learning_rate": 0.00010679155347044514,
1512
+ "loss": 6.1873,
1513
+ "step": 1920
1514
+ },
1515
+ {
1516
+ "epoch": 2.4307304785894206,
1517
+ "grad_norm": 9.479316711425781,
1518
+ "learning_rate": 0.00010278151987938858,
1519
+ "loss": 5.6748,
1520
+ "step": 1930
1521
+ },
1522
+ {
1523
+ "epoch": 2.443324937027708,
1524
+ "grad_norm": 11.061058044433594,
1525
+ "learning_rate": 9.884771588582731e-05,
1526
+ "loss": 5.9298,
1527
+ "step": 1940
1528
+ },
1529
+ {
1530
+ "epoch": 2.455919395465995,
1531
+ "grad_norm": 3.6306285858154297,
1532
+ "learning_rate": 9.499088703555286e-05,
1533
+ "loss": 6.2918,
1534
+ "step": 1950
1535
+ },
1536
+ {
1537
+ "epoch": 2.468513853904282,
1538
+ "grad_norm": 0.8030872344970703,
1539
+ "learning_rate": 9.121176428580683e-05,
1540
+ "loss": 6.0907,
1541
+ "step": 1960
1542
+ },
1543
+ {
1544
+ "epoch": 2.4811083123425695,
1545
+ "grad_norm": 12.907964706420898,
1546
+ "learning_rate": 8.751106386674875e-05,
1547
+ "loss": 5.7241,
1548
+ "step": 1970
1549
+ },
1550
+ {
1551
+ "epoch": 2.4937027707808563,
1552
+ "grad_norm": 7.6929450035095215,
1553
+ "learning_rate": 8.388948714571339e-05,
1554
+ "loss": 6.2008,
1555
+ "step": 1980
1556
+ },
1557
+ {
1558
+ "epoch": 2.5062972292191437,
1559
+ "grad_norm": 18.33698844909668,
1560
+ "learning_rate": 8.03477204942856e-05,
1561
+ "loss": 5.8969,
1562
+ "step": 1990
1563
+ },
1564
+ {
1565
+ "epoch": 2.5188916876574305,
1566
+ "grad_norm": 12.14580249786377,
1567
+ "learning_rate": 7.688643515821794e-05,
1568
+ "loss": 6.0279,
1569
+ "step": 2000
1570
+ },
1571
+ {
1572
+ "epoch": 2.5188916876574305,
1573
+ "eval_loss": NaN,
1574
+ "eval_runtime": 15.4275,
1575
+ "eval_samples_per_second": 2.722,
1576
+ "eval_steps_per_second": 2.722,
1577
+ "step": 2000
1578
+ },
1579
+ {
1580
+ "epoch": 2.531486146095718,
1581
+ "grad_norm": 18.05765724182129,
1582
+ "learning_rate": 7.350628713021318e-05,
1583
+ "loss": 5.5725,
1584
+ "step": 2010
1585
+ },
1586
+ {
1587
+ "epoch": 2.544080604534005,
1588
+ "grad_norm": 1.635270595550537,
1589
+ "learning_rate": 7.020791702559972e-05,
1590
+ "loss": 6.1687,
1591
+ "step": 2020
1592
+ },
1593
+ {
1594
+ "epoch": 2.556675062972292,
1595
+ "grad_norm": 3.140681266784668,
1596
+ "learning_rate": 6.699194996091947e-05,
1597
+ "loss": 6.0122,
1598
+ "step": 2030
1599
+ },
1600
+ {
1601
+ "epoch": 2.5692695214105794,
1602
+ "grad_norm": 109.08464050292969,
1603
+ "learning_rate": 6.385899543545474e-05,
1604
+ "loss": 5.7281,
1605
+ "step": 2040
1606
+ },
1607
+ {
1608
+ "epoch": 2.5818639798488663,
1609
+ "grad_norm": 26.377573013305664,
1610
+ "learning_rate": 6.0809647215713464e-05,
1611
+ "loss": 6.0238,
1612
+ "step": 2050
1613
+ },
1614
+ {
1615
+ "epoch": 2.5944584382871536,
1616
+ "grad_norm": 1.1812814474105835,
1617
+ "learning_rate": 5.784448322289772e-05,
1618
+ "loss": 5.5657,
1619
+ "step": 2060
1620
+ },
1621
+ {
1622
+ "epoch": 2.607052896725441,
1623
+ "grad_norm": 21.708324432373047,
1624
+ "learning_rate": 5.496406542337348e-05,
1625
+ "loss": 5.9767,
1626
+ "step": 2070
1627
+ },
1628
+ {
1629
+ "epoch": 2.619647355163728,
1630
+ "grad_norm": 23.635461807250977,
1631
+ "learning_rate": 5.2168939722165906e-05,
1632
+ "loss": 6.0625,
1633
+ "step": 2080
1634
+ },
1635
+ {
1636
+ "epoch": 2.632241813602015,
1637
+ "grad_norm": 5.608989715576172,
1638
+ "learning_rate": 4.945963585949741e-05,
1639
+ "loss": 6.1439,
1640
+ "step": 2090
1641
+ },
1642
+ {
1643
+ "epoch": 2.644836272040302,
1644
+ "grad_norm": 9.033554077148438,
1645
+ "learning_rate": 4.6836667310390156e-05,
1646
+ "loss": 6.3911,
1647
+ "step": 2100
1648
+ },
1649
+ {
1650
+ "epoch": 2.644836272040302,
1651
+ "eval_loss": NaN,
1652
+ "eval_runtime": 15.3923,
1653
+ "eval_samples_per_second": 2.729,
1654
+ "eval_steps_per_second": 2.729,
1655
+ "step": 2100
1656
+ },
1657
+ {
1658
+ "epoch": 2.6574307304785894,
1659
+ "grad_norm": 1.7041218280792236,
1660
+ "learning_rate": 4.430053118735028e-05,
1661
+ "loss": 6.0198,
1662
+ "step": 2110
1663
+ },
1664
+ {
1665
+ "epoch": 2.6700251889168767,
1666
+ "grad_norm": 5.222975254058838,
1667
+ "learning_rate": 4.1851708146154423e-05,
1668
+ "loss": 5.8544,
1669
+ "step": 2120
1670
+ },
1671
+ {
1672
+ "epoch": 2.682619647355164,
1673
+ "grad_norm": 30.490474700927734,
1674
+ "learning_rate": 3.949066229475363e-05,
1675
+ "loss": 6.2353,
1676
+ "step": 2130
1677
+ },
1678
+ {
1679
+ "epoch": 2.695214105793451,
1680
+ "grad_norm": 9.03661060333252,
1681
+ "learning_rate": 3.72178411053151e-05,
1682
+ "loss": 6.1697,
1683
+ "step": 2140
1684
+ },
1685
+ {
1686
+ "epoch": 2.7078085642317378,
1687
+ "grad_norm": 3.526606798171997,
1688
+ "learning_rate": 3.503367532941533e-05,
1689
+ "loss": 5.9258,
1690
+ "step": 2150
1691
+ },
1692
+ {
1693
+ "epoch": 2.720403022670025,
1694
+ "grad_norm": 38.84684371948242,
1695
+ "learning_rate": 3.293857891640318e-05,
1696
+ "loss": 5.9434,
1697
+ "step": 2160
1698
+ },
1699
+ {
1700
+ "epoch": 2.7329974811083124,
1701
+ "grad_norm": 1.9702175855636597,
1702
+ "learning_rate": 3.093294893494711e-05,
1703
+ "loss": 6.1222,
1704
+ "step": 2170
1705
+ },
1706
+ {
1707
+ "epoch": 2.7455919395465997,
1708
+ "grad_norm": 2.135200023651123,
1709
+ "learning_rate": 2.9017165497781322e-05,
1710
+ "loss": 5.8755,
1711
+ "step": 2180
1712
+ },
1713
+ {
1714
+ "epoch": 2.7581863979848866,
1715
+ "grad_norm": 35.42985534667969,
1716
+ "learning_rate": 2.7191591689665536e-05,
1717
+ "loss": 6.1048,
1718
+ "step": 2190
1719
+ },
1720
+ {
1721
+ "epoch": 2.770780856423174,
1722
+ "grad_norm": 1.0068978071212769,
1723
+ "learning_rate": 2.545657349857288e-05,
1724
+ "loss": 6.0412,
1725
+ "step": 2200
1726
+ },
1727
+ {
1728
+ "epoch": 2.770780856423174,
1729
+ "eval_loss": NaN,
1730
+ "eval_runtime": 15.2361,
1731
+ "eval_samples_per_second": 2.757,
1732
+ "eval_steps_per_second": 2.757,
1733
+ "step": 2200
1734
+ }
1735
+ ],
1736
+ "logging_steps": 10,
1737
+ "max_steps": 2382,
1738
+ "num_input_tokens_seen": 0,
1739
+ "num_train_epochs": 3,
1740
+ "save_steps": 100,
1741
+ "stateful_callbacks": {
1742
+ "TrainerControl": {
1743
+ "args": {
1744
+ "should_epoch_stop": false,
1745
+ "should_evaluate": false,
1746
+ "should_log": false,
1747
+ "should_save": true,
1748
+ "should_training_stop": false
1749
+ },
1750
+ "attributes": {}
1751
+ }
1752
+ },
1753
+ "total_flos": 2.197978985005056e+17,
1754
+ "train_batch_size": 1,
1755
+ "trial_name": null,
1756
+ "trial_params": null
1757
+ }
checkpoint-2200/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:171a9569d8420fa4dfcae4091f54bb22ea245a69eb551aa7fab92f7a032a9253
3
+ size 6648
checkpoint-2200/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-2300/README.md ADDED
@@ -0,0 +1,202 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: Qwen/QwQ-32B-Preview
3
+ library_name: peft
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
+ ### Framework versions
201
+
202
+ - PEFT 0.14.0
checkpoint-2300/adapter_config.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/QwQ-32B-Preview",
5
+ "bias": "none",
6
+ "eva_config": null,
7
+ "exclude_modules": null,
8
+ "fan_in_fan_out": false,
9
+ "inference_mode": true,
10
+ "init_lora_weights": true,
11
+ "layer_replication": null,
12
+ "layers_pattern": null,
13
+ "layers_to_transform": null,
14
+ "loftq_config": {},
15
+ "lora_alpha": 128,
16
+ "lora_bias": false,
17
+ "lora_dropout": 0.15,
18
+ "megatron_config": null,
19
+ "megatron_core": "megatron.core",
20
+ "modules_to_save": null,
21
+ "peft_type": "LORA",
22
+ "r": 64,
23
+ "rank_pattern": {},
24
+ "revision": null,
25
+ "target_modules": [
26
+ "down_proj",
27
+ "up_proj",
28
+ "o_proj",
29
+ "k_proj",
30
+ "v_proj",
31
+ "q_proj",
32
+ "gate_proj"
33
+ ],
34
+ "task_type": "CAUSAL_LM",
35
+ "use_dora": false,
36
+ "use_rslora": false
37
+ }
checkpoint-2300/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fe563cca91e8f41c6fb0953b9e43c1916a4314213f63d922cc091798d5e155d2
3
+ size 2147605960
checkpoint-2300/added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
checkpoint-2300/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-2300/special_tokens_map.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
+ ],
17
+ "eos_token": {
18
+ "content": "<|im_end|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "<|endoftext|>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ }
31
+ }
checkpoint-2300/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9c5ae00e602b8860cbd784ba82a8aa14e8feecec692e7076590d014d7b7fdafa
3
+ size 11421896
checkpoint-2300/tokenizer_config.json ADDED
@@ -0,0 +1,208 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "151643": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "151644": {
14
+ "content": "<|im_start|>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "151645": {
22
+ "content": "<|im_end|>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
+ }
181
+ },
182
+ "additional_special_tokens": [
183
+ "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
+ ],
197
+ "bos_token": null,
198
+ "chat_template": "{%- if tools %}\n {{- '<|im_start|>system\\n' }}\n {%- if messages[0]['role'] == 'system' %}\n {{- messages[0]['content'] }}\n {%- else %}\n {{- 'You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.' }}\n {%- endif %}\n {{- \"\\n\\n# Tools\\n\\nYou may call one or more functions to assist with the user query.\\n\\nYou are provided with function signatures within <tools></tools> XML tags:\\n<tools>\" }}\n {%- for tool in tools %}\n {{- \"\\n\" }}\n {{- tool | tojson }}\n {%- endfor %}\n {{- \"\\n</tools>\\n\\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\\n<tool_call>\\n{\\\"name\\\": <function-name>, \\\"arguments\\\": <args-json-object>}\\n</tool_call><|im_end|>\\n\" }}\n{%- else %}\n {%- if messages[0]['role'] == 'system' %}\n {{- '<|im_start|>system\\n' + messages[0]['content'] + '<|im_end|>\\n' }}\n {%- else %}\n {{- '<|im_start|>system\\nYou are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.<|im_end|>\\n' }}\n {%- endif %}\n{%- endif %}\n{%- for message in messages %}\n {%- if (message.role == \"user\") or (message.role == \"system\" and not loop.first) or (message.role == \"assistant\" and not message.tool_calls) %}\n {{- '<|im_start|>' + message.role + '\\n' + message.content + '<|im_end|>' + '\\n' }}\n {%- elif message.role == \"assistant\" %}\n {{- '<|im_start|>' + message.role }}\n {%- if message.content %}\n {{- '\\n' + message.content }}\n {%- endif %}\n {%- for tool_call in message.tool_calls %}\n {%- if tool_call.function is defined %}\n {%- set tool_call = tool_call.function %}\n {%- endif %}\n {{- '\\n<tool_call>\\n{\"name\": \"' }}\n {{- tool_call.name }}\n {{- '\", \"arguments\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- '}\\n</tool_call>' }}\n {%- endfor %}\n {{- '<|im_end|>\\n' }}\n {%- elif message.role == \"tool\" %}\n {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != \"tool\") %}\n {{- '<|im_start|>user' }}\n {%- endif %}\n {{- '\\n<tool_response>\\n' }}\n {{- message.content }}\n {{- '\\n</tool_response>' }}\n {%- if loop.last or (messages[loop.index0 + 1].role != \"tool\") %}\n {{- '<|im_end|>\\n' }}\n {%- endif %}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|im_start|>assistant\\n' }}\n{%- endif %}\n",
199
+ "clean_up_tokenization_spaces": false,
200
+ "eos_token": "<|im_end|>",
201
+ "errors": "replace",
202
+ "extra_special_tokens": {},
203
+ "model_max_length": 32768,
204
+ "pad_token": "<|endoftext|>",
205
+ "split_special_tokens": false,
206
+ "tokenizer_class": "Qwen2Tokenizer",
207
+ "unk_token": null
208
+ }
checkpoint-2300/trainer_state.json ADDED
@@ -0,0 +1,1835 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": Infinity,
3
+ "best_model_checkpoint": null,
4
+ "epoch": 2.8967254408060454,
5
+ "eval_steps": 100,
6
+ "global_step": 2300,
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.0012594458438287153,
13
+ "eval_loss": NaN,
14
+ "eval_runtime": 24.0728,
15
+ "eval_samples_per_second": 1.745,
16
+ "eval_steps_per_second": 1.745,
17
+ "step": 1
18
+ },
19
+ {
20
+ "epoch": 0.012594458438287154,
21
+ "grad_norm": 10.215713500976562,
22
+ "learning_rate": 0.0001,
23
+ "loss": 4.9227,
24
+ "step": 10
25
+ },
26
+ {
27
+ "epoch": 0.02518891687657431,
28
+ "grad_norm": 11.19245433807373,
29
+ "learning_rate": 0.0002,
30
+ "loss": 3.6568,
31
+ "step": 20
32
+ },
33
+ {
34
+ "epoch": 0.037783375314861464,
35
+ "grad_norm": 17.468347549438477,
36
+ "learning_rate": 0.0003,
37
+ "loss": 3.4374,
38
+ "step": 30
39
+ },
40
+ {
41
+ "epoch": 0.05037783375314862,
42
+ "grad_norm": 111.16232299804688,
43
+ "learning_rate": 0.0004,
44
+ "loss": 7.2007,
45
+ "step": 40
46
+ },
47
+ {
48
+ "epoch": 0.06297229219143577,
49
+ "grad_norm": 174.66659545898438,
50
+ "learning_rate": 0.0005,
51
+ "loss": 8.4586,
52
+ "step": 50
53
+ },
54
+ {
55
+ "epoch": 0.07556675062972293,
56
+ "grad_norm": 600.462890625,
57
+ "learning_rate": 0.0006,
58
+ "loss": 8.467,
59
+ "step": 60
60
+ },
61
+ {
62
+ "epoch": 0.08816120906801007,
63
+ "grad_norm": 24.518911361694336,
64
+ "learning_rate": 0.0007,
65
+ "loss": 8.2763,
66
+ "step": 70
67
+ },
68
+ {
69
+ "epoch": 0.10075566750629723,
70
+ "grad_norm": 8.935935974121094,
71
+ "learning_rate": 0.0008,
72
+ "loss": 9.2561,
73
+ "step": 80
74
+ },
75
+ {
76
+ "epoch": 0.11335012594458438,
77
+ "grad_norm": 27.04026985168457,
78
+ "learning_rate": 0.0009000000000000001,
79
+ "loss": 7.731,
80
+ "step": 90
81
+ },
82
+ {
83
+ "epoch": 0.12594458438287154,
84
+ "grad_norm": 56.256690979003906,
85
+ "learning_rate": 0.001,
86
+ "loss": 7.8286,
87
+ "step": 100
88
+ },
89
+ {
90
+ "epoch": 0.12594458438287154,
91
+ "eval_loss": NaN,
92
+ "eval_runtime": 15.4265,
93
+ "eval_samples_per_second": 2.723,
94
+ "eval_steps_per_second": 2.723,
95
+ "step": 100
96
+ },
97
+ {
98
+ "epoch": 0.1385390428211587,
99
+ "grad_norm": 27.969837188720703,
100
+ "learning_rate": 0.000999953093091659,
101
+ "loss": 8.0009,
102
+ "step": 110
103
+ },
104
+ {
105
+ "epoch": 0.15113350125944586,
106
+ "grad_norm": 20.14385223388672,
107
+ "learning_rate": 0.0009998123812565674,
108
+ "loss": 7.8523,
109
+ "step": 120
110
+ },
111
+ {
112
+ "epoch": 0.163727959697733,
113
+ "grad_norm": 40.78677749633789,
114
+ "learning_rate": 0.000999577891162835,
115
+ "loss": 7.9675,
116
+ "step": 130
117
+ },
118
+ {
119
+ "epoch": 0.17632241813602015,
120
+ "grad_norm": 27.47247886657715,
121
+ "learning_rate": 0.000999249667251695,
122
+ "loss": 7.6457,
123
+ "step": 140
124
+ },
125
+ {
126
+ "epoch": 0.1889168765743073,
127
+ "grad_norm": 16.2076473236084,
128
+ "learning_rate": 0.000998827771729083,
129
+ "loss": 7.8101,
130
+ "step": 150
131
+ },
132
+ {
133
+ "epoch": 0.20151133501259447,
134
+ "grad_norm": 22.394704818725586,
135
+ "learning_rate": 0.0009983122845538459,
136
+ "loss": 7.2711,
137
+ "step": 160
138
+ },
139
+ {
140
+ "epoch": 0.2141057934508816,
141
+ "grad_norm": 37.36329650878906,
142
+ "learning_rate": 0.0009977033034225882,
143
+ "loss": 7.0109,
144
+ "step": 170
145
+ },
146
+ {
147
+ "epoch": 0.22670025188916876,
148
+ "grad_norm": 17.58085823059082,
149
+ "learning_rate": 0.0009970009437511567,
150
+ "loss": 7.5939,
151
+ "step": 180
152
+ },
153
+ {
154
+ "epoch": 0.23929471032745592,
155
+ "grad_norm": 44.42656326293945,
156
+ "learning_rate": 0.0009962053386527666,
157
+ "loss": 7.5965,
158
+ "step": 190
159
+ },
160
+ {
161
+ "epoch": 0.2518891687657431,
162
+ "grad_norm": 13.50401782989502,
163
+ "learning_rate": 0.0009953166389127734,
164
+ "loss": 7.2486,
165
+ "step": 200
166
+ },
167
+ {
168
+ "epoch": 0.2518891687657431,
169
+ "eval_loss": NaN,
170
+ "eval_runtime": 15.2724,
171
+ "eval_samples_per_second": 2.75,
172
+ "eval_steps_per_second": 2.75,
173
+ "step": 200
174
+ },
175
+ {
176
+ "epoch": 0.26448362720403024,
177
+ "grad_norm": 22.640573501586914,
178
+ "learning_rate": 0.000994335012960095,
179
+ "loss": 6.7046,
180
+ "step": 210
181
+ },
182
+ {
183
+ "epoch": 0.2770780856423174,
184
+ "grad_norm": 29.585573196411133,
185
+ "learning_rate": 0.0009932606468352912,
186
+ "loss": 8.0273,
187
+ "step": 220
188
+ },
189
+ {
190
+ "epoch": 0.28967254408060455,
191
+ "grad_norm": 28.875736236572266,
192
+ "learning_rate": 0.0009920937441553052,
193
+ "loss": 7.3677,
194
+ "step": 230
195
+ },
196
+ {
197
+ "epoch": 0.3022670025188917,
198
+ "grad_norm": 35.41697311401367,
199
+ "learning_rate": 0.0009908345260748724,
200
+ "loss": 7.3579,
201
+ "step": 240
202
+ },
203
+ {
204
+ "epoch": 0.3148614609571788,
205
+ "grad_norm": 29.97820472717285,
206
+ "learning_rate": 0.000989483231244607,
207
+ "loss": 7.0202,
208
+ "step": 250
209
+ },
210
+ {
211
+ "epoch": 0.327455919395466,
212
+ "grad_norm": 13.438394546508789,
213
+ "learning_rate": 0.000988040115765773,
214
+ "loss": 6.742,
215
+ "step": 260
216
+ },
217
+ {
218
+ "epoch": 0.34005037783375314,
219
+ "grad_norm": 24.55386734008789,
220
+ "learning_rate": 0.000986505453141746,
221
+ "loss": 6.7159,
222
+ "step": 270
223
+ },
224
+ {
225
+ "epoch": 0.3526448362720403,
226
+ "grad_norm": 31.250648498535156,
227
+ "learning_rate": 0.0009848795342261784,
228
+ "loss": 7.6011,
229
+ "step": 280
230
+ },
231
+ {
232
+ "epoch": 0.36523929471032746,
233
+ "grad_norm": 17.08733558654785,
234
+ "learning_rate": 0.000983162667167877,
235
+ "loss": 7.5208,
236
+ "step": 290
237
+ },
238
+ {
239
+ "epoch": 0.3778337531486146,
240
+ "grad_norm": 22.433013916015625,
241
+ "learning_rate": 0.0009813551773523999,
242
+ "loss": 7.2601,
243
+ "step": 300
244
+ },
245
+ {
246
+ "epoch": 0.3778337531486146,
247
+ "eval_loss": NaN,
248
+ "eval_runtime": 15.4322,
249
+ "eval_samples_per_second": 2.722,
250
+ "eval_steps_per_second": 2.722,
251
+ "step": 300
252
+ },
253
+ {
254
+ "epoch": 0.3904282115869018,
255
+ "grad_norm": 22.491186141967773,
256
+ "learning_rate": 0.00097945740734039,
257
+ "loss": 7.1465,
258
+ "step": 310
259
+ },
260
+ {
261
+ "epoch": 0.40302267002518893,
262
+ "grad_norm": 24.347196578979492,
263
+ "learning_rate": 0.0009774697168026514,
264
+ "loss": 7.1475,
265
+ "step": 320
266
+ },
267
+ {
268
+ "epoch": 0.4156171284634761,
269
+ "grad_norm": 10.394509315490723,
270
+ "learning_rate": 0.0009753924824519837,
271
+ "loss": 7.0914,
272
+ "step": 330
273
+ },
274
+ {
275
+ "epoch": 0.4282115869017632,
276
+ "grad_norm": 24.985843658447266,
277
+ "learning_rate": 0.0009732260979717857,
278
+ "loss": 6.985,
279
+ "step": 340
280
+ },
281
+ {
282
+ "epoch": 0.44080604534005036,
283
+ "grad_norm": 20.668533325195312,
284
+ "learning_rate": 0.0009709709739414448,
285
+ "loss": 6.2001,
286
+ "step": 350
287
+ },
288
+ {
289
+ "epoch": 0.4534005037783375,
290
+ "grad_norm": 15.814973831176758,
291
+ "learning_rate": 0.0009686275377585208,
292
+ "loss": 7.0025,
293
+ "step": 360
294
+ },
295
+ {
296
+ "epoch": 0.4659949622166247,
297
+ "grad_norm": 14.465486526489258,
298
+ "learning_rate": 0.0009661962335577461,
299
+ "loss": 6.8131,
300
+ "step": 370
301
+ },
302
+ {
303
+ "epoch": 0.47858942065491183,
304
+ "grad_norm": 22.262863159179688,
305
+ "learning_rate": 0.0009636775221268514,
306
+ "loss": 6.7339,
307
+ "step": 380
308
+ },
309
+ {
310
+ "epoch": 0.491183879093199,
311
+ "grad_norm": 13.883723258972168,
312
+ "learning_rate": 0.0009610718808192354,
313
+ "loss": 7.1253,
314
+ "step": 390
315
+ },
316
+ {
317
+ "epoch": 0.5037783375314862,
318
+ "grad_norm": 10.253217697143555,
319
+ "learning_rate": 0.0009583798034634963,
320
+ "loss": 8.2142,
321
+ "step": 400
322
+ },
323
+ {
324
+ "epoch": 0.5037783375314862,
325
+ "eval_loss": NaN,
326
+ "eval_runtime": 15.6368,
327
+ "eval_samples_per_second": 2.686,
328
+ "eval_steps_per_second": 2.686,
329
+ "step": 400
330
+ },
331
+ {
332
+ "epoch": 0.5163727959697733,
333
+ "grad_norm": 18.610076904296875,
334
+ "learning_rate": 0.0009556018002698389,
335
+ "loss": 7.7783,
336
+ "step": 410
337
+ },
338
+ {
339
+ "epoch": 0.5289672544080605,
340
+ "grad_norm": 18.9676513671875,
341
+ "learning_rate": 0.0009527383977333791,
342
+ "loss": 7.3047,
343
+ "step": 420
344
+ },
345
+ {
346
+ "epoch": 0.5415617128463476,
347
+ "grad_norm": 6.478220462799072,
348
+ "learning_rate": 0.0009497901385343608,
349
+ "loss": 7.6647,
350
+ "step": 430
351
+ },
352
+ {
353
+ "epoch": 0.5541561712846348,
354
+ "grad_norm": 15.899592399597168,
355
+ "learning_rate": 0.0009467575814353052,
356
+ "loss": 7.2044,
357
+ "step": 440
358
+ },
359
+ {
360
+ "epoch": 0.5667506297229219,
361
+ "grad_norm": 7.312307834625244,
362
+ "learning_rate": 0.0009436413011751129,
363
+ "loss": 6.7378,
364
+ "step": 450
365
+ },
366
+ {
367
+ "epoch": 0.5793450881612091,
368
+ "grad_norm": 9.657133102416992,
369
+ "learning_rate": 0.0009404418883601375,
370
+ "loss": 7.3231,
371
+ "step": 460
372
+ },
373
+ {
374
+ "epoch": 0.5919395465994962,
375
+ "grad_norm": 6.748540878295898,
376
+ "learning_rate": 0.000937159949352252,
377
+ "loss": 7.4876,
378
+ "step": 470
379
+ },
380
+ {
381
+ "epoch": 0.6045340050377834,
382
+ "grad_norm": 5.967790603637695,
383
+ "learning_rate": 0.0009337961061539308,
384
+ "loss": 7.5902,
385
+ "step": 480
386
+ },
387
+ {
388
+ "epoch": 0.6171284634760705,
389
+ "grad_norm": 3.245502233505249,
390
+ "learning_rate": 0.0009303509962903634,
391
+ "loss": 7.1788,
392
+ "step": 490
393
+ },
394
+ {
395
+ "epoch": 0.6297229219143576,
396
+ "grad_norm": 7.3367919921875,
397
+ "learning_rate": 0.0009268252726886314,
398
+ "loss": 7.1902,
399
+ "step": 500
400
+ },
401
+ {
402
+ "epoch": 0.6297229219143576,
403
+ "eval_loss": NaN,
404
+ "eval_runtime": 15.4155,
405
+ "eval_samples_per_second": 2.725,
406
+ "eval_steps_per_second": 2.725,
407
+ "step": 500
408
+ },
409
+ {
410
+ "epoch": 0.6423173803526449,
411
+ "grad_norm": 2.903081178665161,
412
+ "learning_rate": 0.0009232196035539623,
413
+ "loss": 7.236,
414
+ "step": 510
415
+ },
416
+ {
417
+ "epoch": 0.654911838790932,
418
+ "grad_norm": 3.9663569927215576,
419
+ "learning_rate": 0.0009195346722430898,
420
+ "loss": 7.3749,
421
+ "step": 520
422
+ },
423
+ {
424
+ "epoch": 0.6675062972292192,
425
+ "grad_norm": 6.435197830200195,
426
+ "learning_rate": 0.0009157711771347421,
427
+ "loss": 7.5964,
428
+ "step": 530
429
+ },
430
+ {
431
+ "epoch": 0.6801007556675063,
432
+ "grad_norm": 4.062136173248291,
433
+ "learning_rate": 0.0009119298314972834,
434
+ "loss": 6.7231,
435
+ "step": 540
436
+ },
437
+ {
438
+ "epoch": 0.6926952141057935,
439
+ "grad_norm": 3.391726493835449,
440
+ "learning_rate": 0.0009080113633535325,
441
+ "loss": 6.9205,
442
+ "step": 550
443
+ },
444
+ {
445
+ "epoch": 0.7052896725440806,
446
+ "grad_norm": 3.272814989089966,
447
+ "learning_rate": 0.0009040165153427869,
448
+ "loss": 6.6434,
449
+ "step": 560
450
+ },
451
+ {
452
+ "epoch": 0.7178841309823678,
453
+ "grad_norm": 1.8474681377410889,
454
+ "learning_rate": 0.0008999460445800744,
455
+ "loss": 7.1821,
456
+ "step": 570
457
+ },
458
+ {
459
+ "epoch": 0.7304785894206549,
460
+ "grad_norm": 1.8579058647155762,
461
+ "learning_rate": 0.0008958007225126639,
462
+ "loss": 7.408,
463
+ "step": 580
464
+ },
465
+ {
466
+ "epoch": 0.743073047858942,
467
+ "grad_norm": 2.2286558151245117,
468
+ "learning_rate": 0.0008915813347738575,
469
+ "loss": 6.8997,
470
+ "step": 590
471
+ },
472
+ {
473
+ "epoch": 0.7556675062972292,
474
+ "grad_norm": 2.628117322921753,
475
+ "learning_rate": 0.0008872886810340951,
476
+ "loss": 6.3799,
477
+ "step": 600
478
+ },
479
+ {
480
+ "epoch": 0.7556675062972292,
481
+ "eval_loss": NaN,
482
+ "eval_runtime": 15.1353,
483
+ "eval_samples_per_second": 2.775,
484
+ "eval_steps_per_second": 2.775,
485
+ "step": 600
486
+ },
487
+ {
488
+ "epoch": 0.7682619647355163,
489
+ "grad_norm": 1.8156355619430542,
490
+ "learning_rate": 0.000882923574849399,
491
+ "loss": 7.1042,
492
+ "step": 610
493
+ },
494
+ {
495
+ "epoch": 0.7808564231738035,
496
+ "grad_norm": 2.4351723194122314,
497
+ "learning_rate": 0.0008784868435071861,
498
+ "loss": 6.9231,
499
+ "step": 620
500
+ },
501
+ {
502
+ "epoch": 0.7934508816120907,
503
+ "grad_norm": 2.3676507472991943,
504
+ "learning_rate": 0.0008739793278694784,
505
+ "loss": 7.0717,
506
+ "step": 630
507
+ },
508
+ {
509
+ "epoch": 0.8060453400503779,
510
+ "grad_norm": 2.2056849002838135,
511
+ "learning_rate": 0.0008694018822135399,
512
+ "loss": 6.9117,
513
+ "step": 640
514
+ },
515
+ {
516
+ "epoch": 0.818639798488665,
517
+ "grad_norm": 1.623586893081665,
518
+ "learning_rate": 0.000864755374069972,
519
+ "loss": 6.6581,
520
+ "step": 650
521
+ },
522
+ {
523
+ "epoch": 0.8312342569269522,
524
+ "grad_norm": 2.0398213863372803,
525
+ "learning_rate": 0.0008600406840582961,
526
+ "loss": 7.1913,
527
+ "step": 660
528
+ },
529
+ {
530
+ "epoch": 0.8438287153652393,
531
+ "grad_norm": 1.6448144912719727,
532
+ "learning_rate": 0.0008552587057200568,
533
+ "loss": 6.8668,
534
+ "step": 670
535
+ },
536
+ {
537
+ "epoch": 0.8564231738035264,
538
+ "grad_norm": 1.1676232814788818,
539
+ "learning_rate": 0.0008504103453494745,
540
+ "loss": 6.5517,
541
+ "step": 680
542
+ },
543
+ {
544
+ "epoch": 0.8690176322418136,
545
+ "grad_norm": 19.695444107055664,
546
+ "learning_rate": 0.0008454965218216828,
547
+ "loss": 6.0138,
548
+ "step": 690
549
+ },
550
+ {
551
+ "epoch": 0.8816120906801007,
552
+ "grad_norm": 1.936806082725525,
553
+ "learning_rate": 0.0008405181664185797,
554
+ "loss": 6.7115,
555
+ "step": 700
556
+ },
557
+ {
558
+ "epoch": 0.8816120906801007,
559
+ "eval_loss": NaN,
560
+ "eval_runtime": 15.3262,
561
+ "eval_samples_per_second": 2.74,
562
+ "eval_steps_per_second": 2.74,
563
+ "step": 700
564
+ },
565
+ {
566
+ "epoch": 0.8942065491183879,
567
+ "grad_norm": 1.0898339748382568,
568
+ "learning_rate": 0.0008354762226523293,
569
+ "loss": 7.2575,
570
+ "step": 710
571
+ },
572
+ {
573
+ "epoch": 0.906801007556675,
574
+ "grad_norm": 1.8871369361877441,
575
+ "learning_rate": 0.0008303716460865444,
576
+ "loss": 7.1923,
577
+ "step": 720
578
+ },
579
+ {
580
+ "epoch": 0.9193954659949622,
581
+ "grad_norm": 1.402613639831543,
582
+ "learning_rate": 0.0008252054041551846,
583
+ "loss": 6.6392,
584
+ "step": 730
585
+ },
586
+ {
587
+ "epoch": 0.9319899244332494,
588
+ "grad_norm": 2.2640938758850098,
589
+ "learning_rate": 0.0008199784759792064,
590
+ "loss": 7.136,
591
+ "step": 740
592
+ },
593
+ {
594
+ "epoch": 0.9445843828715366,
595
+ "grad_norm": 0.9886698722839355,
596
+ "learning_rate": 0.0008146918521809975,
597
+ "loss": 6.6487,
598
+ "step": 750
599
+ },
600
+ {
601
+ "epoch": 0.9571788413098237,
602
+ "grad_norm": 1.0600054264068604,
603
+ "learning_rate": 0.0008093465346966299,
604
+ "loss": 6.9025,
605
+ "step": 760
606
+ },
607
+ {
608
+ "epoch": 0.9697732997481109,
609
+ "grad_norm": 1.1450759172439575,
610
+ "learning_rate": 0.0008039435365859717,
611
+ "loss": 7.0955,
612
+ "step": 770
613
+ },
614
+ {
615
+ "epoch": 0.982367758186398,
616
+ "grad_norm": 1.5099146366119385,
617
+ "learning_rate": 0.0007984838818406879,
618
+ "loss": 6.3033,
619
+ "step": 780
620
+ },
621
+ {
622
+ "epoch": 0.9949622166246851,
623
+ "grad_norm": 0.9716188311576843,
624
+ "learning_rate": 0.000792968605190172,
625
+ "loss": 6.8283,
626
+ "step": 790
627
+ },
628
+ {
629
+ "epoch": 1.0075566750629723,
630
+ "grad_norm": 2.8636345863342285,
631
+ "learning_rate": 0.0007873987519054385,
632
+ "loss": 6.0414,
633
+ "step": 800
634
+ },
635
+ {
636
+ "epoch": 1.0075566750629723,
637
+ "eval_loss": NaN,
638
+ "eval_runtime": 15.4227,
639
+ "eval_samples_per_second": 2.723,
640
+ "eval_steps_per_second": 2.723,
641
+ "step": 800
642
+ },
643
+ {
644
+ "epoch": 1.0201511335012594,
645
+ "grad_norm": 2.396373748779297,
646
+ "learning_rate": 0.0007817753776010232,
647
+ "loss": 6.3219,
648
+ "step": 810
649
+ },
650
+ {
651
+ "epoch": 1.0327455919395465,
652
+ "grad_norm": 1.2031290531158447,
653
+ "learning_rate": 0.0007760995480349184,
654
+ "loss": 6.2492,
655
+ "step": 820
656
+ },
657
+ {
658
+ "epoch": 1.0453400503778338,
659
+ "grad_norm": 3.029849052429199,
660
+ "learning_rate": 0.0007703723389065873,
661
+ "loss": 6.4878,
662
+ "step": 830
663
+ },
664
+ {
665
+ "epoch": 1.057934508816121,
666
+ "grad_norm": 3.050990104675293,
667
+ "learning_rate": 0.0007645948356530953,
668
+ "loss": 5.9352,
669
+ "step": 840
670
+ },
671
+ {
672
+ "epoch": 1.070528967254408,
673
+ "grad_norm": 1.3113600015640259,
674
+ "learning_rate": 0.000758768133243394,
675
+ "loss": 6.3298,
676
+ "step": 850
677
+ },
678
+ {
679
+ "epoch": 1.0831234256926952,
680
+ "grad_norm": 1.306564450263977,
681
+ "learning_rate": 0.0007528933359708001,
682
+ "loss": 6.4415,
683
+ "step": 860
684
+ },
685
+ {
686
+ "epoch": 1.0957178841309823,
687
+ "grad_norm": 1.9978339672088623,
688
+ "learning_rate": 0.0007469715572437062,
689
+ "loss": 6.4877,
690
+ "step": 870
691
+ },
692
+ {
693
+ "epoch": 1.1083123425692696,
694
+ "grad_norm": 1.6242040395736694,
695
+ "learning_rate": 0.0007410039193745646,
696
+ "loss": 6.7378,
697
+ "step": 880
698
+ },
699
+ {
700
+ "epoch": 1.1209068010075567,
701
+ "grad_norm": 1.457687258720398,
702
+ "learning_rate": 0.0007349915533671839,
703
+ "loss": 5.9593,
704
+ "step": 890
705
+ },
706
+ {
707
+ "epoch": 1.1335012594458438,
708
+ "grad_norm": 12.794464111328125,
709
+ "learning_rate": 0.0007289355987023768,
710
+ "loss": 6.428,
711
+ "step": 900
712
+ },
713
+ {
714
+ "epoch": 1.1335012594458438,
715
+ "eval_loss": NaN,
716
+ "eval_runtime": 15.3011,
717
+ "eval_samples_per_second": 2.745,
718
+ "eval_steps_per_second": 2.745,
719
+ "step": 900
720
+ },
721
+ {
722
+ "epoch": 1.146095717884131,
723
+ "grad_norm": 1.6018197536468506,
724
+ "learning_rate": 0.0007228372031220035,
725
+ "loss": 6.0791,
726
+ "step": 910
727
+ },
728
+ {
729
+ "epoch": 1.1586901763224182,
730
+ "grad_norm": 1.2083125114440918,
731
+ "learning_rate": 0.000716697522411448,
732
+ "loss": 6.1847,
733
+ "step": 920
734
+ },
735
+ {
736
+ "epoch": 1.1712846347607053,
737
+ "grad_norm": 1.2754706144332886,
738
+ "learning_rate": 0.0007105177201805702,
739
+ "loss": 6.5466,
740
+ "step": 930
741
+ },
742
+ {
743
+ "epoch": 1.1838790931989924,
744
+ "grad_norm": 2407.5634765625,
745
+ "learning_rate": 0.0007042989676431752,
746
+ "loss": 6.0645,
747
+ "step": 940
748
+ },
749
+ {
750
+ "epoch": 1.1964735516372795,
751
+ "grad_norm": 3.1770615577697754,
752
+ "learning_rate": 0.0006980424433950421,
753
+ "loss": 13.3282,
754
+ "step": 950
755
+ },
756
+ {
757
+ "epoch": 1.2090680100755669,
758
+ "grad_norm": 4.1725993156433105,
759
+ "learning_rate": 0.0006917493331905523,
760
+ "loss": 6.1844,
761
+ "step": 960
762
+ },
763
+ {
764
+ "epoch": 1.221662468513854,
765
+ "grad_norm": 2.3469631671905518,
766
+ "learning_rate": 0.0006854208297179626,
767
+ "loss": 6.1732,
768
+ "step": 970
769
+ },
770
+ {
771
+ "epoch": 1.234256926952141,
772
+ "grad_norm": 4.253868579864502,
773
+ "learning_rate": 0.0006790581323733633,
774
+ "loss": 6.6594,
775
+ "step": 980
776
+ },
777
+ {
778
+ "epoch": 1.2468513853904282,
779
+ "grad_norm": 0.4837864637374878,
780
+ "learning_rate": 0.000672662447033365,
781
+ "loss": 6.4401,
782
+ "step": 990
783
+ },
784
+ {
785
+ "epoch": 1.2594458438287153,
786
+ "grad_norm": 0.912817120552063,
787
+ "learning_rate": 0.0006662349858265576,
788
+ "loss": 6.3167,
789
+ "step": 1000
790
+ },
791
+ {
792
+ "epoch": 1.2594458438287153,
793
+ "eval_loss": NaN,
794
+ "eval_runtime": 15.4775,
795
+ "eval_samples_per_second": 2.714,
796
+ "eval_steps_per_second": 2.714,
797
+ "step": 1000
798
+ },
799
+ {
800
+ "epoch": 1.2720403022670026,
801
+ "grad_norm": 2.411555767059326,
802
+ "learning_rate": 0.0006597769669037844,
803
+ "loss": 6.043,
804
+ "step": 1010
805
+ },
806
+ {
807
+ "epoch": 1.2846347607052897,
808
+ "grad_norm": 1.488756537437439,
809
+ "learning_rate": 0.0006532896142072744,
810
+ "loss": 6.5599,
811
+ "step": 1020
812
+ },
813
+ {
814
+ "epoch": 1.2972292191435768,
815
+ "grad_norm": 1.906882643699646,
816
+ "learning_rate": 0.0006467741572386773,
817
+ "loss": 6.6445,
818
+ "step": 1030
819
+ },
820
+ {
821
+ "epoch": 1.309823677581864,
822
+ "grad_norm": 1.155110478401184,
823
+ "learning_rate": 0.0006402318308260451,
824
+ "loss": 6.4565,
825
+ "step": 1040
826
+ },
827
+ {
828
+ "epoch": 1.322418136020151,
829
+ "grad_norm": 1.057112693786621,
830
+ "learning_rate": 0.0006336638748898033,
831
+ "loss": 5.8222,
832
+ "step": 1050
833
+ },
834
+ {
835
+ "epoch": 1.3350125944584383,
836
+ "grad_norm": 147.21507263183594,
837
+ "learning_rate": 0.0006270715342077584,
838
+ "loss": 6.1143,
839
+ "step": 1060
840
+ },
841
+ {
842
+ "epoch": 1.3476070528967254,
843
+ "grad_norm": 1.0020054578781128,
844
+ "learning_rate": 0.0006204560581791837,
845
+ "loss": 6.625,
846
+ "step": 1070
847
+ },
848
+ {
849
+ "epoch": 1.3602015113350125,
850
+ "grad_norm": 1.1355900764465332,
851
+ "learning_rate": 0.0006138187005880293,
852
+ "loss": 6.4284,
853
+ "step": 1080
854
+ },
855
+ {
856
+ "epoch": 1.3727959697732999,
857
+ "grad_norm": 1.4387480020523071,
858
+ "learning_rate": 0.0006071607193653024,
859
+ "loss": 6.0397,
860
+ "step": 1090
861
+ },
862
+ {
863
+ "epoch": 1.385390428211587,
864
+ "grad_norm": 0.8876716494560242,
865
+ "learning_rate": 0.0006004833763506589,
866
+ "loss": 6.0359,
867
+ "step": 1100
868
+ },
869
+ {
870
+ "epoch": 1.385390428211587,
871
+ "eval_loss": NaN,
872
+ "eval_runtime": 15.3917,
873
+ "eval_samples_per_second": 2.729,
874
+ "eval_steps_per_second": 2.729,
875
+ "step": 1100
876
+ },
877
+ {
878
+ "epoch": 1.397984886649874,
879
+ "grad_norm": 10.183558464050293,
880
+ "learning_rate": 0.0005937879370532575,
881
+ "loss": 6.5227,
882
+ "step": 1110
883
+ },
884
+ {
885
+ "epoch": 1.4105793450881612,
886
+ "grad_norm": 4.989817142486572,
887
+ "learning_rate": 0.0005870756704119161,
888
+ "loss": 5.7424,
889
+ "step": 1120
890
+ },
891
+ {
892
+ "epoch": 1.4231738035264483,
893
+ "grad_norm": 0.8695787191390991,
894
+ "learning_rate": 0.000580347848554619,
895
+ "loss": 6.1259,
896
+ "step": 1130
897
+ },
898
+ {
899
+ "epoch": 1.4357682619647356,
900
+ "grad_norm": 2.9313132762908936,
901
+ "learning_rate": 0.0005736057465574194,
902
+ "loss": 6.2371,
903
+ "step": 1140
904
+ },
905
+ {
906
+ "epoch": 1.4483627204030227,
907
+ "grad_norm": 15.412851333618164,
908
+ "learning_rate": 0.0005668506422027838,
909
+ "loss": 6.4632,
910
+ "step": 1150
911
+ },
912
+ {
913
+ "epoch": 1.4609571788413098,
914
+ "grad_norm": 1.714887022972107,
915
+ "learning_rate": 0.0005600838157374224,
916
+ "loss": 6.1565,
917
+ "step": 1160
918
+ },
919
+ {
920
+ "epoch": 1.473551637279597,
921
+ "grad_norm": 7.269957542419434,
922
+ "learning_rate": 0.0005533065496296534,
923
+ "loss": 6.3067,
924
+ "step": 1170
925
+ },
926
+ {
927
+ "epoch": 1.486146095717884,
928
+ "grad_norm": 7.1710591316223145,
929
+ "learning_rate": 0.000546520128326346,
930
+ "loss": 6.1889,
931
+ "step": 1180
932
+ },
933
+ {
934
+ "epoch": 1.4987405541561714,
935
+ "grad_norm": 1.08518648147583,
936
+ "learning_rate": 0.0005397258380094882,
937
+ "loss": 6.0912,
938
+ "step": 1190
939
+ },
940
+ {
941
+ "epoch": 1.5113350125944585,
942
+ "grad_norm": 1.5827178955078125,
943
+ "learning_rate": 0.0005329249663524261,
944
+ "loss": 6.3701,
945
+ "step": 1200
946
+ },
947
+ {
948
+ "epoch": 1.5113350125944585,
949
+ "eval_loss": NaN,
950
+ "eval_runtime": 15.1761,
951
+ "eval_samples_per_second": 2.768,
952
+ "eval_steps_per_second": 2.768,
953
+ "step": 1200
954
+ },
955
+ {
956
+ "epoch": 1.5239294710327456,
957
+ "grad_norm": 2.0807712078094482,
958
+ "learning_rate": 0.00052611880227582,
959
+ "loss": 6.3354,
960
+ "step": 1210
961
+ },
962
+ {
963
+ "epoch": 1.536523929471033,
964
+ "grad_norm": 0.9915687441825867,
965
+ "learning_rate": 0.000519308635703365,
966
+ "loss": 6.1947,
967
+ "step": 1220
968
+ },
969
+ {
970
+ "epoch": 1.5491183879093198,
971
+ "grad_norm": 2.210996150970459,
972
+ "learning_rate": 0.0005124957573173205,
973
+ "loss": 6.4126,
974
+ "step": 1230
975
+ },
976
+ {
977
+ "epoch": 1.561712846347607,
978
+ "grad_norm": 0.8593767285346985,
979
+ "learning_rate": 0.0005056814583138962,
980
+ "loss": 6.0815,
981
+ "step": 1240
982
+ },
983
+ {
984
+ "epoch": 1.5743073047858942,
985
+ "grad_norm": 6.98859167098999,
986
+ "learning_rate": 0.0004988670301585422,
987
+ "loss": 5.6936,
988
+ "step": 1250
989
+ },
990
+ {
991
+ "epoch": 1.5869017632241813,
992
+ "grad_norm": 1.7452690601348877,
993
+ "learning_rate": 0.0004920537643411849,
994
+ "loss": 6.5348,
995
+ "step": 1260
996
+ },
997
+ {
998
+ "epoch": 1.5994962216624686,
999
+ "grad_norm": 2.5241520404815674,
1000
+ "learning_rate": 0.0004852429521314616,
1001
+ "loss": 6.0232,
1002
+ "step": 1270
1003
+ },
1004
+ {
1005
+ "epoch": 1.6120906801007555,
1006
+ "grad_norm": 0.8746917247772217,
1007
+ "learning_rate": 0.0004784358843339947,
1008
+ "loss": 6.1688,
1009
+ "step": 1280
1010
+ },
1011
+ {
1012
+ "epoch": 1.6246851385390428,
1013
+ "grad_norm": 1.0631097555160522,
1014
+ "learning_rate": 0.0004716338510437549,
1015
+ "loss": 6.3,
1016
+ "step": 1290
1017
+ },
1018
+ {
1019
+ "epoch": 1.63727959697733,
1020
+ "grad_norm": 6.525661945343018,
1021
+ "learning_rate": 0.00046483814140155867,
1022
+ "loss": 6.9225,
1023
+ "step": 1300
1024
+ },
1025
+ {
1026
+ "epoch": 1.63727959697733,
1027
+ "eval_loss": NaN,
1028
+ "eval_runtime": 15.3269,
1029
+ "eval_samples_per_second": 2.74,
1030
+ "eval_steps_per_second": 2.74,
1031
+ "step": 1300
1032
+ },
1033
+ {
1034
+ "epoch": 1.649874055415617,
1035
+ "grad_norm": 0.913987398147583,
1036
+ "learning_rate": 0.0004580500433497467,
1037
+ "loss": 6.1362,
1038
+ "step": 1310
1039
+ },
1040
+ {
1041
+ "epoch": 1.6624685138539044,
1042
+ "grad_norm": 1.5815681219100952,
1043
+ "learning_rate": 0.00045127084338808906,
1044
+ "loss": 6.4123,
1045
+ "step": 1320
1046
+ },
1047
+ {
1048
+ "epoch": 1.6750629722921915,
1049
+ "grad_norm": 1.3284748792648315,
1050
+ "learning_rate": 0.00044450182632996445,
1051
+ "loss": 6.1109,
1052
+ "step": 1330
1053
+ },
1054
+ {
1055
+ "epoch": 1.6876574307304786,
1056
+ "grad_norm": 1.746523380279541,
1057
+ "learning_rate": 0.0004377442750588584,
1058
+ "loss": 6.3474,
1059
+ "step": 1340
1060
+ },
1061
+ {
1062
+ "epoch": 1.700251889168766,
1063
+ "grad_norm": 6.772982597351074,
1064
+ "learning_rate": 0.0004309994702852283,
1065
+ "loss": 6.0853,
1066
+ "step": 1350
1067
+ },
1068
+ {
1069
+ "epoch": 1.7128463476070528,
1070
+ "grad_norm": 1.758326768875122,
1071
+ "learning_rate": 0.00042426869030377795,
1072
+ "loss": 6.4546,
1073
+ "step": 1360
1074
+ },
1075
+ {
1076
+ "epoch": 1.7254408060453401,
1077
+ "grad_norm": 19.387592315673828,
1078
+ "learning_rate": 0.00041755321075119306,
1079
+ "loss": 6.0784,
1080
+ "step": 1370
1081
+ },
1082
+ {
1083
+ "epoch": 1.7380352644836272,
1084
+ "grad_norm": 0.7060778737068176,
1085
+ "learning_rate": 0.0004108543043643778,
1086
+ "loss": 6.5413,
1087
+ "step": 1380
1088
+ },
1089
+ {
1090
+ "epoch": 1.7506297229219143,
1091
+ "grad_norm": 22.071979522705078,
1092
+ "learning_rate": 0.000404173240739243,
1093
+ "loss": 6.1817,
1094
+ "step": 1390
1095
+ },
1096
+ {
1097
+ "epoch": 1.7632241813602016,
1098
+ "grad_norm": 6.522192001342773,
1099
+ "learning_rate": 0.0003975112860900878,
1100
+ "loss": 6.5807,
1101
+ "step": 1400
1102
+ },
1103
+ {
1104
+ "epoch": 1.7632241813602016,
1105
+ "eval_loss": NaN,
1106
+ "eval_runtime": 15.3374,
1107
+ "eval_samples_per_second": 2.738,
1108
+ "eval_steps_per_second": 2.738,
1109
+ "step": 1400
1110
+ },
1111
+ {
1112
+ "epoch": 1.7758186397984885,
1113
+ "grad_norm": 0.940758228302002,
1114
+ "learning_rate": 0.0003908697030096239,
1115
+ "loss": 6.1871,
1116
+ "step": 1410
1117
+ },
1118
+ {
1119
+ "epoch": 1.7884130982367759,
1120
+ "grad_norm": 2.718416929244995,
1121
+ "learning_rate": 0.00038424975022968456,
1122
+ "loss": 6.3521,
1123
+ "step": 1420
1124
+ },
1125
+ {
1126
+ "epoch": 1.801007556675063,
1127
+ "grad_norm": 13.035350799560547,
1128
+ "learning_rate": 0.0003776526823826671,
1129
+ "loss": 6.4073,
1130
+ "step": 1430
1131
+ },
1132
+ {
1133
+ "epoch": 1.81360201511335,
1134
+ "grad_norm": 16.264127731323242,
1135
+ "learning_rate": 0.00037107974976375023,
1136
+ "loss": 6.0222,
1137
+ "step": 1440
1138
+ },
1139
+ {
1140
+ "epoch": 1.8261964735516374,
1141
+ "grad_norm": 9.861279487609863,
1142
+ "learning_rate": 0.000364532198093936,
1143
+ "loss": 5.5407,
1144
+ "step": 1450
1145
+ },
1146
+ {
1147
+ "epoch": 1.8387909319899243,
1148
+ "grad_norm": 6.148726463317871,
1149
+ "learning_rate": 0.0003580112682839554,
1150
+ "loss": 6.162,
1151
+ "step": 1460
1152
+ },
1153
+ {
1154
+ "epoch": 1.8513853904282116,
1155
+ "grad_norm": 1.1691336631774902,
1156
+ "learning_rate": 0.0003515181961990892,
1157
+ "loss": 6.2415,
1158
+ "step": 1470
1159
+ },
1160
+ {
1161
+ "epoch": 1.8639798488664987,
1162
+ "grad_norm": 5.119348526000977,
1163
+ "learning_rate": 0.00034505421242494186,
1164
+ "loss": 6.3736,
1165
+ "step": 1480
1166
+ },
1167
+ {
1168
+ "epoch": 1.8765743073047858,
1169
+ "grad_norm": 4.946280479431152,
1170
+ "learning_rate": 0.00033862054203421795,
1171
+ "loss": 6.3236,
1172
+ "step": 1490
1173
+ },
1174
+ {
1175
+ "epoch": 1.8891687657430731,
1176
+ "grad_norm": 1.3196860551834106,
1177
+ "learning_rate": 0.0003322184043545431,
1178
+ "loss": 6.8649,
1179
+ "step": 1500
1180
+ },
1181
+ {
1182
+ "epoch": 1.8891687657430731,
1183
+ "eval_loss": NaN,
1184
+ "eval_runtime": 15.3118,
1185
+ "eval_samples_per_second": 2.743,
1186
+ "eval_steps_per_second": 2.743,
1187
+ "step": 1500
1188
+ },
1189
+ {
1190
+ "epoch": 1.9017632241813602,
1191
+ "grad_norm": 43.375179290771484,
1192
+ "learning_rate": 0.0003258490127373731,
1193
+ "loss": 5.9977,
1194
+ "step": 1510
1195
+ },
1196
+ {
1197
+ "epoch": 1.9143576826196473,
1198
+ "grad_norm": 2.4827260971069336,
1199
+ "learning_rate": 0.00031951357432803636,
1200
+ "loss": 6.5355,
1201
+ "step": 1520
1202
+ },
1203
+ {
1204
+ "epoch": 1.9269521410579347,
1205
+ "grad_norm": 1.779510736465454,
1206
+ "learning_rate": 0.00031321328983695225,
1207
+ "loss": 5.9877,
1208
+ "step": 1530
1209
+ },
1210
+ {
1211
+ "epoch": 1.9395465994962215,
1212
+ "grad_norm": 9.966399192810059,
1213
+ "learning_rate": 0.00030694935331206867,
1214
+ "loss": 5.8464,
1215
+ "step": 1540
1216
+ },
1217
+ {
1218
+ "epoch": 1.9521410579345089,
1219
+ "grad_norm": 1.7442153692245483,
1220
+ "learning_rate": 0.0003007229519125633,
1221
+ "loss": 6.3703,
1222
+ "step": 1550
1223
+ },
1224
+ {
1225
+ "epoch": 1.964735516372796,
1226
+ "grad_norm": 12.200019836425781,
1227
+ "learning_rate": 0.0002945352656838491,
1228
+ "loss": 6.3838,
1229
+ "step": 1560
1230
+ },
1231
+ {
1232
+ "epoch": 1.977329974811083,
1233
+ "grad_norm": 1.6653344631195068,
1234
+ "learning_rate": 0.0002883874673339291,
1235
+ "loss": 6.4439,
1236
+ "step": 1570
1237
+ },
1238
+ {
1239
+ "epoch": 1.9899244332493704,
1240
+ "grad_norm": 2.319791078567505,
1241
+ "learning_rate": 0.00028228072201114156,
1242
+ "loss": 6.5633,
1243
+ "step": 1580
1244
+ },
1245
+ {
1246
+ "epoch": 2.0025188916876573,
1247
+ "grad_norm": 14.965546607971191,
1248
+ "learning_rate": 0.00027621618708333746,
1249
+ "loss": 6.3788,
1250
+ "step": 1590
1251
+ },
1252
+ {
1253
+ "epoch": 2.0151133501259446,
1254
+ "grad_norm": 37.10917663574219,
1255
+ "learning_rate": 0.0002701950119185332,
1256
+ "loss": 6.1397,
1257
+ "step": 1600
1258
+ },
1259
+ {
1260
+ "epoch": 2.0151133501259446,
1261
+ "eval_loss": NaN,
1262
+ "eval_runtime": 15.2229,
1263
+ "eval_samples_per_second": 2.759,
1264
+ "eval_steps_per_second": 2.759,
1265
+ "step": 1600
1266
+ },
1267
+ {
1268
+ "epoch": 2.027707808564232,
1269
+ "grad_norm": 21.792129516601562,
1270
+ "learning_rate": 0.00026421833766707804,
1271
+ "loss": 6.0449,
1272
+ "step": 1610
1273
+ },
1274
+ {
1275
+ "epoch": 2.040302267002519,
1276
+ "grad_norm": 1.4153228998184204,
1277
+ "learning_rate": 0.0002582872970453817,
1278
+ "loss": 6.1041,
1279
+ "step": 1620
1280
+ },
1281
+ {
1282
+ "epoch": 2.052896725440806,
1283
+ "grad_norm": 19.016847610473633,
1284
+ "learning_rate": 0.0002524030141212369,
1285
+ "loss": 5.3807,
1286
+ "step": 1630
1287
+ },
1288
+ {
1289
+ "epoch": 2.065491183879093,
1290
+ "grad_norm": 2.5831799507141113,
1291
+ "learning_rate": 0.0002465666041007844,
1292
+ "loss": 5.7776,
1293
+ "step": 1640
1294
+ },
1295
+ {
1296
+ "epoch": 2.0780856423173804,
1297
+ "grad_norm": 5.981635093688965,
1298
+ "learning_rate": 0.00024077917311715518,
1299
+ "loss": 6.3134,
1300
+ "step": 1650
1301
+ },
1302
+ {
1303
+ "epoch": 2.0906801007556677,
1304
+ "grad_norm": 4.322854995727539,
1305
+ "learning_rate": 0.0002350418180208324,
1306
+ "loss": 6.4723,
1307
+ "step": 1660
1308
+ },
1309
+ {
1310
+ "epoch": 2.1032745591939546,
1311
+ "grad_norm": 0.8821796178817749,
1312
+ "learning_rate": 0.00022935562617177452,
1313
+ "loss": 6.219,
1314
+ "step": 1670
1315
+ },
1316
+ {
1317
+ "epoch": 2.115869017632242,
1318
+ "grad_norm": 1.473185420036316,
1319
+ "learning_rate": 0.0002237216752333342,
1320
+ "loss": 6.3348,
1321
+ "step": 1680
1322
+ },
1323
+ {
1324
+ "epoch": 2.1284634760705288,
1325
+ "grad_norm": 45.26899719238281,
1326
+ "learning_rate": 0.00021814103296801765,
1327
+ "loss": 6.497,
1328
+ "step": 1690
1329
+ },
1330
+ {
1331
+ "epoch": 2.141057934508816,
1332
+ "grad_norm": 1.3694355487823486,
1333
+ "learning_rate": 0.00021261475703511886,
1334
+ "loss": 5.7675,
1335
+ "step": 1700
1336
+ },
1337
+ {
1338
+ "epoch": 2.141057934508816,
1339
+ "eval_loss": NaN,
1340
+ "eval_runtime": 15.2608,
1341
+ "eval_samples_per_second": 2.752,
1342
+ "eval_steps_per_second": 2.752,
1343
+ "step": 1700
1344
+ },
1345
+ {
1346
+ "epoch": 2.1536523929471034,
1347
+ "grad_norm": 3.0793488025665283,
1348
+ "learning_rate": 0.00020714389479026886,
1349
+ "loss": 5.9433,
1350
+ "step": 1710
1351
+ },
1352
+ {
1353
+ "epoch": 2.1662468513853903,
1354
+ "grad_norm": 6.340664863586426,
1355
+ "learning_rate": 0.00020172948308693747,
1356
+ "loss": 5.8344,
1357
+ "step": 1720
1358
+ },
1359
+ {
1360
+ "epoch": 2.1788413098236776,
1361
+ "grad_norm": 10.123492240905762,
1362
+ "learning_rate": 0.00019637254807992693,
1363
+ "loss": 5.8357,
1364
+ "step": 1730
1365
+ },
1366
+ {
1367
+ "epoch": 2.1914357682619645,
1368
+ "grad_norm": 1.9418385028839111,
1369
+ "learning_rate": 0.000191074105030891,
1370
+ "loss": 6.1829,
1371
+ "step": 1740
1372
+ },
1373
+ {
1374
+ "epoch": 2.204030226700252,
1375
+ "grad_norm": 4.6294732093811035,
1376
+ "learning_rate": 0.00018583515811592066,
1377
+ "loss": 6.0258,
1378
+ "step": 1750
1379
+ },
1380
+ {
1381
+ "epoch": 2.216624685138539,
1382
+ "grad_norm": 2.012091636657715,
1383
+ "learning_rate": 0.00018065670023522873,
1384
+ "loss": 5.9511,
1385
+ "step": 1760
1386
+ },
1387
+ {
1388
+ "epoch": 2.229219143576826,
1389
+ "grad_norm": 13.326998710632324,
1390
+ "learning_rate": 0.00017553971282497377,
1391
+ "loss": 6.4601,
1392
+ "step": 1770
1393
+ },
1394
+ {
1395
+ "epoch": 2.2418136020151134,
1396
+ "grad_norm": 65.63765716552734,
1397
+ "learning_rate": 0.00017048516567125406,
1398
+ "loss": 6.0541,
1399
+ "step": 1780
1400
+ },
1401
+ {
1402
+ "epoch": 2.2544080604534007,
1403
+ "grad_norm": 1.0482648611068726,
1404
+ "learning_rate": 0.0001654940167263127,
1405
+ "loss": 6.3912,
1406
+ "step": 1790
1407
+ },
1408
+ {
1409
+ "epoch": 2.2670025188916876,
1410
+ "grad_norm": 1.324476957321167,
1411
+ "learning_rate": 0.00016056721192698185,
1412
+ "loss": 6.2605,
1413
+ "step": 1800
1414
+ },
1415
+ {
1416
+ "epoch": 2.2670025188916876,
1417
+ "eval_loss": NaN,
1418
+ "eval_runtime": 15.2431,
1419
+ "eval_samples_per_second": 2.755,
1420
+ "eval_steps_per_second": 2.755,
1421
+ "step": 1800
1422
+ },
1423
+ {
1424
+ "epoch": 2.279596977329975,
1425
+ "grad_norm": 1.1805267333984375,
1426
+ "learning_rate": 0.0001557056850154078,
1427
+ "loss": 5.8732,
1428
+ "step": 1810
1429
+ },
1430
+ {
1431
+ "epoch": 2.292191435768262,
1432
+ "grad_norm": 3.1749534606933594,
1433
+ "learning_rate": 0.00015091035736208437,
1434
+ "loss": 6.3552,
1435
+ "step": 1820
1436
+ },
1437
+ {
1438
+ "epoch": 2.304785894206549,
1439
+ "grad_norm": 8.554312705993652,
1440
+ "learning_rate": 0.00014618213779123268,
1441
+ "loss": 6.2407,
1442
+ "step": 1830
1443
+ },
1444
+ {
1445
+ "epoch": 2.3173803526448364,
1446
+ "grad_norm": 5.832612991333008,
1447
+ "learning_rate": 0.00014152192240855774,
1448
+ "loss": 6.2874,
1449
+ "step": 1840
1450
+ },
1451
+ {
1452
+ "epoch": 2.3299748110831233,
1453
+ "grad_norm": 7.480172157287598,
1454
+ "learning_rate": 0.00013693059443141648,
1455
+ "loss": 5.5811,
1456
+ "step": 1850
1457
+ },
1458
+ {
1459
+ "epoch": 2.3425692695214106,
1460
+ "grad_norm": 17.8604793548584,
1461
+ "learning_rate": 0.0001324090240214272,
1462
+ "loss": 6.0511,
1463
+ "step": 1860
1464
+ },
1465
+ {
1466
+ "epoch": 2.355163727959698,
1467
+ "grad_norm": 73.90760803222656,
1468
+ "learning_rate": 0.00012795806811955496,
1469
+ "loss": 5.7841,
1470
+ "step": 1870
1471
+ },
1472
+ {
1473
+ "epoch": 2.367758186397985,
1474
+ "grad_norm": 83.39054870605469,
1475
+ "learning_rate": 0.00012357857028370055,
1476
+ "loss": 6.2784,
1477
+ "step": 1880
1478
+ },
1479
+ {
1480
+ "epoch": 2.380352644836272,
1481
+ "grad_norm": 268.36724853515625,
1482
+ "learning_rate": 0.00011927136052882816,
1483
+ "loss": 6.1363,
1484
+ "step": 1890
1485
+ },
1486
+ {
1487
+ "epoch": 2.392947103274559,
1488
+ "grad_norm": 3.740187406539917,
1489
+ "learning_rate": 0.00011503725516965741,
1490
+ "loss": 5.8788,
1491
+ "step": 1900
1492
+ },
1493
+ {
1494
+ "epoch": 2.392947103274559,
1495
+ "eval_loss": NaN,
1496
+ "eval_runtime": 15.446,
1497
+ "eval_samples_per_second": 2.719,
1498
+ "eval_steps_per_second": 2.719,
1499
+ "step": 1900
1500
+ },
1501
+ {
1502
+ "epoch": 2.4055415617128464,
1503
+ "grad_norm": 28.20012092590332,
1504
+ "learning_rate": 0.00011087705666595408,
1505
+ "loss": 6.2386,
1506
+ "step": 1910
1507
+ },
1508
+ {
1509
+ "epoch": 2.4181360201511337,
1510
+ "grad_norm": 303.59649658203125,
1511
+ "learning_rate": 0.00010679155347044514,
1512
+ "loss": 6.1873,
1513
+ "step": 1920
1514
+ },
1515
+ {
1516
+ "epoch": 2.4307304785894206,
1517
+ "grad_norm": 9.479316711425781,
1518
+ "learning_rate": 0.00010278151987938858,
1519
+ "loss": 5.6748,
1520
+ "step": 1930
1521
+ },
1522
+ {
1523
+ "epoch": 2.443324937027708,
1524
+ "grad_norm": 11.061058044433594,
1525
+ "learning_rate": 9.884771588582731e-05,
1526
+ "loss": 5.9298,
1527
+ "step": 1940
1528
+ },
1529
+ {
1530
+ "epoch": 2.455919395465995,
1531
+ "grad_norm": 3.6306285858154297,
1532
+ "learning_rate": 9.499088703555286e-05,
1533
+ "loss": 6.2918,
1534
+ "step": 1950
1535
+ },
1536
+ {
1537
+ "epoch": 2.468513853904282,
1538
+ "grad_norm": 0.8030872344970703,
1539
+ "learning_rate": 9.121176428580683e-05,
1540
+ "loss": 6.0907,
1541
+ "step": 1960
1542
+ },
1543
+ {
1544
+ "epoch": 2.4811083123425695,
1545
+ "grad_norm": 12.907964706420898,
1546
+ "learning_rate": 8.751106386674875e-05,
1547
+ "loss": 5.7241,
1548
+ "step": 1970
1549
+ },
1550
+ {
1551
+ "epoch": 2.4937027707808563,
1552
+ "grad_norm": 7.6929450035095215,
1553
+ "learning_rate": 8.388948714571339e-05,
1554
+ "loss": 6.2008,
1555
+ "step": 1980
1556
+ },
1557
+ {
1558
+ "epoch": 2.5062972292191437,
1559
+ "grad_norm": 18.33698844909668,
1560
+ "learning_rate": 8.03477204942856e-05,
1561
+ "loss": 5.8969,
1562
+ "step": 1990
1563
+ },
1564
+ {
1565
+ "epoch": 2.5188916876574305,
1566
+ "grad_norm": 12.14580249786377,
1567
+ "learning_rate": 7.688643515821794e-05,
1568
+ "loss": 6.0279,
1569
+ "step": 2000
1570
+ },
1571
+ {
1572
+ "epoch": 2.5188916876574305,
1573
+ "eval_loss": NaN,
1574
+ "eval_runtime": 15.4275,
1575
+ "eval_samples_per_second": 2.722,
1576
+ "eval_steps_per_second": 2.722,
1577
+ "step": 2000
1578
+ },
1579
+ {
1580
+ "epoch": 2.531486146095718,
1581
+ "grad_norm": 18.05765724182129,
1582
+ "learning_rate": 7.350628713021318e-05,
1583
+ "loss": 5.5725,
1584
+ "step": 2010
1585
+ },
1586
+ {
1587
+ "epoch": 2.544080604534005,
1588
+ "grad_norm": 1.635270595550537,
1589
+ "learning_rate": 7.020791702559972e-05,
1590
+ "loss": 6.1687,
1591
+ "step": 2020
1592
+ },
1593
+ {
1594
+ "epoch": 2.556675062972292,
1595
+ "grad_norm": 3.140681266784668,
1596
+ "learning_rate": 6.699194996091947e-05,
1597
+ "loss": 6.0122,
1598
+ "step": 2030
1599
+ },
1600
+ {
1601
+ "epoch": 2.5692695214105794,
1602
+ "grad_norm": 109.08464050292969,
1603
+ "learning_rate": 6.385899543545474e-05,
1604
+ "loss": 5.7281,
1605
+ "step": 2040
1606
+ },
1607
+ {
1608
+ "epoch": 2.5818639798488663,
1609
+ "grad_norm": 26.377573013305664,
1610
+ "learning_rate": 6.0809647215713464e-05,
1611
+ "loss": 6.0238,
1612
+ "step": 2050
1613
+ },
1614
+ {
1615
+ "epoch": 2.5944584382871536,
1616
+ "grad_norm": 1.1812814474105835,
1617
+ "learning_rate": 5.784448322289772e-05,
1618
+ "loss": 5.5657,
1619
+ "step": 2060
1620
+ },
1621
+ {
1622
+ "epoch": 2.607052896725441,
1623
+ "grad_norm": 21.708324432373047,
1624
+ "learning_rate": 5.496406542337348e-05,
1625
+ "loss": 5.9767,
1626
+ "step": 2070
1627
+ },
1628
+ {
1629
+ "epoch": 2.619647355163728,
1630
+ "grad_norm": 23.635461807250977,
1631
+ "learning_rate": 5.2168939722165906e-05,
1632
+ "loss": 6.0625,
1633
+ "step": 2080
1634
+ },
1635
+ {
1636
+ "epoch": 2.632241813602015,
1637
+ "grad_norm": 5.608989715576172,
1638
+ "learning_rate": 4.945963585949741e-05,
1639
+ "loss": 6.1439,
1640
+ "step": 2090
1641
+ },
1642
+ {
1643
+ "epoch": 2.644836272040302,
1644
+ "grad_norm": 9.033554077148438,
1645
+ "learning_rate": 4.6836667310390156e-05,
1646
+ "loss": 6.3911,
1647
+ "step": 2100
1648
+ },
1649
+ {
1650
+ "epoch": 2.644836272040302,
1651
+ "eval_loss": NaN,
1652
+ "eval_runtime": 15.3923,
1653
+ "eval_samples_per_second": 2.729,
1654
+ "eval_steps_per_second": 2.729,
1655
+ "step": 2100
1656
+ },
1657
+ {
1658
+ "epoch": 2.6574307304785894,
1659
+ "grad_norm": 1.7041218280792236,
1660
+ "learning_rate": 4.430053118735028e-05,
1661
+ "loss": 6.0198,
1662
+ "step": 2110
1663
+ },
1664
+ {
1665
+ "epoch": 2.6700251889168767,
1666
+ "grad_norm": 5.222975254058838,
1667
+ "learning_rate": 4.1851708146154423e-05,
1668
+ "loss": 5.8544,
1669
+ "step": 2120
1670
+ },
1671
+ {
1672
+ "epoch": 2.682619647355164,
1673
+ "grad_norm": 30.490474700927734,
1674
+ "learning_rate": 3.949066229475363e-05,
1675
+ "loss": 6.2353,
1676
+ "step": 2130
1677
+ },
1678
+ {
1679
+ "epoch": 2.695214105793451,
1680
+ "grad_norm": 9.03661060333252,
1681
+ "learning_rate": 3.72178411053151e-05,
1682
+ "loss": 6.1697,
1683
+ "step": 2140
1684
+ },
1685
+ {
1686
+ "epoch": 2.7078085642317378,
1687
+ "grad_norm": 3.526606798171997,
1688
+ "learning_rate": 3.503367532941533e-05,
1689
+ "loss": 5.9258,
1690
+ "step": 2150
1691
+ },
1692
+ {
1693
+ "epoch": 2.720403022670025,
1694
+ "grad_norm": 38.84684371948242,
1695
+ "learning_rate": 3.293857891640318e-05,
1696
+ "loss": 5.9434,
1697
+ "step": 2160
1698
+ },
1699
+ {
1700
+ "epoch": 2.7329974811083124,
1701
+ "grad_norm": 1.9702175855636597,
1702
+ "learning_rate": 3.093294893494711e-05,
1703
+ "loss": 6.1222,
1704
+ "step": 2170
1705
+ },
1706
+ {
1707
+ "epoch": 2.7455919395465997,
1708
+ "grad_norm": 2.135200023651123,
1709
+ "learning_rate": 2.9017165497781322e-05,
1710
+ "loss": 5.8755,
1711
+ "step": 2180
1712
+ },
1713
+ {
1714
+ "epoch": 2.7581863979848866,
1715
+ "grad_norm": 35.42985534667969,
1716
+ "learning_rate": 2.7191591689665536e-05,
1717
+ "loss": 6.1048,
1718
+ "step": 2190
1719
+ },
1720
+ {
1721
+ "epoch": 2.770780856423174,
1722
+ "grad_norm": 1.0068978071212769,
1723
+ "learning_rate": 2.545657349857288e-05,
1724
+ "loss": 6.0412,
1725
+ "step": 2200
1726
+ },
1727
+ {
1728
+ "epoch": 2.770780856423174,
1729
+ "eval_loss": NaN,
1730
+ "eval_runtime": 15.2361,
1731
+ "eval_samples_per_second": 2.757,
1732
+ "eval_steps_per_second": 2.757,
1733
+ "step": 2200
1734
+ },
1735
+ {
1736
+ "epoch": 2.783375314861461,
1737
+ "grad_norm": 2.2877144813537598,
1738
+ "learning_rate": 2.3812439750116348e-05,
1739
+ "loss": 6.1917,
1740
+ "step": 2210
1741
+ },
1742
+ {
1743
+ "epoch": 2.795969773299748,
1744
+ "grad_norm": 24.73290252685547,
1745
+ "learning_rate": 2.2259502045229487e-05,
1746
+ "loss": 5.9619,
1747
+ "step": 2220
1748
+ },
1749
+ {
1750
+ "epoch": 2.8085642317380355,
1751
+ "grad_norm": 8.858285903930664,
1752
+ "learning_rate": 2.0798054701110625e-05,
1753
+ "loss": 5.543,
1754
+ "step": 2230
1755
+ },
1756
+ {
1757
+ "epoch": 2.8211586901763224,
1758
+ "grad_norm": 3.0846030712127686,
1759
+ "learning_rate": 1.9428374695443077e-05,
1760
+ "loss": 5.6675,
1761
+ "step": 2240
1762
+ },
1763
+ {
1764
+ "epoch": 2.8337531486146097,
1765
+ "grad_norm": 3.8137497901916504,
1766
+ "learning_rate": 1.8150721613901507e-05,
1767
+ "loss": 6.2949,
1768
+ "step": 2250
1769
+ },
1770
+ {
1771
+ "epoch": 2.8463476070528966,
1772
+ "grad_norm": 7.545982360839844,
1773
+ "learning_rate": 1.6965337600954483e-05,
1774
+ "loss": 6.0377,
1775
+ "step": 2260
1776
+ },
1777
+ {
1778
+ "epoch": 2.858942065491184,
1779
+ "grad_norm": 11.194375038146973,
1780
+ "learning_rate": 1.5872447313972775e-05,
1781
+ "loss": 5.8728,
1782
+ "step": 2270
1783
+ },
1784
+ {
1785
+ "epoch": 2.8715365239294712,
1786
+ "grad_norm": 1.9697824716567993,
1787
+ "learning_rate": 1.487225788065136e-05,
1788
+ "loss": 5.8687,
1789
+ "step": 2280
1790
+ },
1791
+ {
1792
+ "epoch": 2.884130982367758,
1793
+ "grad_norm": 1.6085684299468994,
1794
+ "learning_rate": 1.396495885975419e-05,
1795
+ "loss": 6.2602,
1796
+ "step": 2290
1797
+ },
1798
+ {
1799
+ "epoch": 2.8967254408060454,
1800
+ "grad_norm": 52.61852264404297,
1801
+ "learning_rate": 1.3150722205188401e-05,
1802
+ "loss": 6.0862,
1803
+ "step": 2300
1804
+ },
1805
+ {
1806
+ "epoch": 2.8967254408060454,
1807
+ "eval_loss": NaN,
1808
+ "eval_runtime": 15.3223,
1809
+ "eval_samples_per_second": 2.741,
1810
+ "eval_steps_per_second": 2.741,
1811
+ "step": 2300
1812
+ }
1813
+ ],
1814
+ "logging_steps": 10,
1815
+ "max_steps": 2382,
1816
+ "num_input_tokens_seen": 0,
1817
+ "num_train_epochs": 3,
1818
+ "save_steps": 100,
1819
+ "stateful_callbacks": {
1820
+ "TrainerControl": {
1821
+ "args": {
1822
+ "should_epoch_stop": false,
1823
+ "should_evaluate": false,
1824
+ "should_log": false,
1825
+ "should_save": true,
1826
+ "should_training_stop": false
1827
+ },
1828
+ "attributes": {}
1829
+ }
1830
+ },
1831
+ "total_flos": 2.297887120687104e+17,
1832
+ "train_batch_size": 1,
1833
+ "trial_name": null,
1834
+ "trial_params": null
1835
+ }
checkpoint-2300/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:171a9569d8420fa4dfcae4091f54bb22ea245a69eb551aa7fab92f7a032a9253
3
+ size 6648
checkpoint-2300/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-2382/README.md ADDED
@@ -0,0 +1,202 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: Qwen/QwQ-32B-Preview
3
+ library_name: peft
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
+ ### Framework versions
201
+
202
+ - PEFT 0.14.0
checkpoint-2382/adapter_config.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/QwQ-32B-Preview",
5
+ "bias": "none",
6
+ "eva_config": null,
7
+ "exclude_modules": null,
8
+ "fan_in_fan_out": false,
9
+ "inference_mode": true,
10
+ "init_lora_weights": true,
11
+ "layer_replication": null,
12
+ "layers_pattern": null,
13
+ "layers_to_transform": null,
14
+ "loftq_config": {},
15
+ "lora_alpha": 128,
16
+ "lora_bias": false,
17
+ "lora_dropout": 0.15,
18
+ "megatron_config": null,
19
+ "megatron_core": "megatron.core",
20
+ "modules_to_save": null,
21
+ "peft_type": "LORA",
22
+ "r": 64,
23
+ "rank_pattern": {},
24
+ "revision": null,
25
+ "target_modules": [
26
+ "down_proj",
27
+ "up_proj",
28
+ "o_proj",
29
+ "k_proj",
30
+ "v_proj",
31
+ "q_proj",
32
+ "gate_proj"
33
+ ],
34
+ "task_type": "CAUSAL_LM",
35
+ "use_dora": false,
36
+ "use_rslora": false
37
+ }
checkpoint-2382/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:39cf0b496ce5b4abfc676d67efd7da289f905fc64dc5d80a07389ee468ff19e7
3
+ size 2147605960
checkpoint-2382/added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
checkpoint-2382/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-2382/special_tokens_map.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
+ ],
17
+ "eos_token": {
18
+ "content": "<|im_end|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "<|endoftext|>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ }
31
+ }
checkpoint-2382/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9c5ae00e602b8860cbd784ba82a8aa14e8feecec692e7076590d014d7b7fdafa
3
+ size 11421896
checkpoint-2382/tokenizer_config.json ADDED
@@ -0,0 +1,208 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "151643": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "151644": {
14
+ "content": "<|im_start|>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "151645": {
22
+ "content": "<|im_end|>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
+ }
181
+ },
182
+ "additional_special_tokens": [
183
+ "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
+ ],
197
+ "bos_token": null,
198
+ "chat_template": "{%- if tools %}\n {{- '<|im_start|>system\\n' }}\n {%- if messages[0]['role'] == 'system' %}\n {{- messages[0]['content'] }}\n {%- else %}\n {{- 'You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.' }}\n {%- endif %}\n {{- \"\\n\\n# Tools\\n\\nYou may call one or more functions to assist with the user query.\\n\\nYou are provided with function signatures within <tools></tools> XML tags:\\n<tools>\" }}\n {%- for tool in tools %}\n {{- \"\\n\" }}\n {{- tool | tojson }}\n {%- endfor %}\n {{- \"\\n</tools>\\n\\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\\n<tool_call>\\n{\\\"name\\\": <function-name>, \\\"arguments\\\": <args-json-object>}\\n</tool_call><|im_end|>\\n\" }}\n{%- else %}\n {%- if messages[0]['role'] == 'system' %}\n {{- '<|im_start|>system\\n' + messages[0]['content'] + '<|im_end|>\\n' }}\n {%- else %}\n {{- '<|im_start|>system\\nYou are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.<|im_end|>\\n' }}\n {%- endif %}\n{%- endif %}\n{%- for message in messages %}\n {%- if (message.role == \"user\") or (message.role == \"system\" and not loop.first) or (message.role == \"assistant\" and not message.tool_calls) %}\n {{- '<|im_start|>' + message.role + '\\n' + message.content + '<|im_end|>' + '\\n' }}\n {%- elif message.role == \"assistant\" %}\n {{- '<|im_start|>' + message.role }}\n {%- if message.content %}\n {{- '\\n' + message.content }}\n {%- endif %}\n {%- for tool_call in message.tool_calls %}\n {%- if tool_call.function is defined %}\n {%- set tool_call = tool_call.function %}\n {%- endif %}\n {{- '\\n<tool_call>\\n{\"name\": \"' }}\n {{- tool_call.name }}\n {{- '\", \"arguments\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- '}\\n</tool_call>' }}\n {%- endfor %}\n {{- '<|im_end|>\\n' }}\n {%- elif message.role == \"tool\" %}\n {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != \"tool\") %}\n {{- '<|im_start|>user' }}\n {%- endif %}\n {{- '\\n<tool_response>\\n' }}\n {{- message.content }}\n {{- '\\n</tool_response>' }}\n {%- if loop.last or (messages[loop.index0 + 1].role != \"tool\") %}\n {{- '<|im_end|>\\n' }}\n {%- endif %}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|im_start|>assistant\\n' }}\n{%- endif %}\n",
199
+ "clean_up_tokenization_spaces": false,
200
+ "eos_token": "<|im_end|>",
201
+ "errors": "replace",
202
+ "extra_special_tokens": {},
203
+ "model_max_length": 32768,
204
+ "pad_token": "<|endoftext|>",
205
+ "split_special_tokens": false,
206
+ "tokenizer_class": "Qwen2Tokenizer",
207
+ "unk_token": null
208
+ }
checkpoint-2382/trainer_state.json ADDED
@@ -0,0 +1,1891 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": Infinity,
3
+ "best_model_checkpoint": null,
4
+ "epoch": 3.0,
5
+ "eval_steps": 100,
6
+ "global_step": 2382,
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.0012594458438287153,
13
+ "eval_loss": NaN,
14
+ "eval_runtime": 24.0728,
15
+ "eval_samples_per_second": 1.745,
16
+ "eval_steps_per_second": 1.745,
17
+ "step": 1
18
+ },
19
+ {
20
+ "epoch": 0.012594458438287154,
21
+ "grad_norm": 10.215713500976562,
22
+ "learning_rate": 0.0001,
23
+ "loss": 4.9227,
24
+ "step": 10
25
+ },
26
+ {
27
+ "epoch": 0.02518891687657431,
28
+ "grad_norm": 11.19245433807373,
29
+ "learning_rate": 0.0002,
30
+ "loss": 3.6568,
31
+ "step": 20
32
+ },
33
+ {
34
+ "epoch": 0.037783375314861464,
35
+ "grad_norm": 17.468347549438477,
36
+ "learning_rate": 0.0003,
37
+ "loss": 3.4374,
38
+ "step": 30
39
+ },
40
+ {
41
+ "epoch": 0.05037783375314862,
42
+ "grad_norm": 111.16232299804688,
43
+ "learning_rate": 0.0004,
44
+ "loss": 7.2007,
45
+ "step": 40
46
+ },
47
+ {
48
+ "epoch": 0.06297229219143577,
49
+ "grad_norm": 174.66659545898438,
50
+ "learning_rate": 0.0005,
51
+ "loss": 8.4586,
52
+ "step": 50
53
+ },
54
+ {
55
+ "epoch": 0.07556675062972293,
56
+ "grad_norm": 600.462890625,
57
+ "learning_rate": 0.0006,
58
+ "loss": 8.467,
59
+ "step": 60
60
+ },
61
+ {
62
+ "epoch": 0.08816120906801007,
63
+ "grad_norm": 24.518911361694336,
64
+ "learning_rate": 0.0007,
65
+ "loss": 8.2763,
66
+ "step": 70
67
+ },
68
+ {
69
+ "epoch": 0.10075566750629723,
70
+ "grad_norm": 8.935935974121094,
71
+ "learning_rate": 0.0008,
72
+ "loss": 9.2561,
73
+ "step": 80
74
+ },
75
+ {
76
+ "epoch": 0.11335012594458438,
77
+ "grad_norm": 27.04026985168457,
78
+ "learning_rate": 0.0009000000000000001,
79
+ "loss": 7.731,
80
+ "step": 90
81
+ },
82
+ {
83
+ "epoch": 0.12594458438287154,
84
+ "grad_norm": 56.256690979003906,
85
+ "learning_rate": 0.001,
86
+ "loss": 7.8286,
87
+ "step": 100
88
+ },
89
+ {
90
+ "epoch": 0.12594458438287154,
91
+ "eval_loss": NaN,
92
+ "eval_runtime": 15.4265,
93
+ "eval_samples_per_second": 2.723,
94
+ "eval_steps_per_second": 2.723,
95
+ "step": 100
96
+ },
97
+ {
98
+ "epoch": 0.1385390428211587,
99
+ "grad_norm": 27.969837188720703,
100
+ "learning_rate": 0.000999953093091659,
101
+ "loss": 8.0009,
102
+ "step": 110
103
+ },
104
+ {
105
+ "epoch": 0.15113350125944586,
106
+ "grad_norm": 20.14385223388672,
107
+ "learning_rate": 0.0009998123812565674,
108
+ "loss": 7.8523,
109
+ "step": 120
110
+ },
111
+ {
112
+ "epoch": 0.163727959697733,
113
+ "grad_norm": 40.78677749633789,
114
+ "learning_rate": 0.000999577891162835,
115
+ "loss": 7.9675,
116
+ "step": 130
117
+ },
118
+ {
119
+ "epoch": 0.17632241813602015,
120
+ "grad_norm": 27.47247886657715,
121
+ "learning_rate": 0.000999249667251695,
122
+ "loss": 7.6457,
123
+ "step": 140
124
+ },
125
+ {
126
+ "epoch": 0.1889168765743073,
127
+ "grad_norm": 16.2076473236084,
128
+ "learning_rate": 0.000998827771729083,
129
+ "loss": 7.8101,
130
+ "step": 150
131
+ },
132
+ {
133
+ "epoch": 0.20151133501259447,
134
+ "grad_norm": 22.394704818725586,
135
+ "learning_rate": 0.0009983122845538459,
136
+ "loss": 7.2711,
137
+ "step": 160
138
+ },
139
+ {
140
+ "epoch": 0.2141057934508816,
141
+ "grad_norm": 37.36329650878906,
142
+ "learning_rate": 0.0009977033034225882,
143
+ "loss": 7.0109,
144
+ "step": 170
145
+ },
146
+ {
147
+ "epoch": 0.22670025188916876,
148
+ "grad_norm": 17.58085823059082,
149
+ "learning_rate": 0.0009970009437511567,
150
+ "loss": 7.5939,
151
+ "step": 180
152
+ },
153
+ {
154
+ "epoch": 0.23929471032745592,
155
+ "grad_norm": 44.42656326293945,
156
+ "learning_rate": 0.0009962053386527666,
157
+ "loss": 7.5965,
158
+ "step": 190
159
+ },
160
+ {
161
+ "epoch": 0.2518891687657431,
162
+ "grad_norm": 13.50401782989502,
163
+ "learning_rate": 0.0009953166389127734,
164
+ "loss": 7.2486,
165
+ "step": 200
166
+ },
167
+ {
168
+ "epoch": 0.2518891687657431,
169
+ "eval_loss": NaN,
170
+ "eval_runtime": 15.2724,
171
+ "eval_samples_per_second": 2.75,
172
+ "eval_steps_per_second": 2.75,
173
+ "step": 200
174
+ },
175
+ {
176
+ "epoch": 0.26448362720403024,
177
+ "grad_norm": 22.640573501586914,
178
+ "learning_rate": 0.000994335012960095,
179
+ "loss": 6.7046,
180
+ "step": 210
181
+ },
182
+ {
183
+ "epoch": 0.2770780856423174,
184
+ "grad_norm": 29.585573196411133,
185
+ "learning_rate": 0.0009932606468352912,
186
+ "loss": 8.0273,
187
+ "step": 220
188
+ },
189
+ {
190
+ "epoch": 0.28967254408060455,
191
+ "grad_norm": 28.875736236572266,
192
+ "learning_rate": 0.0009920937441553052,
193
+ "loss": 7.3677,
194
+ "step": 230
195
+ },
196
+ {
197
+ "epoch": 0.3022670025188917,
198
+ "grad_norm": 35.41697311401367,
199
+ "learning_rate": 0.0009908345260748724,
200
+ "loss": 7.3579,
201
+ "step": 240
202
+ },
203
+ {
204
+ "epoch": 0.3148614609571788,
205
+ "grad_norm": 29.97820472717285,
206
+ "learning_rate": 0.000989483231244607,
207
+ "loss": 7.0202,
208
+ "step": 250
209
+ },
210
+ {
211
+ "epoch": 0.327455919395466,
212
+ "grad_norm": 13.438394546508789,
213
+ "learning_rate": 0.000988040115765773,
214
+ "loss": 6.742,
215
+ "step": 260
216
+ },
217
+ {
218
+ "epoch": 0.34005037783375314,
219
+ "grad_norm": 24.55386734008789,
220
+ "learning_rate": 0.000986505453141746,
221
+ "loss": 6.7159,
222
+ "step": 270
223
+ },
224
+ {
225
+ "epoch": 0.3526448362720403,
226
+ "grad_norm": 31.250648498535156,
227
+ "learning_rate": 0.0009848795342261784,
228
+ "loss": 7.6011,
229
+ "step": 280
230
+ },
231
+ {
232
+ "epoch": 0.36523929471032746,
233
+ "grad_norm": 17.08733558654785,
234
+ "learning_rate": 0.000983162667167877,
235
+ "loss": 7.5208,
236
+ "step": 290
237
+ },
238
+ {
239
+ "epoch": 0.3778337531486146,
240
+ "grad_norm": 22.433013916015625,
241
+ "learning_rate": 0.0009813551773523999,
242
+ "loss": 7.2601,
243
+ "step": 300
244
+ },
245
+ {
246
+ "epoch": 0.3778337531486146,
247
+ "eval_loss": NaN,
248
+ "eval_runtime": 15.4322,
249
+ "eval_samples_per_second": 2.722,
250
+ "eval_steps_per_second": 2.722,
251
+ "step": 300
252
+ },
253
+ {
254
+ "epoch": 0.3904282115869018,
255
+ "grad_norm": 22.491186141967773,
256
+ "learning_rate": 0.00097945740734039,
257
+ "loss": 7.1465,
258
+ "step": 310
259
+ },
260
+ {
261
+ "epoch": 0.40302267002518893,
262
+ "grad_norm": 24.347196578979492,
263
+ "learning_rate": 0.0009774697168026514,
264
+ "loss": 7.1475,
265
+ "step": 320
266
+ },
267
+ {
268
+ "epoch": 0.4156171284634761,
269
+ "grad_norm": 10.394509315490723,
270
+ "learning_rate": 0.0009753924824519837,
271
+ "loss": 7.0914,
272
+ "step": 330
273
+ },
274
+ {
275
+ "epoch": 0.4282115869017632,
276
+ "grad_norm": 24.985843658447266,
277
+ "learning_rate": 0.0009732260979717857,
278
+ "loss": 6.985,
279
+ "step": 340
280
+ },
281
+ {
282
+ "epoch": 0.44080604534005036,
283
+ "grad_norm": 20.668533325195312,
284
+ "learning_rate": 0.0009709709739414448,
285
+ "loss": 6.2001,
286
+ "step": 350
287
+ },
288
+ {
289
+ "epoch": 0.4534005037783375,
290
+ "grad_norm": 15.814973831176758,
291
+ "learning_rate": 0.0009686275377585208,
292
+ "loss": 7.0025,
293
+ "step": 360
294
+ },
295
+ {
296
+ "epoch": 0.4659949622166247,
297
+ "grad_norm": 14.465486526489258,
298
+ "learning_rate": 0.0009661962335577461,
299
+ "loss": 6.8131,
300
+ "step": 370
301
+ },
302
+ {
303
+ "epoch": 0.47858942065491183,
304
+ "grad_norm": 22.262863159179688,
305
+ "learning_rate": 0.0009636775221268514,
306
+ "loss": 6.7339,
307
+ "step": 380
308
+ },
309
+ {
310
+ "epoch": 0.491183879093199,
311
+ "grad_norm": 13.883723258972168,
312
+ "learning_rate": 0.0009610718808192354,
313
+ "loss": 7.1253,
314
+ "step": 390
315
+ },
316
+ {
317
+ "epoch": 0.5037783375314862,
318
+ "grad_norm": 10.253217697143555,
319
+ "learning_rate": 0.0009583798034634963,
320
+ "loss": 8.2142,
321
+ "step": 400
322
+ },
323
+ {
324
+ "epoch": 0.5037783375314862,
325
+ "eval_loss": NaN,
326
+ "eval_runtime": 15.6368,
327
+ "eval_samples_per_second": 2.686,
328
+ "eval_steps_per_second": 2.686,
329
+ "step": 400
330
+ },
331
+ {
332
+ "epoch": 0.5163727959697733,
333
+ "grad_norm": 18.610076904296875,
334
+ "learning_rate": 0.0009556018002698389,
335
+ "loss": 7.7783,
336
+ "step": 410
337
+ },
338
+ {
339
+ "epoch": 0.5289672544080605,
340
+ "grad_norm": 18.9676513671875,
341
+ "learning_rate": 0.0009527383977333791,
342
+ "loss": 7.3047,
343
+ "step": 420
344
+ },
345
+ {
346
+ "epoch": 0.5415617128463476,
347
+ "grad_norm": 6.478220462799072,
348
+ "learning_rate": 0.0009497901385343608,
349
+ "loss": 7.6647,
350
+ "step": 430
351
+ },
352
+ {
353
+ "epoch": 0.5541561712846348,
354
+ "grad_norm": 15.899592399597168,
355
+ "learning_rate": 0.0009467575814353052,
356
+ "loss": 7.2044,
357
+ "step": 440
358
+ },
359
+ {
360
+ "epoch": 0.5667506297229219,
361
+ "grad_norm": 7.312307834625244,
362
+ "learning_rate": 0.0009436413011751129,
363
+ "loss": 6.7378,
364
+ "step": 450
365
+ },
366
+ {
367
+ "epoch": 0.5793450881612091,
368
+ "grad_norm": 9.657133102416992,
369
+ "learning_rate": 0.0009404418883601375,
370
+ "loss": 7.3231,
371
+ "step": 460
372
+ },
373
+ {
374
+ "epoch": 0.5919395465994962,
375
+ "grad_norm": 6.748540878295898,
376
+ "learning_rate": 0.000937159949352252,
377
+ "loss": 7.4876,
378
+ "step": 470
379
+ },
380
+ {
381
+ "epoch": 0.6045340050377834,
382
+ "grad_norm": 5.967790603637695,
383
+ "learning_rate": 0.0009337961061539308,
384
+ "loss": 7.5902,
385
+ "step": 480
386
+ },
387
+ {
388
+ "epoch": 0.6171284634760705,
389
+ "grad_norm": 3.245502233505249,
390
+ "learning_rate": 0.0009303509962903634,
391
+ "loss": 7.1788,
392
+ "step": 490
393
+ },
394
+ {
395
+ "epoch": 0.6297229219143576,
396
+ "grad_norm": 7.3367919921875,
397
+ "learning_rate": 0.0009268252726886314,
398
+ "loss": 7.1902,
399
+ "step": 500
400
+ },
401
+ {
402
+ "epoch": 0.6297229219143576,
403
+ "eval_loss": NaN,
404
+ "eval_runtime": 15.4155,
405
+ "eval_samples_per_second": 2.725,
406
+ "eval_steps_per_second": 2.725,
407
+ "step": 500
408
+ },
409
+ {
410
+ "epoch": 0.6423173803526449,
411
+ "grad_norm": 2.903081178665161,
412
+ "learning_rate": 0.0009232196035539623,
413
+ "loss": 7.236,
414
+ "step": 510
415
+ },
416
+ {
417
+ "epoch": 0.654911838790932,
418
+ "grad_norm": 3.9663569927215576,
419
+ "learning_rate": 0.0009195346722430898,
420
+ "loss": 7.3749,
421
+ "step": 520
422
+ },
423
+ {
424
+ "epoch": 0.6675062972292192,
425
+ "grad_norm": 6.435197830200195,
426
+ "learning_rate": 0.0009157711771347421,
427
+ "loss": 7.5964,
428
+ "step": 530
429
+ },
430
+ {
431
+ "epoch": 0.6801007556675063,
432
+ "grad_norm": 4.062136173248291,
433
+ "learning_rate": 0.0009119298314972834,
434
+ "loss": 6.7231,
435
+ "step": 540
436
+ },
437
+ {
438
+ "epoch": 0.6926952141057935,
439
+ "grad_norm": 3.391726493835449,
440
+ "learning_rate": 0.0009080113633535325,
441
+ "loss": 6.9205,
442
+ "step": 550
443
+ },
444
+ {
445
+ "epoch": 0.7052896725440806,
446
+ "grad_norm": 3.272814989089966,
447
+ "learning_rate": 0.0009040165153427869,
448
+ "loss": 6.6434,
449
+ "step": 560
450
+ },
451
+ {
452
+ "epoch": 0.7178841309823678,
453
+ "grad_norm": 1.8474681377410889,
454
+ "learning_rate": 0.0008999460445800744,
455
+ "loss": 7.1821,
456
+ "step": 570
457
+ },
458
+ {
459
+ "epoch": 0.7304785894206549,
460
+ "grad_norm": 1.8579058647155762,
461
+ "learning_rate": 0.0008958007225126639,
462
+ "loss": 7.408,
463
+ "step": 580
464
+ },
465
+ {
466
+ "epoch": 0.743073047858942,
467
+ "grad_norm": 2.2286558151245117,
468
+ "learning_rate": 0.0008915813347738575,
469
+ "loss": 6.8997,
470
+ "step": 590
471
+ },
472
+ {
473
+ "epoch": 0.7556675062972292,
474
+ "grad_norm": 2.628117322921753,
475
+ "learning_rate": 0.0008872886810340951,
476
+ "loss": 6.3799,
477
+ "step": 600
478
+ },
479
+ {
480
+ "epoch": 0.7556675062972292,
481
+ "eval_loss": NaN,
482
+ "eval_runtime": 15.1353,
483
+ "eval_samples_per_second": 2.775,
484
+ "eval_steps_per_second": 2.775,
485
+ "step": 600
486
+ },
487
+ {
488
+ "epoch": 0.7682619647355163,
489
+ "grad_norm": 1.8156355619430542,
490
+ "learning_rate": 0.000882923574849399,
491
+ "loss": 7.1042,
492
+ "step": 610
493
+ },
494
+ {
495
+ "epoch": 0.7808564231738035,
496
+ "grad_norm": 2.4351723194122314,
497
+ "learning_rate": 0.0008784868435071861,
498
+ "loss": 6.9231,
499
+ "step": 620
500
+ },
501
+ {
502
+ "epoch": 0.7934508816120907,
503
+ "grad_norm": 2.3676507472991943,
504
+ "learning_rate": 0.0008739793278694784,
505
+ "loss": 7.0717,
506
+ "step": 630
507
+ },
508
+ {
509
+ "epoch": 0.8060453400503779,
510
+ "grad_norm": 2.2056849002838135,
511
+ "learning_rate": 0.0008694018822135399,
512
+ "loss": 6.9117,
513
+ "step": 640
514
+ },
515
+ {
516
+ "epoch": 0.818639798488665,
517
+ "grad_norm": 1.623586893081665,
518
+ "learning_rate": 0.000864755374069972,
519
+ "loss": 6.6581,
520
+ "step": 650
521
+ },
522
+ {
523
+ "epoch": 0.8312342569269522,
524
+ "grad_norm": 2.0398213863372803,
525
+ "learning_rate": 0.0008600406840582961,
526
+ "loss": 7.1913,
527
+ "step": 660
528
+ },
529
+ {
530
+ "epoch": 0.8438287153652393,
531
+ "grad_norm": 1.6448144912719727,
532
+ "learning_rate": 0.0008552587057200568,
533
+ "loss": 6.8668,
534
+ "step": 670
535
+ },
536
+ {
537
+ "epoch": 0.8564231738035264,
538
+ "grad_norm": 1.1676232814788818,
539
+ "learning_rate": 0.0008504103453494745,
540
+ "loss": 6.5517,
541
+ "step": 680
542
+ },
543
+ {
544
+ "epoch": 0.8690176322418136,
545
+ "grad_norm": 19.695444107055664,
546
+ "learning_rate": 0.0008454965218216828,
547
+ "loss": 6.0138,
548
+ "step": 690
549
+ },
550
+ {
551
+ "epoch": 0.8816120906801007,
552
+ "grad_norm": 1.936806082725525,
553
+ "learning_rate": 0.0008405181664185797,
554
+ "loss": 6.7115,
555
+ "step": 700
556
+ },
557
+ {
558
+ "epoch": 0.8816120906801007,
559
+ "eval_loss": NaN,
560
+ "eval_runtime": 15.3262,
561
+ "eval_samples_per_second": 2.74,
562
+ "eval_steps_per_second": 2.74,
563
+ "step": 700
564
+ },
565
+ {
566
+ "epoch": 0.8942065491183879,
567
+ "grad_norm": 1.0898339748382568,
568
+ "learning_rate": 0.0008354762226523293,
569
+ "loss": 7.2575,
570
+ "step": 710
571
+ },
572
+ {
573
+ "epoch": 0.906801007556675,
574
+ "grad_norm": 1.8871369361877441,
575
+ "learning_rate": 0.0008303716460865444,
576
+ "loss": 7.1923,
577
+ "step": 720
578
+ },
579
+ {
580
+ "epoch": 0.9193954659949622,
581
+ "grad_norm": 1.402613639831543,
582
+ "learning_rate": 0.0008252054041551846,
583
+ "loss": 6.6392,
584
+ "step": 730
585
+ },
586
+ {
587
+ "epoch": 0.9319899244332494,
588
+ "grad_norm": 2.2640938758850098,
589
+ "learning_rate": 0.0008199784759792064,
590
+ "loss": 7.136,
591
+ "step": 740
592
+ },
593
+ {
594
+ "epoch": 0.9445843828715366,
595
+ "grad_norm": 0.9886698722839355,
596
+ "learning_rate": 0.0008146918521809975,
597
+ "loss": 6.6487,
598
+ "step": 750
599
+ },
600
+ {
601
+ "epoch": 0.9571788413098237,
602
+ "grad_norm": 1.0600054264068604,
603
+ "learning_rate": 0.0008093465346966299,
604
+ "loss": 6.9025,
605
+ "step": 760
606
+ },
607
+ {
608
+ "epoch": 0.9697732997481109,
609
+ "grad_norm": 1.1450759172439575,
610
+ "learning_rate": 0.0008039435365859717,
611
+ "loss": 7.0955,
612
+ "step": 770
613
+ },
614
+ {
615
+ "epoch": 0.982367758186398,
616
+ "grad_norm": 1.5099146366119385,
617
+ "learning_rate": 0.0007984838818406879,
618
+ "loss": 6.3033,
619
+ "step": 780
620
+ },
621
+ {
622
+ "epoch": 0.9949622166246851,
623
+ "grad_norm": 0.9716188311576843,
624
+ "learning_rate": 0.000792968605190172,
625
+ "loss": 6.8283,
626
+ "step": 790
627
+ },
628
+ {
629
+ "epoch": 1.0075566750629723,
630
+ "grad_norm": 2.8636345863342285,
631
+ "learning_rate": 0.0007873987519054385,
632
+ "loss": 6.0414,
633
+ "step": 800
634
+ },
635
+ {
636
+ "epoch": 1.0075566750629723,
637
+ "eval_loss": NaN,
638
+ "eval_runtime": 15.4227,
639
+ "eval_samples_per_second": 2.723,
640
+ "eval_steps_per_second": 2.723,
641
+ "step": 800
642
+ },
643
+ {
644
+ "epoch": 1.0201511335012594,
645
+ "grad_norm": 2.396373748779297,
646
+ "learning_rate": 0.0007817753776010232,
647
+ "loss": 6.3219,
648
+ "step": 810
649
+ },
650
+ {
651
+ "epoch": 1.0327455919395465,
652
+ "grad_norm": 1.2031290531158447,
653
+ "learning_rate": 0.0007760995480349184,
654
+ "loss": 6.2492,
655
+ "step": 820
656
+ },
657
+ {
658
+ "epoch": 1.0453400503778338,
659
+ "grad_norm": 3.029849052429199,
660
+ "learning_rate": 0.0007703723389065873,
661
+ "loss": 6.4878,
662
+ "step": 830
663
+ },
664
+ {
665
+ "epoch": 1.057934508816121,
666
+ "grad_norm": 3.050990104675293,
667
+ "learning_rate": 0.0007645948356530953,
668
+ "loss": 5.9352,
669
+ "step": 840
670
+ },
671
+ {
672
+ "epoch": 1.070528967254408,
673
+ "grad_norm": 1.3113600015640259,
674
+ "learning_rate": 0.000758768133243394,
675
+ "loss": 6.3298,
676
+ "step": 850
677
+ },
678
+ {
679
+ "epoch": 1.0831234256926952,
680
+ "grad_norm": 1.306564450263977,
681
+ "learning_rate": 0.0007528933359708001,
682
+ "loss": 6.4415,
683
+ "step": 860
684
+ },
685
+ {
686
+ "epoch": 1.0957178841309823,
687
+ "grad_norm": 1.9978339672088623,
688
+ "learning_rate": 0.0007469715572437062,
689
+ "loss": 6.4877,
690
+ "step": 870
691
+ },
692
+ {
693
+ "epoch": 1.1083123425692696,
694
+ "grad_norm": 1.6242040395736694,
695
+ "learning_rate": 0.0007410039193745646,
696
+ "loss": 6.7378,
697
+ "step": 880
698
+ },
699
+ {
700
+ "epoch": 1.1209068010075567,
701
+ "grad_norm": 1.457687258720398,
702
+ "learning_rate": 0.0007349915533671839,
703
+ "loss": 5.9593,
704
+ "step": 890
705
+ },
706
+ {
707
+ "epoch": 1.1335012594458438,
708
+ "grad_norm": 12.794464111328125,
709
+ "learning_rate": 0.0007289355987023768,
710
+ "loss": 6.428,
711
+ "step": 900
712
+ },
713
+ {
714
+ "epoch": 1.1335012594458438,
715
+ "eval_loss": NaN,
716
+ "eval_runtime": 15.3011,
717
+ "eval_samples_per_second": 2.745,
718
+ "eval_steps_per_second": 2.745,
719
+ "step": 900
720
+ },
721
+ {
722
+ "epoch": 1.146095717884131,
723
+ "grad_norm": 1.6018197536468506,
724
+ "learning_rate": 0.0007228372031220035,
725
+ "loss": 6.0791,
726
+ "step": 910
727
+ },
728
+ {
729
+ "epoch": 1.1586901763224182,
730
+ "grad_norm": 1.2083125114440918,
731
+ "learning_rate": 0.000716697522411448,
732
+ "loss": 6.1847,
733
+ "step": 920
734
+ },
735
+ {
736
+ "epoch": 1.1712846347607053,
737
+ "grad_norm": 1.2754706144332886,
738
+ "learning_rate": 0.0007105177201805702,
739
+ "loss": 6.5466,
740
+ "step": 930
741
+ },
742
+ {
743
+ "epoch": 1.1838790931989924,
744
+ "grad_norm": 2407.5634765625,
745
+ "learning_rate": 0.0007042989676431752,
746
+ "loss": 6.0645,
747
+ "step": 940
748
+ },
749
+ {
750
+ "epoch": 1.1964735516372795,
751
+ "grad_norm": 3.1770615577697754,
752
+ "learning_rate": 0.0006980424433950421,
753
+ "loss": 13.3282,
754
+ "step": 950
755
+ },
756
+ {
757
+ "epoch": 1.2090680100755669,
758
+ "grad_norm": 4.1725993156433105,
759
+ "learning_rate": 0.0006917493331905523,
760
+ "loss": 6.1844,
761
+ "step": 960
762
+ },
763
+ {
764
+ "epoch": 1.221662468513854,
765
+ "grad_norm": 2.3469631671905518,
766
+ "learning_rate": 0.0006854208297179626,
767
+ "loss": 6.1732,
768
+ "step": 970
769
+ },
770
+ {
771
+ "epoch": 1.234256926952141,
772
+ "grad_norm": 4.253868579864502,
773
+ "learning_rate": 0.0006790581323733633,
774
+ "loss": 6.6594,
775
+ "step": 980
776
+ },
777
+ {
778
+ "epoch": 1.2468513853904282,
779
+ "grad_norm": 0.4837864637374878,
780
+ "learning_rate": 0.000672662447033365,
781
+ "loss": 6.4401,
782
+ "step": 990
783
+ },
784
+ {
785
+ "epoch": 1.2594458438287153,
786
+ "grad_norm": 0.912817120552063,
787
+ "learning_rate": 0.0006662349858265576,
788
+ "loss": 6.3167,
789
+ "step": 1000
790
+ },
791
+ {
792
+ "epoch": 1.2594458438287153,
793
+ "eval_loss": NaN,
794
+ "eval_runtime": 15.4775,
795
+ "eval_samples_per_second": 2.714,
796
+ "eval_steps_per_second": 2.714,
797
+ "step": 1000
798
+ },
799
+ {
800
+ "epoch": 1.2720403022670026,
801
+ "grad_norm": 2.411555767059326,
802
+ "learning_rate": 0.0006597769669037844,
803
+ "loss": 6.043,
804
+ "step": 1010
805
+ },
806
+ {
807
+ "epoch": 1.2846347607052897,
808
+ "grad_norm": 1.488756537437439,
809
+ "learning_rate": 0.0006532896142072744,
810
+ "loss": 6.5599,
811
+ "step": 1020
812
+ },
813
+ {
814
+ "epoch": 1.2972292191435768,
815
+ "grad_norm": 1.906882643699646,
816
+ "learning_rate": 0.0006467741572386773,
817
+ "loss": 6.6445,
818
+ "step": 1030
819
+ },
820
+ {
821
+ "epoch": 1.309823677581864,
822
+ "grad_norm": 1.155110478401184,
823
+ "learning_rate": 0.0006402318308260451,
824
+ "loss": 6.4565,
825
+ "step": 1040
826
+ },
827
+ {
828
+ "epoch": 1.322418136020151,
829
+ "grad_norm": 1.057112693786621,
830
+ "learning_rate": 0.0006336638748898033,
831
+ "loss": 5.8222,
832
+ "step": 1050
833
+ },
834
+ {
835
+ "epoch": 1.3350125944584383,
836
+ "grad_norm": 147.21507263183594,
837
+ "learning_rate": 0.0006270715342077584,
838
+ "loss": 6.1143,
839
+ "step": 1060
840
+ },
841
+ {
842
+ "epoch": 1.3476070528967254,
843
+ "grad_norm": 1.0020054578781128,
844
+ "learning_rate": 0.0006204560581791837,
845
+ "loss": 6.625,
846
+ "step": 1070
847
+ },
848
+ {
849
+ "epoch": 1.3602015113350125,
850
+ "grad_norm": 1.1355900764465332,
851
+ "learning_rate": 0.0006138187005880293,
852
+ "loss": 6.4284,
853
+ "step": 1080
854
+ },
855
+ {
856
+ "epoch": 1.3727959697732999,
857
+ "grad_norm": 1.4387480020523071,
858
+ "learning_rate": 0.0006071607193653024,
859
+ "loss": 6.0397,
860
+ "step": 1090
861
+ },
862
+ {
863
+ "epoch": 1.385390428211587,
864
+ "grad_norm": 0.8876716494560242,
865
+ "learning_rate": 0.0006004833763506589,
866
+ "loss": 6.0359,
867
+ "step": 1100
868
+ },
869
+ {
870
+ "epoch": 1.385390428211587,
871
+ "eval_loss": NaN,
872
+ "eval_runtime": 15.3917,
873
+ "eval_samples_per_second": 2.729,
874
+ "eval_steps_per_second": 2.729,
875
+ "step": 1100
876
+ },
877
+ {
878
+ "epoch": 1.397984886649874,
879
+ "grad_norm": 10.183558464050293,
880
+ "learning_rate": 0.0005937879370532575,
881
+ "loss": 6.5227,
882
+ "step": 1110
883
+ },
884
+ {
885
+ "epoch": 1.4105793450881612,
886
+ "grad_norm": 4.989817142486572,
887
+ "learning_rate": 0.0005870756704119161,
888
+ "loss": 5.7424,
889
+ "step": 1120
890
+ },
891
+ {
892
+ "epoch": 1.4231738035264483,
893
+ "grad_norm": 0.8695787191390991,
894
+ "learning_rate": 0.000580347848554619,
895
+ "loss": 6.1259,
896
+ "step": 1130
897
+ },
898
+ {
899
+ "epoch": 1.4357682619647356,
900
+ "grad_norm": 2.9313132762908936,
901
+ "learning_rate": 0.0005736057465574194,
902
+ "loss": 6.2371,
903
+ "step": 1140
904
+ },
905
+ {
906
+ "epoch": 1.4483627204030227,
907
+ "grad_norm": 15.412851333618164,
908
+ "learning_rate": 0.0005668506422027838,
909
+ "loss": 6.4632,
910
+ "step": 1150
911
+ },
912
+ {
913
+ "epoch": 1.4609571788413098,
914
+ "grad_norm": 1.714887022972107,
915
+ "learning_rate": 0.0005600838157374224,
916
+ "loss": 6.1565,
917
+ "step": 1160
918
+ },
919
+ {
920
+ "epoch": 1.473551637279597,
921
+ "grad_norm": 7.269957542419434,
922
+ "learning_rate": 0.0005533065496296534,
923
+ "loss": 6.3067,
924
+ "step": 1170
925
+ },
926
+ {
927
+ "epoch": 1.486146095717884,
928
+ "grad_norm": 7.1710591316223145,
929
+ "learning_rate": 0.000546520128326346,
930
+ "loss": 6.1889,
931
+ "step": 1180
932
+ },
933
+ {
934
+ "epoch": 1.4987405541561714,
935
+ "grad_norm": 1.08518648147583,
936
+ "learning_rate": 0.0005397258380094882,
937
+ "loss": 6.0912,
938
+ "step": 1190
939
+ },
940
+ {
941
+ "epoch": 1.5113350125944585,
942
+ "grad_norm": 1.5827178955078125,
943
+ "learning_rate": 0.0005329249663524261,
944
+ "loss": 6.3701,
945
+ "step": 1200
946
+ },
947
+ {
948
+ "epoch": 1.5113350125944585,
949
+ "eval_loss": NaN,
950
+ "eval_runtime": 15.1761,
951
+ "eval_samples_per_second": 2.768,
952
+ "eval_steps_per_second": 2.768,
953
+ "step": 1200
954
+ },
955
+ {
956
+ "epoch": 1.5239294710327456,
957
+ "grad_norm": 2.0807712078094482,
958
+ "learning_rate": 0.00052611880227582,
959
+ "loss": 6.3354,
960
+ "step": 1210
961
+ },
962
+ {
963
+ "epoch": 1.536523929471033,
964
+ "grad_norm": 0.9915687441825867,
965
+ "learning_rate": 0.000519308635703365,
966
+ "loss": 6.1947,
967
+ "step": 1220
968
+ },
969
+ {
970
+ "epoch": 1.5491183879093198,
971
+ "grad_norm": 2.210996150970459,
972
+ "learning_rate": 0.0005124957573173205,
973
+ "loss": 6.4126,
974
+ "step": 1230
975
+ },
976
+ {
977
+ "epoch": 1.561712846347607,
978
+ "grad_norm": 0.8593767285346985,
979
+ "learning_rate": 0.0005056814583138962,
980
+ "loss": 6.0815,
981
+ "step": 1240
982
+ },
983
+ {
984
+ "epoch": 1.5743073047858942,
985
+ "grad_norm": 6.98859167098999,
986
+ "learning_rate": 0.0004988670301585422,
987
+ "loss": 5.6936,
988
+ "step": 1250
989
+ },
990
+ {
991
+ "epoch": 1.5869017632241813,
992
+ "grad_norm": 1.7452690601348877,
993
+ "learning_rate": 0.0004920537643411849,
994
+ "loss": 6.5348,
995
+ "step": 1260
996
+ },
997
+ {
998
+ "epoch": 1.5994962216624686,
999
+ "grad_norm": 2.5241520404815674,
1000
+ "learning_rate": 0.0004852429521314616,
1001
+ "loss": 6.0232,
1002
+ "step": 1270
1003
+ },
1004
+ {
1005
+ "epoch": 1.6120906801007555,
1006
+ "grad_norm": 0.8746917247772217,
1007
+ "learning_rate": 0.0004784358843339947,
1008
+ "loss": 6.1688,
1009
+ "step": 1280
1010
+ },
1011
+ {
1012
+ "epoch": 1.6246851385390428,
1013
+ "grad_norm": 1.0631097555160522,
1014
+ "learning_rate": 0.0004716338510437549,
1015
+ "loss": 6.3,
1016
+ "step": 1290
1017
+ },
1018
+ {
1019
+ "epoch": 1.63727959697733,
1020
+ "grad_norm": 6.525661945343018,
1021
+ "learning_rate": 0.00046483814140155867,
1022
+ "loss": 6.9225,
1023
+ "step": 1300
1024
+ },
1025
+ {
1026
+ "epoch": 1.63727959697733,
1027
+ "eval_loss": NaN,
1028
+ "eval_runtime": 15.3269,
1029
+ "eval_samples_per_second": 2.74,
1030
+ "eval_steps_per_second": 2.74,
1031
+ "step": 1300
1032
+ },
1033
+ {
1034
+ "epoch": 1.649874055415617,
1035
+ "grad_norm": 0.913987398147583,
1036
+ "learning_rate": 0.0004580500433497467,
1037
+ "loss": 6.1362,
1038
+ "step": 1310
1039
+ },
1040
+ {
1041
+ "epoch": 1.6624685138539044,
1042
+ "grad_norm": 1.5815681219100952,
1043
+ "learning_rate": 0.00045127084338808906,
1044
+ "loss": 6.4123,
1045
+ "step": 1320
1046
+ },
1047
+ {
1048
+ "epoch": 1.6750629722921915,
1049
+ "grad_norm": 1.3284748792648315,
1050
+ "learning_rate": 0.00044450182632996445,
1051
+ "loss": 6.1109,
1052
+ "step": 1330
1053
+ },
1054
+ {
1055
+ "epoch": 1.6876574307304786,
1056
+ "grad_norm": 1.746523380279541,
1057
+ "learning_rate": 0.0004377442750588584,
1058
+ "loss": 6.3474,
1059
+ "step": 1340
1060
+ },
1061
+ {
1062
+ "epoch": 1.700251889168766,
1063
+ "grad_norm": 6.772982597351074,
1064
+ "learning_rate": 0.0004309994702852283,
1065
+ "loss": 6.0853,
1066
+ "step": 1350
1067
+ },
1068
+ {
1069
+ "epoch": 1.7128463476070528,
1070
+ "grad_norm": 1.758326768875122,
1071
+ "learning_rate": 0.00042426869030377795,
1072
+ "loss": 6.4546,
1073
+ "step": 1360
1074
+ },
1075
+ {
1076
+ "epoch": 1.7254408060453401,
1077
+ "grad_norm": 19.387592315673828,
1078
+ "learning_rate": 0.00041755321075119306,
1079
+ "loss": 6.0784,
1080
+ "step": 1370
1081
+ },
1082
+ {
1083
+ "epoch": 1.7380352644836272,
1084
+ "grad_norm": 0.7060778737068176,
1085
+ "learning_rate": 0.0004108543043643778,
1086
+ "loss": 6.5413,
1087
+ "step": 1380
1088
+ },
1089
+ {
1090
+ "epoch": 1.7506297229219143,
1091
+ "grad_norm": 22.071979522705078,
1092
+ "learning_rate": 0.000404173240739243,
1093
+ "loss": 6.1817,
1094
+ "step": 1390
1095
+ },
1096
+ {
1097
+ "epoch": 1.7632241813602016,
1098
+ "grad_norm": 6.522192001342773,
1099
+ "learning_rate": 0.0003975112860900878,
1100
+ "loss": 6.5807,
1101
+ "step": 1400
1102
+ },
1103
+ {
1104
+ "epoch": 1.7632241813602016,
1105
+ "eval_loss": NaN,
1106
+ "eval_runtime": 15.3374,
1107
+ "eval_samples_per_second": 2.738,
1108
+ "eval_steps_per_second": 2.738,
1109
+ "step": 1400
1110
+ },
1111
+ {
1112
+ "epoch": 1.7758186397984885,
1113
+ "grad_norm": 0.940758228302002,
1114
+ "learning_rate": 0.0003908697030096239,
1115
+ "loss": 6.1871,
1116
+ "step": 1410
1117
+ },
1118
+ {
1119
+ "epoch": 1.7884130982367759,
1120
+ "grad_norm": 2.718416929244995,
1121
+ "learning_rate": 0.00038424975022968456,
1122
+ "loss": 6.3521,
1123
+ "step": 1420
1124
+ },
1125
+ {
1126
+ "epoch": 1.801007556675063,
1127
+ "grad_norm": 13.035350799560547,
1128
+ "learning_rate": 0.0003776526823826671,
1129
+ "loss": 6.4073,
1130
+ "step": 1430
1131
+ },
1132
+ {
1133
+ "epoch": 1.81360201511335,
1134
+ "grad_norm": 16.264127731323242,
1135
+ "learning_rate": 0.00037107974976375023,
1136
+ "loss": 6.0222,
1137
+ "step": 1440
1138
+ },
1139
+ {
1140
+ "epoch": 1.8261964735516374,
1141
+ "grad_norm": 9.861279487609863,
1142
+ "learning_rate": 0.000364532198093936,
1143
+ "loss": 5.5407,
1144
+ "step": 1450
1145
+ },
1146
+ {
1147
+ "epoch": 1.8387909319899243,
1148
+ "grad_norm": 6.148726463317871,
1149
+ "learning_rate": 0.0003580112682839554,
1150
+ "loss": 6.162,
1151
+ "step": 1460
1152
+ },
1153
+ {
1154
+ "epoch": 1.8513853904282116,
1155
+ "grad_norm": 1.1691336631774902,
1156
+ "learning_rate": 0.0003515181961990892,
1157
+ "loss": 6.2415,
1158
+ "step": 1470
1159
+ },
1160
+ {
1161
+ "epoch": 1.8639798488664987,
1162
+ "grad_norm": 5.119348526000977,
1163
+ "learning_rate": 0.00034505421242494186,
1164
+ "loss": 6.3736,
1165
+ "step": 1480
1166
+ },
1167
+ {
1168
+ "epoch": 1.8765743073047858,
1169
+ "grad_norm": 4.946280479431152,
1170
+ "learning_rate": 0.00033862054203421795,
1171
+ "loss": 6.3236,
1172
+ "step": 1490
1173
+ },
1174
+ {
1175
+ "epoch": 1.8891687657430731,
1176
+ "grad_norm": 1.3196860551834106,
1177
+ "learning_rate": 0.0003322184043545431,
1178
+ "loss": 6.8649,
1179
+ "step": 1500
1180
+ },
1181
+ {
1182
+ "epoch": 1.8891687657430731,
1183
+ "eval_loss": NaN,
1184
+ "eval_runtime": 15.3118,
1185
+ "eval_samples_per_second": 2.743,
1186
+ "eval_steps_per_second": 2.743,
1187
+ "step": 1500
1188
+ },
1189
+ {
1190
+ "epoch": 1.9017632241813602,
1191
+ "grad_norm": 43.375179290771484,
1192
+ "learning_rate": 0.0003258490127373731,
1193
+ "loss": 5.9977,
1194
+ "step": 1510
1195
+ },
1196
+ {
1197
+ "epoch": 1.9143576826196473,
1198
+ "grad_norm": 2.4827260971069336,
1199
+ "learning_rate": 0.00031951357432803636,
1200
+ "loss": 6.5355,
1201
+ "step": 1520
1202
+ },
1203
+ {
1204
+ "epoch": 1.9269521410579347,
1205
+ "grad_norm": 1.779510736465454,
1206
+ "learning_rate": 0.00031321328983695225,
1207
+ "loss": 5.9877,
1208
+ "step": 1530
1209
+ },
1210
+ {
1211
+ "epoch": 1.9395465994962215,
1212
+ "grad_norm": 9.966399192810059,
1213
+ "learning_rate": 0.00030694935331206867,
1214
+ "loss": 5.8464,
1215
+ "step": 1540
1216
+ },
1217
+ {
1218
+ "epoch": 1.9521410579345089,
1219
+ "grad_norm": 1.7442153692245483,
1220
+ "learning_rate": 0.0003007229519125633,
1221
+ "loss": 6.3703,
1222
+ "step": 1550
1223
+ },
1224
+ {
1225
+ "epoch": 1.964735516372796,
1226
+ "grad_norm": 12.200019836425781,
1227
+ "learning_rate": 0.0002945352656838491,
1228
+ "loss": 6.3838,
1229
+ "step": 1560
1230
+ },
1231
+ {
1232
+ "epoch": 1.977329974811083,
1233
+ "grad_norm": 1.6653344631195068,
1234
+ "learning_rate": 0.0002883874673339291,
1235
+ "loss": 6.4439,
1236
+ "step": 1570
1237
+ },
1238
+ {
1239
+ "epoch": 1.9899244332493704,
1240
+ "grad_norm": 2.319791078567505,
1241
+ "learning_rate": 0.00028228072201114156,
1242
+ "loss": 6.5633,
1243
+ "step": 1580
1244
+ },
1245
+ {
1246
+ "epoch": 2.0025188916876573,
1247
+ "grad_norm": 14.965546607971191,
1248
+ "learning_rate": 0.00027621618708333746,
1249
+ "loss": 6.3788,
1250
+ "step": 1590
1251
+ },
1252
+ {
1253
+ "epoch": 2.0151133501259446,
1254
+ "grad_norm": 37.10917663574219,
1255
+ "learning_rate": 0.0002701950119185332,
1256
+ "loss": 6.1397,
1257
+ "step": 1600
1258
+ },
1259
+ {
1260
+ "epoch": 2.0151133501259446,
1261
+ "eval_loss": NaN,
1262
+ "eval_runtime": 15.2229,
1263
+ "eval_samples_per_second": 2.759,
1264
+ "eval_steps_per_second": 2.759,
1265
+ "step": 1600
1266
+ },
1267
+ {
1268
+ "epoch": 2.027707808564232,
1269
+ "grad_norm": 21.792129516601562,
1270
+ "learning_rate": 0.00026421833766707804,
1271
+ "loss": 6.0449,
1272
+ "step": 1610
1273
+ },
1274
+ {
1275
+ "epoch": 2.040302267002519,
1276
+ "grad_norm": 1.4153228998184204,
1277
+ "learning_rate": 0.0002582872970453817,
1278
+ "loss": 6.1041,
1279
+ "step": 1620
1280
+ },
1281
+ {
1282
+ "epoch": 2.052896725440806,
1283
+ "grad_norm": 19.016847610473633,
1284
+ "learning_rate": 0.0002524030141212369,
1285
+ "loss": 5.3807,
1286
+ "step": 1630
1287
+ },
1288
+ {
1289
+ "epoch": 2.065491183879093,
1290
+ "grad_norm": 2.5831799507141113,
1291
+ "learning_rate": 0.0002465666041007844,
1292
+ "loss": 5.7776,
1293
+ "step": 1640
1294
+ },
1295
+ {
1296
+ "epoch": 2.0780856423173804,
1297
+ "grad_norm": 5.981635093688965,
1298
+ "learning_rate": 0.00024077917311715518,
1299
+ "loss": 6.3134,
1300
+ "step": 1650
1301
+ },
1302
+ {
1303
+ "epoch": 2.0906801007556677,
1304
+ "grad_norm": 4.322854995727539,
1305
+ "learning_rate": 0.0002350418180208324,
1306
+ "loss": 6.4723,
1307
+ "step": 1660
1308
+ },
1309
+ {
1310
+ "epoch": 2.1032745591939546,
1311
+ "grad_norm": 0.8821796178817749,
1312
+ "learning_rate": 0.00022935562617177452,
1313
+ "loss": 6.219,
1314
+ "step": 1670
1315
+ },
1316
+ {
1317
+ "epoch": 2.115869017632242,
1318
+ "grad_norm": 1.473185420036316,
1319
+ "learning_rate": 0.0002237216752333342,
1320
+ "loss": 6.3348,
1321
+ "step": 1680
1322
+ },
1323
+ {
1324
+ "epoch": 2.1284634760705288,
1325
+ "grad_norm": 45.26899719238281,
1326
+ "learning_rate": 0.00021814103296801765,
1327
+ "loss": 6.497,
1328
+ "step": 1690
1329
+ },
1330
+ {
1331
+ "epoch": 2.141057934508816,
1332
+ "grad_norm": 1.3694355487823486,
1333
+ "learning_rate": 0.00021261475703511886,
1334
+ "loss": 5.7675,
1335
+ "step": 1700
1336
+ },
1337
+ {
1338
+ "epoch": 2.141057934508816,
1339
+ "eval_loss": NaN,
1340
+ "eval_runtime": 15.2608,
1341
+ "eval_samples_per_second": 2.752,
1342
+ "eval_steps_per_second": 2.752,
1343
+ "step": 1700
1344
+ },
1345
+ {
1346
+ "epoch": 2.1536523929471034,
1347
+ "grad_norm": 3.0793488025665283,
1348
+ "learning_rate": 0.00020714389479026886,
1349
+ "loss": 5.9433,
1350
+ "step": 1710
1351
+ },
1352
+ {
1353
+ "epoch": 2.1662468513853903,
1354
+ "grad_norm": 6.340664863586426,
1355
+ "learning_rate": 0.00020172948308693747,
1356
+ "loss": 5.8344,
1357
+ "step": 1720
1358
+ },
1359
+ {
1360
+ "epoch": 2.1788413098236776,
1361
+ "grad_norm": 10.123492240905762,
1362
+ "learning_rate": 0.00019637254807992693,
1363
+ "loss": 5.8357,
1364
+ "step": 1730
1365
+ },
1366
+ {
1367
+ "epoch": 2.1914357682619645,
1368
+ "grad_norm": 1.9418385028839111,
1369
+ "learning_rate": 0.000191074105030891,
1370
+ "loss": 6.1829,
1371
+ "step": 1740
1372
+ },
1373
+ {
1374
+ "epoch": 2.204030226700252,
1375
+ "grad_norm": 4.6294732093811035,
1376
+ "learning_rate": 0.00018583515811592066,
1377
+ "loss": 6.0258,
1378
+ "step": 1750
1379
+ },
1380
+ {
1381
+ "epoch": 2.216624685138539,
1382
+ "grad_norm": 2.012091636657715,
1383
+ "learning_rate": 0.00018065670023522873,
1384
+ "loss": 5.9511,
1385
+ "step": 1760
1386
+ },
1387
+ {
1388
+ "epoch": 2.229219143576826,
1389
+ "grad_norm": 13.326998710632324,
1390
+ "learning_rate": 0.00017553971282497377,
1391
+ "loss": 6.4601,
1392
+ "step": 1770
1393
+ },
1394
+ {
1395
+ "epoch": 2.2418136020151134,
1396
+ "grad_norm": 65.63765716552734,
1397
+ "learning_rate": 0.00017048516567125406,
1398
+ "loss": 6.0541,
1399
+ "step": 1780
1400
+ },
1401
+ {
1402
+ "epoch": 2.2544080604534007,
1403
+ "grad_norm": 1.0482648611068726,
1404
+ "learning_rate": 0.0001654940167263127,
1405
+ "loss": 6.3912,
1406
+ "step": 1790
1407
+ },
1408
+ {
1409
+ "epoch": 2.2670025188916876,
1410
+ "grad_norm": 1.324476957321167,
1411
+ "learning_rate": 0.00016056721192698185,
1412
+ "loss": 6.2605,
1413
+ "step": 1800
1414
+ },
1415
+ {
1416
+ "epoch": 2.2670025188916876,
1417
+ "eval_loss": NaN,
1418
+ "eval_runtime": 15.2431,
1419
+ "eval_samples_per_second": 2.755,
1420
+ "eval_steps_per_second": 2.755,
1421
+ "step": 1800
1422
+ },
1423
+ {
1424
+ "epoch": 2.279596977329975,
1425
+ "grad_norm": 1.1805267333984375,
1426
+ "learning_rate": 0.0001557056850154078,
1427
+ "loss": 5.8732,
1428
+ "step": 1810
1429
+ },
1430
+ {
1431
+ "epoch": 2.292191435768262,
1432
+ "grad_norm": 3.1749534606933594,
1433
+ "learning_rate": 0.00015091035736208437,
1434
+ "loss": 6.3552,
1435
+ "step": 1820
1436
+ },
1437
+ {
1438
+ "epoch": 2.304785894206549,
1439
+ "grad_norm": 8.554312705993652,
1440
+ "learning_rate": 0.00014618213779123268,
1441
+ "loss": 6.2407,
1442
+ "step": 1830
1443
+ },
1444
+ {
1445
+ "epoch": 2.3173803526448364,
1446
+ "grad_norm": 5.832612991333008,
1447
+ "learning_rate": 0.00014152192240855774,
1448
+ "loss": 6.2874,
1449
+ "step": 1840
1450
+ },
1451
+ {
1452
+ "epoch": 2.3299748110831233,
1453
+ "grad_norm": 7.480172157287598,
1454
+ "learning_rate": 0.00013693059443141648,
1455
+ "loss": 5.5811,
1456
+ "step": 1850
1457
+ },
1458
+ {
1459
+ "epoch": 2.3425692695214106,
1460
+ "grad_norm": 17.8604793548584,
1461
+ "learning_rate": 0.0001324090240214272,
1462
+ "loss": 6.0511,
1463
+ "step": 1860
1464
+ },
1465
+ {
1466
+ "epoch": 2.355163727959698,
1467
+ "grad_norm": 73.90760803222656,
1468
+ "learning_rate": 0.00012795806811955496,
1469
+ "loss": 5.7841,
1470
+ "step": 1870
1471
+ },
1472
+ {
1473
+ "epoch": 2.367758186397985,
1474
+ "grad_norm": 83.39054870605469,
1475
+ "learning_rate": 0.00012357857028370055,
1476
+ "loss": 6.2784,
1477
+ "step": 1880
1478
+ },
1479
+ {
1480
+ "epoch": 2.380352644836272,
1481
+ "grad_norm": 268.36724853515625,
1482
+ "learning_rate": 0.00011927136052882816,
1483
+ "loss": 6.1363,
1484
+ "step": 1890
1485
+ },
1486
+ {
1487
+ "epoch": 2.392947103274559,
1488
+ "grad_norm": 3.740187406539917,
1489
+ "learning_rate": 0.00011503725516965741,
1490
+ "loss": 5.8788,
1491
+ "step": 1900
1492
+ },
1493
+ {
1494
+ "epoch": 2.392947103274559,
1495
+ "eval_loss": NaN,
1496
+ "eval_runtime": 15.446,
1497
+ "eval_samples_per_second": 2.719,
1498
+ "eval_steps_per_second": 2.719,
1499
+ "step": 1900
1500
+ },
1501
+ {
1502
+ "epoch": 2.4055415617128464,
1503
+ "grad_norm": 28.20012092590332,
1504
+ "learning_rate": 0.00011087705666595408,
1505
+ "loss": 6.2386,
1506
+ "step": 1910
1507
+ },
1508
+ {
1509
+ "epoch": 2.4181360201511337,
1510
+ "grad_norm": 303.59649658203125,
1511
+ "learning_rate": 0.00010679155347044514,
1512
+ "loss": 6.1873,
1513
+ "step": 1920
1514
+ },
1515
+ {
1516
+ "epoch": 2.4307304785894206,
1517
+ "grad_norm": 9.479316711425781,
1518
+ "learning_rate": 0.00010278151987938858,
1519
+ "loss": 5.6748,
1520
+ "step": 1930
1521
+ },
1522
+ {
1523
+ "epoch": 2.443324937027708,
1524
+ "grad_norm": 11.061058044433594,
1525
+ "learning_rate": 9.884771588582731e-05,
1526
+ "loss": 5.9298,
1527
+ "step": 1940
1528
+ },
1529
+ {
1530
+ "epoch": 2.455919395465995,
1531
+ "grad_norm": 3.6306285858154297,
1532
+ "learning_rate": 9.499088703555286e-05,
1533
+ "loss": 6.2918,
1534
+ "step": 1950
1535
+ },
1536
+ {
1537
+ "epoch": 2.468513853904282,
1538
+ "grad_norm": 0.8030872344970703,
1539
+ "learning_rate": 9.121176428580683e-05,
1540
+ "loss": 6.0907,
1541
+ "step": 1960
1542
+ },
1543
+ {
1544
+ "epoch": 2.4811083123425695,
1545
+ "grad_norm": 12.907964706420898,
1546
+ "learning_rate": 8.751106386674875e-05,
1547
+ "loss": 5.7241,
1548
+ "step": 1970
1549
+ },
1550
+ {
1551
+ "epoch": 2.4937027707808563,
1552
+ "grad_norm": 7.6929450035095215,
1553
+ "learning_rate": 8.388948714571339e-05,
1554
+ "loss": 6.2008,
1555
+ "step": 1980
1556
+ },
1557
+ {
1558
+ "epoch": 2.5062972292191437,
1559
+ "grad_norm": 18.33698844909668,
1560
+ "learning_rate": 8.03477204942856e-05,
1561
+ "loss": 5.8969,
1562
+ "step": 1990
1563
+ },
1564
+ {
1565
+ "epoch": 2.5188916876574305,
1566
+ "grad_norm": 12.14580249786377,
1567
+ "learning_rate": 7.688643515821794e-05,
1568
+ "loss": 6.0279,
1569
+ "step": 2000
1570
+ },
1571
+ {
1572
+ "epoch": 2.5188916876574305,
1573
+ "eval_loss": NaN,
1574
+ "eval_runtime": 15.4275,
1575
+ "eval_samples_per_second": 2.722,
1576
+ "eval_steps_per_second": 2.722,
1577
+ "step": 2000
1578
+ },
1579
+ {
1580
+ "epoch": 2.531486146095718,
1581
+ "grad_norm": 18.05765724182129,
1582
+ "learning_rate": 7.350628713021318e-05,
1583
+ "loss": 5.5725,
1584
+ "step": 2010
1585
+ },
1586
+ {
1587
+ "epoch": 2.544080604534005,
1588
+ "grad_norm": 1.635270595550537,
1589
+ "learning_rate": 7.020791702559972e-05,
1590
+ "loss": 6.1687,
1591
+ "step": 2020
1592
+ },
1593
+ {
1594
+ "epoch": 2.556675062972292,
1595
+ "grad_norm": 3.140681266784668,
1596
+ "learning_rate": 6.699194996091947e-05,
1597
+ "loss": 6.0122,
1598
+ "step": 2030
1599
+ },
1600
+ {
1601
+ "epoch": 2.5692695214105794,
1602
+ "grad_norm": 109.08464050292969,
1603
+ "learning_rate": 6.385899543545474e-05,
1604
+ "loss": 5.7281,
1605
+ "step": 2040
1606
+ },
1607
+ {
1608
+ "epoch": 2.5818639798488663,
1609
+ "grad_norm": 26.377573013305664,
1610
+ "learning_rate": 6.0809647215713464e-05,
1611
+ "loss": 6.0238,
1612
+ "step": 2050
1613
+ },
1614
+ {
1615
+ "epoch": 2.5944584382871536,
1616
+ "grad_norm": 1.1812814474105835,
1617
+ "learning_rate": 5.784448322289772e-05,
1618
+ "loss": 5.5657,
1619
+ "step": 2060
1620
+ },
1621
+ {
1622
+ "epoch": 2.607052896725441,
1623
+ "grad_norm": 21.708324432373047,
1624
+ "learning_rate": 5.496406542337348e-05,
1625
+ "loss": 5.9767,
1626
+ "step": 2070
1627
+ },
1628
+ {
1629
+ "epoch": 2.619647355163728,
1630
+ "grad_norm": 23.635461807250977,
1631
+ "learning_rate": 5.2168939722165906e-05,
1632
+ "loss": 6.0625,
1633
+ "step": 2080
1634
+ },
1635
+ {
1636
+ "epoch": 2.632241813602015,
1637
+ "grad_norm": 5.608989715576172,
1638
+ "learning_rate": 4.945963585949741e-05,
1639
+ "loss": 6.1439,
1640
+ "step": 2090
1641
+ },
1642
+ {
1643
+ "epoch": 2.644836272040302,
1644
+ "grad_norm": 9.033554077148438,
1645
+ "learning_rate": 4.6836667310390156e-05,
1646
+ "loss": 6.3911,
1647
+ "step": 2100
1648
+ },
1649
+ {
1650
+ "epoch": 2.644836272040302,
1651
+ "eval_loss": NaN,
1652
+ "eval_runtime": 15.3923,
1653
+ "eval_samples_per_second": 2.729,
1654
+ "eval_steps_per_second": 2.729,
1655
+ "step": 2100
1656
+ },
1657
+ {
1658
+ "epoch": 2.6574307304785894,
1659
+ "grad_norm": 1.7041218280792236,
1660
+ "learning_rate": 4.430053118735028e-05,
1661
+ "loss": 6.0198,
1662
+ "step": 2110
1663
+ },
1664
+ {
1665
+ "epoch": 2.6700251889168767,
1666
+ "grad_norm": 5.222975254058838,
1667
+ "learning_rate": 4.1851708146154423e-05,
1668
+ "loss": 5.8544,
1669
+ "step": 2120
1670
+ },
1671
+ {
1672
+ "epoch": 2.682619647355164,
1673
+ "grad_norm": 30.490474700927734,
1674
+ "learning_rate": 3.949066229475363e-05,
1675
+ "loss": 6.2353,
1676
+ "step": 2130
1677
+ },
1678
+ {
1679
+ "epoch": 2.695214105793451,
1680
+ "grad_norm": 9.03661060333252,
1681
+ "learning_rate": 3.72178411053151e-05,
1682
+ "loss": 6.1697,
1683
+ "step": 2140
1684
+ },
1685
+ {
1686
+ "epoch": 2.7078085642317378,
1687
+ "grad_norm": 3.526606798171997,
1688
+ "learning_rate": 3.503367532941533e-05,
1689
+ "loss": 5.9258,
1690
+ "step": 2150
1691
+ },
1692
+ {
1693
+ "epoch": 2.720403022670025,
1694
+ "grad_norm": 38.84684371948242,
1695
+ "learning_rate": 3.293857891640318e-05,
1696
+ "loss": 5.9434,
1697
+ "step": 2160
1698
+ },
1699
+ {
1700
+ "epoch": 2.7329974811083124,
1701
+ "grad_norm": 1.9702175855636597,
1702
+ "learning_rate": 3.093294893494711e-05,
1703
+ "loss": 6.1222,
1704
+ "step": 2170
1705
+ },
1706
+ {
1707
+ "epoch": 2.7455919395465997,
1708
+ "grad_norm": 2.135200023651123,
1709
+ "learning_rate": 2.9017165497781322e-05,
1710
+ "loss": 5.8755,
1711
+ "step": 2180
1712
+ },
1713
+ {
1714
+ "epoch": 2.7581863979848866,
1715
+ "grad_norm": 35.42985534667969,
1716
+ "learning_rate": 2.7191591689665536e-05,
1717
+ "loss": 6.1048,
1718
+ "step": 2190
1719
+ },
1720
+ {
1721
+ "epoch": 2.770780856423174,
1722
+ "grad_norm": 1.0068978071212769,
1723
+ "learning_rate": 2.545657349857288e-05,
1724
+ "loss": 6.0412,
1725
+ "step": 2200
1726
+ },
1727
+ {
1728
+ "epoch": 2.770780856423174,
1729
+ "eval_loss": NaN,
1730
+ "eval_runtime": 15.2361,
1731
+ "eval_samples_per_second": 2.757,
1732
+ "eval_steps_per_second": 2.757,
1733
+ "step": 2200
1734
+ },
1735
+ {
1736
+ "epoch": 2.783375314861461,
1737
+ "grad_norm": 2.2877144813537598,
1738
+ "learning_rate": 2.3812439750116348e-05,
1739
+ "loss": 6.1917,
1740
+ "step": 2210
1741
+ },
1742
+ {
1743
+ "epoch": 2.795969773299748,
1744
+ "grad_norm": 24.73290252685547,
1745
+ "learning_rate": 2.2259502045229487e-05,
1746
+ "loss": 5.9619,
1747
+ "step": 2220
1748
+ },
1749
+ {
1750
+ "epoch": 2.8085642317380355,
1751
+ "grad_norm": 8.858285903930664,
1752
+ "learning_rate": 2.0798054701110625e-05,
1753
+ "loss": 5.543,
1754
+ "step": 2230
1755
+ },
1756
+ {
1757
+ "epoch": 2.8211586901763224,
1758
+ "grad_norm": 3.0846030712127686,
1759
+ "learning_rate": 1.9428374695443077e-05,
1760
+ "loss": 5.6675,
1761
+ "step": 2240
1762
+ },
1763
+ {
1764
+ "epoch": 2.8337531486146097,
1765
+ "grad_norm": 3.8137497901916504,
1766
+ "learning_rate": 1.8150721613901507e-05,
1767
+ "loss": 6.2949,
1768
+ "step": 2250
1769
+ },
1770
+ {
1771
+ "epoch": 2.8463476070528966,
1772
+ "grad_norm": 7.545982360839844,
1773
+ "learning_rate": 1.6965337600954483e-05,
1774
+ "loss": 6.0377,
1775
+ "step": 2260
1776
+ },
1777
+ {
1778
+ "epoch": 2.858942065491184,
1779
+ "grad_norm": 11.194375038146973,
1780
+ "learning_rate": 1.5872447313972775e-05,
1781
+ "loss": 5.8728,
1782
+ "step": 2270
1783
+ },
1784
+ {
1785
+ "epoch": 2.8715365239294712,
1786
+ "grad_norm": 1.9697824716567993,
1787
+ "learning_rate": 1.487225788065136e-05,
1788
+ "loss": 5.8687,
1789
+ "step": 2280
1790
+ },
1791
+ {
1792
+ "epoch": 2.884130982367758,
1793
+ "grad_norm": 1.6085684299468994,
1794
+ "learning_rate": 1.396495885975419e-05,
1795
+ "loss": 6.2602,
1796
+ "step": 2290
1797
+ },
1798
+ {
1799
+ "epoch": 2.8967254408060454,
1800
+ "grad_norm": 52.61852264404297,
1801
+ "learning_rate": 1.3150722205188401e-05,
1802
+ "loss": 6.0862,
1803
+ "step": 2300
1804
+ },
1805
+ {
1806
+ "epoch": 2.8967254408060454,
1807
+ "eval_loss": NaN,
1808
+ "eval_runtime": 15.3223,
1809
+ "eval_samples_per_second": 2.741,
1810
+ "eval_steps_per_second": 2.741,
1811
+ "step": 2300
1812
+ },
1813
+ {
1814
+ "epoch": 2.9093198992443323,
1815
+ "grad_norm": 1.3086152076721191,
1816
+ "learning_rate": 1.2429702233415039e-05,
1817
+ "loss": 5.7933,
1818
+ "step": 2310
1819
+ },
1820
+ {
1821
+ "epoch": 2.9219143576826196,
1822
+ "grad_norm": 1.3068674802780151,
1823
+ "learning_rate": 1.180203559420273e-05,
1824
+ "loss": 5.5988,
1825
+ "step": 2320
1826
+ },
1827
+ {
1828
+ "epoch": 2.934508816120907,
1829
+ "grad_norm": 6.930998802185059,
1830
+ "learning_rate": 1.126784124472937e-05,
1831
+ "loss": 6.211,
1832
+ "step": 2330
1833
+ },
1834
+ {
1835
+ "epoch": 2.947103274559194,
1836
+ "grad_norm": 101.07465362548828,
1837
+ "learning_rate": 1.0827220427036787e-05,
1838
+ "loss": 6.2951,
1839
+ "step": 2340
1840
+ },
1841
+ {
1842
+ "epoch": 2.959697732997481,
1843
+ "grad_norm": 7.183104038238525,
1844
+ "learning_rate": 1.048025664884356e-05,
1845
+ "loss": 6.2843,
1846
+ "step": 2350
1847
+ },
1848
+ {
1849
+ "epoch": 2.972292191435768,
1850
+ "grad_norm": 1.7374407052993774,
1851
+ "learning_rate": 1.0227015667717848e-05,
1852
+ "loss": 6.1675,
1853
+ "step": 2360
1854
+ },
1855
+ {
1856
+ "epoch": 2.9848866498740554,
1857
+ "grad_norm": 4.074841022491455,
1858
+ "learning_rate": 1.0067545478615162e-05,
1859
+ "loss": 6.2533,
1860
+ "step": 2370
1861
+ },
1862
+ {
1863
+ "epoch": 2.9974811083123427,
1864
+ "grad_norm": 4.090394020080566,
1865
+ "learning_rate": 1.000187630478211e-05,
1866
+ "loss": 6.5554,
1867
+ "step": 2380
1868
+ }
1869
+ ],
1870
+ "logging_steps": 10,
1871
+ "max_steps": 2382,
1872
+ "num_input_tokens_seen": 0,
1873
+ "num_train_epochs": 3,
1874
+ "save_steps": 100,
1875
+ "stateful_callbacks": {
1876
+ "TrainerControl": {
1877
+ "args": {
1878
+ "should_epoch_stop": false,
1879
+ "should_evaluate": false,
1880
+ "should_log": false,
1881
+ "should_save": true,
1882
+ "should_training_stop": true
1883
+ },
1884
+ "attributes": {}
1885
+ }
1886
+ },
1887
+ "total_flos": 2.3798117919463834e+17,
1888
+ "train_batch_size": 1,
1889
+ "trial_name": null,
1890
+ "trial_params": null
1891
+ }
checkpoint-2382/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:171a9569d8420fa4dfcae4091f54bb22ea245a69eb551aa7fab92f7a032a9253
3
+ size 6648
checkpoint-2382/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
config.json ADDED
@@ -0,0 +1,47 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_attn_implementation_autoset": true,
3
+ "_name_or_path": "Qwen/QwQ-32B-Preview",
4
+ "architectures": [
5
+ "Qwen2ForCausalLM"
6
+ ],
7
+ "attention_dropout": 0.0,
8
+ "eos_token_id": 151645,
9
+ "hidden_act": "silu",
10
+ "hidden_size": 5120,
11
+ "initializer_range": 0.02,
12
+ "intermediate_size": 27648,
13
+ "max_position_embeddings": 32768,
14
+ "max_window_layers": 64,
15
+ "model_type": "qwen2",
16
+ "num_attention_heads": 40,
17
+ "num_hidden_layers": 64,
18
+ "num_key_value_heads": 8,
19
+ "quantization_config": {
20
+ "_load_in_4bit": false,
21
+ "_load_in_8bit": true,
22
+ "bnb_4bit_compute_dtype": "float32",
23
+ "bnb_4bit_quant_storage": "uint8",
24
+ "bnb_4bit_quant_type": "fp4",
25
+ "bnb_4bit_use_double_quant": false,
26
+ "llm_int8_enable_fp32_cpu_offload": false,
27
+ "llm_int8_has_fp16_weight": false,
28
+ "llm_int8_skip_modules": null,
29
+ "llm_int8_threshold": 6.0,
30
+ "load_in_4bit": false,
31
+ "load_in_8bit": true,
32
+ "quant_method": "bitsandbytes"
33
+ },
34
+ "rms_norm_eps": 1e-05,
35
+ "rope_scaling": {
36
+ "factor": 1.5,
37
+ "type": "linear"
38
+ },
39
+ "rope_theta": 1000000.0,
40
+ "sliding_window": 32768,
41
+ "tie_word_embeddings": false,
42
+ "torch_dtype": "bfloat16",
43
+ "transformers_version": "4.49.0",
44
+ "use_cache": false,
45
+ "use_sliding_window": false,
46
+ "vocab_size": 152064
47
+ }
merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
special_tokens_map.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
+ ],
17
+ "eos_token": {
18
+ "content": "<|im_end|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "<|endoftext|>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ }
31
+ }
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9c5ae00e602b8860cbd784ba82a8aa14e8feecec692e7076590d014d7b7fdafa
3
+ size 11421896
tokenizer_config.json ADDED
@@ -0,0 +1,208 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "151643": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "151644": {
14
+ "content": "<|im_start|>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "151645": {
22
+ "content": "<|im_end|>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
+ }
181
+ },
182
+ "additional_special_tokens": [
183
+ "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
+ ],
197
+ "bos_token": null,
198
+ "chat_template": "{%- if tools %}\n {{- '<|im_start|>system\\n' }}\n {%- if messages[0]['role'] == 'system' %}\n {{- messages[0]['content'] }}\n {%- else %}\n {{- 'You are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.' }}\n {%- endif %}\n {{- \"\\n\\n# Tools\\n\\nYou may call one or more functions to assist with the user query.\\n\\nYou are provided with function signatures within <tools></tools> XML tags:\\n<tools>\" }}\n {%- for tool in tools %}\n {{- \"\\n\" }}\n {{- tool | tojson }}\n {%- endfor %}\n {{- \"\\n</tools>\\n\\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\\n<tool_call>\\n{\\\"name\\\": <function-name>, \\\"arguments\\\": <args-json-object>}\\n</tool_call><|im_end|>\\n\" }}\n{%- else %}\n {%- if messages[0]['role'] == 'system' %}\n {{- '<|im_start|>system\\n' + messages[0]['content'] + '<|im_end|>\\n' }}\n {%- else %}\n {{- '<|im_start|>system\\nYou are a helpful and harmless assistant. You are Qwen developed by Alibaba. You should think step-by-step.<|im_end|>\\n' }}\n {%- endif %}\n{%- endif %}\n{%- for message in messages %}\n {%- if (message.role == \"user\") or (message.role == \"system\" and not loop.first) or (message.role == \"assistant\" and not message.tool_calls) %}\n {{- '<|im_start|>' + message.role + '\\n' + message.content + '<|im_end|>' + '\\n' }}\n {%- elif message.role == \"assistant\" %}\n {{- '<|im_start|>' + message.role }}\n {%- if message.content %}\n {{- '\\n' + message.content }}\n {%- endif %}\n {%- for tool_call in message.tool_calls %}\n {%- if tool_call.function is defined %}\n {%- set tool_call = tool_call.function %}\n {%- endif %}\n {{- '\\n<tool_call>\\n{\"name\": \"' }}\n {{- tool_call.name }}\n {{- '\", \"arguments\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- '}\\n</tool_call>' }}\n {%- endfor %}\n {{- '<|im_end|>\\n' }}\n {%- elif message.role == \"tool\" %}\n {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != \"tool\") %}\n {{- '<|im_start|>user' }}\n {%- endif %}\n {{- '\\n<tool_response>\\n' }}\n {{- message.content }}\n {{- '\\n</tool_response>' }}\n {%- if loop.last or (messages[loop.index0 + 1].role != \"tool\") %}\n {{- '<|im_end|>\\n' }}\n {%- endif %}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|im_start|>assistant\\n' }}\n{%- endif %}\n",
199
+ "clean_up_tokenization_spaces": false,
200
+ "eos_token": "<|im_end|>",
201
+ "errors": "replace",
202
+ "extra_special_tokens": {},
203
+ "model_max_length": 32768,
204
+ "pad_token": "<|endoftext|>",
205
+ "split_special_tokens": false,
206
+ "tokenizer_class": "Qwen2Tokenizer",
207
+ "unk_token": null
208
+ }
vocab.json ADDED
The diff for this file is too large to render. See raw diff