farmery commited on
Commit
3bfbe1d
1 Parent(s): 88bf2c9

Upload folder using huggingface_hub

Browse files
README.md ADDED
@@ -0,0 +1,167 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: peft
3
+ license: apache-2.0
4
+ base_model: tiiuae/falcon-7b
5
+ tags:
6
+ - axolotl
7
+ - generated_from_trainer
8
+ model-index:
9
+ - name: 96ae7c9d-e269-44ae-ac8f-8e892f5e553e
10
+ results: []
11
+ ---
12
+
13
+ <!-- This model card has been generated automatically according to the information the Trainer had access to. You
14
+ should probably proofread and complete it, then remove this comment. -->
15
+
16
+ [<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)
17
+ <details><summary>See axolotl config</summary>
18
+
19
+ axolotl version: `0.4.1`
20
+ ```yaml
21
+ adapter: lora
22
+ base_model: tiiuae/falcon-7b
23
+ bf16: auto
24
+ chat_template: llama3
25
+ dataset_prepared_path: null
26
+ datasets:
27
+ - data_files:
28
+ - 230b0e535b611494_train_data.json
29
+ ds_type: json
30
+ format: custom
31
+ path: /workspace/input_data/230b0e535b611494_train_data.json
32
+ type:
33
+ field_input: background
34
+ field_instruction: abstract
35
+ field_output: full_description
36
+ format: '{instruction} {input}'
37
+ no_input_format: '{instruction}'
38
+ system_format: '{system}'
39
+ system_prompt: ''
40
+ debug: null
41
+ deepspeed: null
42
+ early_stopping_patience: null
43
+ eval_max_new_tokens: 128
44
+ eval_steps: null
45
+ eval_table_size: null
46
+ flash_attention: false
47
+ fp16: false
48
+ fsdp: null
49
+ fsdp_config: null
50
+ gradient_accumulation_steps: 4
51
+ gradient_checkpointing: true
52
+ group_by_length: true
53
+ hub_model_id: sn5601/96ae7c9d-e269-44ae-ac8f-8e892f5e553e
54
+ hub_repo: null
55
+ hub_strategy: checkpoint
56
+ hub_token: null
57
+ learning_rate: 0.0001
58
+ load_in_4bit: false
59
+ load_in_8bit: false
60
+ local_rank: null
61
+ logging_steps: 1
62
+ lora_alpha: 64
63
+ lora_dropout: 0.05
64
+ lora_fan_in_fan_out: null
65
+ lora_model_dir: null
66
+ lora_modules_to_save:
67
+ - embed_tokens
68
+ - lm_head
69
+ lora_r: 32
70
+ lora_target_linear: true
71
+ lora_target_modules:
72
+ - gate_proj
73
+ - down_proj
74
+ - up_proj
75
+ - q_proj
76
+ - v_proj
77
+ - k_proj
78
+ - o_proj
79
+ lr_scheduler: cosine
80
+ max_memory:
81
+ 0: 70GB
82
+ micro_batch_size: 4
83
+ mlflow_experiment_name: /tmp/230b0e535b611494_train_data.json
84
+ model_type: AutoModelForCausalLM
85
+ num_epochs: 1
86
+ optim_args:
87
+ adam_beta1: 0.9
88
+ adam_beta2: 0.95
89
+ adam_epsilon: 1e-5
90
+ optimizer: adamw_torch
91
+ output_dir: miner_id_24
92
+ pad_to_sequence_len: true
93
+ resume_from_checkpoint: null
94
+ s2_attention: null
95
+ sample_packing: false
96
+ save_steps: 239
97
+ sequence_len: 2048
98
+ special_tokens:
99
+ pad_token: <|endoftext|>
100
+ strict: false
101
+ tf32: false
102
+ tokenizer_type: AutoTokenizer
103
+ train_on_inputs: false
104
+ trust_remote_code: true
105
+ val_set_size: 0.05
106
+ wandb_entity: sn56-miner
107
+ wandb_mode: disabled
108
+ wandb_name: 96ae7c9d-e269-44ae-ac8f-8e892f5e553e
109
+ wandb_project: god
110
+ wandb_run: z7u7
111
+ wandb_runid: 96ae7c9d-e269-44ae-ac8f-8e892f5e553e
112
+ warmup_steps: 200
113
+ weight_decay: 0.1
114
+ xformers_attention: true
115
+
116
+ ```
117
+
118
+ </details><br>
119
+
120
+ # 96ae7c9d-e269-44ae-ac8f-8e892f5e553e
121
+
122
+ This model is a fine-tuned version of [tiiuae/falcon-7b](https://huggingface.co/tiiuae/falcon-7b) on the None dataset.
123
+ It achieves the following results on the evaluation set:
124
+ - Loss: 1.0451
125
+
126
+ ## Model description
127
+
128
+ More information needed
129
+
130
+ ## Intended uses & limitations
131
+
132
+ More information needed
133
+
134
+ ## Training and evaluation data
135
+
136
+ More information needed
137
+
138
+ ## Training procedure
139
+
140
+ ### Training hyperparameters
141
+
142
+ The following hyperparameters were used during training:
143
+ - learning_rate: 0.0001
144
+ - train_batch_size: 4
145
+ - eval_batch_size: 4
146
+ - seed: 42
147
+ - gradient_accumulation_steps: 4
148
+ - total_train_batch_size: 16
149
+ - optimizer: Use OptimizerNames.ADAMW_TORCH with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=adam_beta1=0.9,adam_beta2=0.95,adam_epsilon=1e-5
150
+ - lr_scheduler_type: cosine
151
+ - lr_scheduler_warmup_steps: 200
152
+ - num_epochs: 1
153
+
154
+ ### Training results
155
+
156
+ | Training Loss | Epoch | Step | Validation Loss |
157
+ |:-------------:|:------:|:----:|:---------------:|
158
+ | 5.0888 | 0.9991 | 555 | 1.0451 |
159
+
160
+
161
+ ### Framework versions
162
+
163
+ - PEFT 0.13.2
164
+ - Transformers 4.46.0
165
+ - Pytorch 2.5.0+cu124
166
+ - Datasets 3.0.1
167
+ - Tokenizers 0.20.1
adapter_config.json ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "tiiuae/falcon-7b",
5
+ "bias": "none",
6
+ "fan_in_fan_out": null,
7
+ "inference_mode": true,
8
+ "init_lora_weights": true,
9
+ "layer_replication": null,
10
+ "layers_pattern": null,
11
+ "layers_to_transform": null,
12
+ "loftq_config": {},
13
+ "lora_alpha": 64,
14
+ "lora_dropout": 0.05,
15
+ "megatron_config": null,
16
+ "megatron_core": "megatron.core",
17
+ "modules_to_save": [
18
+ "embed_tokens",
19
+ "lm_head"
20
+ ],
21
+ "peft_type": "LORA",
22
+ "r": 32,
23
+ "rank_pattern": {},
24
+ "revision": null,
25
+ "target_modules": [
26
+ "dense_4h_to_h",
27
+ "v_proj",
28
+ "gate_proj",
29
+ "up_proj",
30
+ "dense_h_to_4h",
31
+ "dense",
32
+ "q_proj",
33
+ "down_proj",
34
+ "o_proj",
35
+ "query_key_value",
36
+ "k_proj"
37
+ ],
38
+ "task_type": "CAUSAL_LM",
39
+ "use_dora": false,
40
+ "use_rslora": false
41
+ }
adapter_model.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f13b41d82afd85c6e28f2ba34f01310f93b37416a50e339d26918a60a824c80e
3
+ size 852128398
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:79fb06849c08c453ccb6f79df8173014311915d931dc6fc6b2e66f3e2cdc8975
3
+ size 852070064
config.json ADDED
@@ -0,0 +1,36 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_attn_implementation_autoset": true,
3
+ "_name_or_path": "tiiuae/falcon-7b",
4
+ "alibi": false,
5
+ "apply_residual_connection_post_layernorm": false,
6
+ "architectures": [
7
+ "FalconForCausalLM"
8
+ ],
9
+ "attention_dropout": 0.0,
10
+ "auto_map": {
11
+ "AutoConfig": "tiiuae/falcon-7b--configuration_falcon.FalconConfig",
12
+ "AutoModel": "tiiuae/falcon-7b--modeling_falcon.FalconModel",
13
+ "AutoModelForCausalLM": "tiiuae/falcon-7b--modeling_falcon.FalconForCausalLM",
14
+ "AutoModelForQuestionAnswering": "tiiuae/falcon-7b--modeling_falcon.FalconForQuestionAnswering",
15
+ "AutoModelForSequenceClassification": "tiiuae/falcon-7b--modeling_falcon.FalconForSequenceClassification",
16
+ "AutoModelForTokenClassification": "tiiuae/falcon-7b--modeling_falcon.FalconForTokenClassification"
17
+ },
18
+ "bias": false,
19
+ "bos_token_id": null,
20
+ "eos_token_id": 11,
21
+ "hidden_dropout": 0.0,
22
+ "hidden_size": 4544,
23
+ "initializer_range": 0.02,
24
+ "layer_norm_epsilon": 1e-05,
25
+ "model_type": "falcon",
26
+ "multi_query": true,
27
+ "new_decoder_architecture": false,
28
+ "num_attention_heads": 71,
29
+ "num_hidden_layers": 32,
30
+ "num_kv_heads": 71,
31
+ "parallel_attn": true,
32
+ "torch_dtype": "bfloat16",
33
+ "transformers_version": "4.46.0",
34
+ "use_cache": false,
35
+ "vocab_size": 65024
36
+ }
last-checkpoint/README.md ADDED
@@ -0,0 +1,202 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: tiiuae/falcon-7b
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.13.2
last-checkpoint/adapter_config.json ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "tiiuae/falcon-7b",
5
+ "bias": "none",
6
+ "fan_in_fan_out": null,
7
+ "inference_mode": true,
8
+ "init_lora_weights": true,
9
+ "layer_replication": null,
10
+ "layers_pattern": null,
11
+ "layers_to_transform": null,
12
+ "loftq_config": {},
13
+ "lora_alpha": 64,
14
+ "lora_dropout": 0.05,
15
+ "megatron_config": null,
16
+ "megatron_core": "megatron.core",
17
+ "modules_to_save": [
18
+ "embed_tokens",
19
+ "lm_head"
20
+ ],
21
+ "peft_type": "LORA",
22
+ "r": 32,
23
+ "rank_pattern": {},
24
+ "revision": null,
25
+ "target_modules": [
26
+ "dense_4h_to_h",
27
+ "v_proj",
28
+ "gate_proj",
29
+ "up_proj",
30
+ "dense_h_to_4h",
31
+ "dense",
32
+ "q_proj",
33
+ "down_proj",
34
+ "o_proj",
35
+ "query_key_value",
36
+ "k_proj"
37
+ ],
38
+ "task_type": "CAUSAL_LM",
39
+ "use_dora": false,
40
+ "use_rslora": false
41
+ }
last-checkpoint/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:79fb06849c08c453ccb6f79df8173014311915d931dc6fc6b2e66f3e2cdc8975
3
+ size 852070064
last-checkpoint/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fba6a204b403b8bd399fa971dcc79afb3d8609fcda4db2d9c57b94397e376ee2
3
+ size 1704283770
last-checkpoint/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ef7e1b92f1136974d6226ccf7e352544631adbaec6bd532d7fc3ed4f3404ee2b
3
+ size 14244
last-checkpoint/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5fa5404a9d5a7f82472a09215ed58ac37185a39533d448975bd7ab0b239729ef
3
+ size 1064
last-checkpoint/special_tokens_map.json ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ ">>TITLE<<",
4
+ ">>ABSTRACT<<",
5
+ ">>INTRODUCTION<<",
6
+ ">>SUMMARY<<",
7
+ ">>COMMENT<<",
8
+ ">>ANSWER<<",
9
+ ">>QUESTION<<",
10
+ ">>DOMAIN<<",
11
+ ">>PREFIX<<",
12
+ ">>SUFFIX<<",
13
+ ">>MIDDLE<<"
14
+ ],
15
+ "eos_token": {
16
+ "content": "<|endoftext|>",
17
+ "lstrip": false,
18
+ "normalized": false,
19
+ "rstrip": false,
20
+ "single_word": false
21
+ },
22
+ "pad_token": {
23
+ "content": "<|endoftext|>",
24
+ "lstrip": false,
25
+ "normalized": false,
26
+ "rstrip": false,
27
+ "single_word": false
28
+ }
29
+ }
last-checkpoint/tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
last-checkpoint/tokenizer_config.json ADDED
@@ -0,0 +1,124 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "0": {
5
+ "content": ">>TITLE<<",
6
+ "lstrip": false,
7
+ "normalized": false,
8
+ "rstrip": false,
9
+ "single_word": false,
10
+ "special": true
11
+ },
12
+ "1": {
13
+ "content": ">>ABSTRACT<<",
14
+ "lstrip": false,
15
+ "normalized": false,
16
+ "rstrip": false,
17
+ "single_word": false,
18
+ "special": true
19
+ },
20
+ "2": {
21
+ "content": ">>INTRODUCTION<<",
22
+ "lstrip": false,
23
+ "normalized": false,
24
+ "rstrip": false,
25
+ "single_word": false,
26
+ "special": true
27
+ },
28
+ "3": {
29
+ "content": ">>SUMMARY<<",
30
+ "lstrip": false,
31
+ "normalized": false,
32
+ "rstrip": false,
33
+ "single_word": false,
34
+ "special": true
35
+ },
36
+ "4": {
37
+ "content": ">>COMMENT<<",
38
+ "lstrip": false,
39
+ "normalized": false,
40
+ "rstrip": false,
41
+ "single_word": false,
42
+ "special": true
43
+ },
44
+ "5": {
45
+ "content": ">>ANSWER<<",
46
+ "lstrip": false,
47
+ "normalized": false,
48
+ "rstrip": false,
49
+ "single_word": false,
50
+ "special": true
51
+ },
52
+ "6": {
53
+ "content": ">>QUESTION<<",
54
+ "lstrip": false,
55
+ "normalized": false,
56
+ "rstrip": false,
57
+ "single_word": false,
58
+ "special": true
59
+ },
60
+ "7": {
61
+ "content": ">>DOMAIN<<",
62
+ "lstrip": false,
63
+ "normalized": false,
64
+ "rstrip": false,
65
+ "single_word": false,
66
+ "special": true
67
+ },
68
+ "8": {
69
+ "content": ">>PREFIX<<",
70
+ "lstrip": false,
71
+ "normalized": false,
72
+ "rstrip": false,
73
+ "single_word": false,
74
+ "special": true
75
+ },
76
+ "9": {
77
+ "content": ">>SUFFIX<<",
78
+ "lstrip": false,
79
+ "normalized": false,
80
+ "rstrip": false,
81
+ "single_word": false,
82
+ "special": true
83
+ },
84
+ "10": {
85
+ "content": ">>MIDDLE<<",
86
+ "lstrip": false,
87
+ "normalized": false,
88
+ "rstrip": false,
89
+ "single_word": false,
90
+ "special": true
91
+ },
92
+ "11": {
93
+ "content": "<|endoftext|>",
94
+ "lstrip": false,
95
+ "normalized": false,
96
+ "rstrip": false,
97
+ "single_word": false,
98
+ "special": true
99
+ }
100
+ },
101
+ "additional_special_tokens": [
102
+ ">>TITLE<<",
103
+ ">>ABSTRACT<<",
104
+ ">>INTRODUCTION<<",
105
+ ">>SUMMARY<<",
106
+ ">>COMMENT<<",
107
+ ">>ANSWER<<",
108
+ ">>QUESTION<<",
109
+ ">>DOMAIN<<",
110
+ ">>PREFIX<<",
111
+ ">>SUFFIX<<",
112
+ ">>MIDDLE<<"
113
+ ],
114
+ "chat_template": "{% if not add_generation_prompt is defined %}{% set add_generation_prompt = false %}{% endif %}{% set loop_messages = messages %}{% for message in loop_messages %}{% set content = '<|start_header_id|>' + message['role'] + '<|end_header_id|>\n\n'+ message['content'] | trim + '<|eot_id|>' %}{% if loop.index0 == 0 %}{% set content = bos_token + content %}{% endif %}{{ content }}{% endfor %}{% if add_generation_prompt %}{{ '<|start_header_id|>assistant<|end_header_id|>\n\n' }}{% endif %}",
115
+ "clean_up_tokenization_spaces": false,
116
+ "eos_token": "<|endoftext|>",
117
+ "model_input_names": [
118
+ "input_ids",
119
+ "attention_mask"
120
+ ],
121
+ "model_max_length": 2048,
122
+ "pad_token": "<|endoftext|>",
123
+ "tokenizer_class": "PreTrainedTokenizerFast"
124
+ }
last-checkpoint/trainer_state.json ADDED
@@ -0,0 +1,3918 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": null,
3
+ "best_model_checkpoint": null,
4
+ "epoch": 0.9990999099909991,
5
+ "eval_steps": 500,
6
+ "global_step": 555,
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.0018001800180018,
13
+ "grad_norm": 28.85651397705078,
14
+ "learning_rate": 5.000000000000001e-07,
15
+ "loss": 14.6669,
16
+ "step": 1
17
+ },
18
+ {
19
+ "epoch": 0.0036003600360036,
20
+ "grad_norm": 20.232847213745117,
21
+ "learning_rate": 1.0000000000000002e-06,
22
+ "loss": 12.6879,
23
+ "step": 2
24
+ },
25
+ {
26
+ "epoch": 0.0054005400540054005,
27
+ "grad_norm": 20.170488357543945,
28
+ "learning_rate": 1.5e-06,
29
+ "loss": 9.9005,
30
+ "step": 3
31
+ },
32
+ {
33
+ "epoch": 0.0072007200720072,
34
+ "grad_norm": 18.635835647583008,
35
+ "learning_rate": 2.0000000000000003e-06,
36
+ "loss": 9.5553,
37
+ "step": 4
38
+ },
39
+ {
40
+ "epoch": 0.009000900090009001,
41
+ "grad_norm": 17.15140724182129,
42
+ "learning_rate": 2.5e-06,
43
+ "loss": 8.7361,
44
+ "step": 5
45
+ },
46
+ {
47
+ "epoch": 0.010801080108010801,
48
+ "grad_norm": 14.188899993896484,
49
+ "learning_rate": 3e-06,
50
+ "loss": 8.5991,
51
+ "step": 6
52
+ },
53
+ {
54
+ "epoch": 0.012601260126012601,
55
+ "grad_norm": 16.08758544921875,
56
+ "learning_rate": 3.5000000000000004e-06,
57
+ "loss": 8.1545,
58
+ "step": 7
59
+ },
60
+ {
61
+ "epoch": 0.0144014401440144,
62
+ "grad_norm": 15.893816947937012,
63
+ "learning_rate": 4.000000000000001e-06,
64
+ "loss": 7.9389,
65
+ "step": 8
66
+ },
67
+ {
68
+ "epoch": 0.016201620162016202,
69
+ "grad_norm": 13.540562629699707,
70
+ "learning_rate": 4.5e-06,
71
+ "loss": 7.9457,
72
+ "step": 9
73
+ },
74
+ {
75
+ "epoch": 0.018001800180018002,
76
+ "grad_norm": 12.593961715698242,
77
+ "learning_rate": 5e-06,
78
+ "loss": 7.9617,
79
+ "step": 10
80
+ },
81
+ {
82
+ "epoch": 0.019801980198019802,
83
+ "grad_norm": 14.274964332580566,
84
+ "learning_rate": 5.500000000000001e-06,
85
+ "loss": 7.7485,
86
+ "step": 11
87
+ },
88
+ {
89
+ "epoch": 0.021602160216021602,
90
+ "grad_norm": 13.785284996032715,
91
+ "learning_rate": 6e-06,
92
+ "loss": 8.1615,
93
+ "step": 12
94
+ },
95
+ {
96
+ "epoch": 0.023402340234023402,
97
+ "grad_norm": 12.692747116088867,
98
+ "learning_rate": 6.5000000000000004e-06,
99
+ "loss": 7.9709,
100
+ "step": 13
101
+ },
102
+ {
103
+ "epoch": 0.025202520252025202,
104
+ "grad_norm": 11.758572578430176,
105
+ "learning_rate": 7.000000000000001e-06,
106
+ "loss": 7.5982,
107
+ "step": 14
108
+ },
109
+ {
110
+ "epoch": 0.027002700270027002,
111
+ "grad_norm": 11.451689720153809,
112
+ "learning_rate": 7.5e-06,
113
+ "loss": 7.8241,
114
+ "step": 15
115
+ },
116
+ {
117
+ "epoch": 0.0288028802880288,
118
+ "grad_norm": 13.09874153137207,
119
+ "learning_rate": 8.000000000000001e-06,
120
+ "loss": 7.679,
121
+ "step": 16
122
+ },
123
+ {
124
+ "epoch": 0.0306030603060306,
125
+ "grad_norm": 11.725943565368652,
126
+ "learning_rate": 8.500000000000002e-06,
127
+ "loss": 7.8199,
128
+ "step": 17
129
+ },
130
+ {
131
+ "epoch": 0.032403240324032405,
132
+ "grad_norm": 12.393065452575684,
133
+ "learning_rate": 9e-06,
134
+ "loss": 7.8977,
135
+ "step": 18
136
+ },
137
+ {
138
+ "epoch": 0.034203420342034205,
139
+ "grad_norm": 11.96495246887207,
140
+ "learning_rate": 9.5e-06,
141
+ "loss": 7.4002,
142
+ "step": 19
143
+ },
144
+ {
145
+ "epoch": 0.036003600360036005,
146
+ "grad_norm": 10.148777961730957,
147
+ "learning_rate": 1e-05,
148
+ "loss": 7.6521,
149
+ "step": 20
150
+ },
151
+ {
152
+ "epoch": 0.037803780378037805,
153
+ "grad_norm": 9.769454956054688,
154
+ "learning_rate": 1.05e-05,
155
+ "loss": 7.5508,
156
+ "step": 21
157
+ },
158
+ {
159
+ "epoch": 0.039603960396039604,
160
+ "grad_norm": 8.934900283813477,
161
+ "learning_rate": 1.1000000000000001e-05,
162
+ "loss": 7.263,
163
+ "step": 22
164
+ },
165
+ {
166
+ "epoch": 0.041404140414041404,
167
+ "grad_norm": 8.807928085327148,
168
+ "learning_rate": 1.1500000000000002e-05,
169
+ "loss": 7.4388,
170
+ "step": 23
171
+ },
172
+ {
173
+ "epoch": 0.043204320432043204,
174
+ "grad_norm": 10.690240859985352,
175
+ "learning_rate": 1.2e-05,
176
+ "loss": 6.5005,
177
+ "step": 24
178
+ },
179
+ {
180
+ "epoch": 0.045004500450045004,
181
+ "grad_norm": 8.784053802490234,
182
+ "learning_rate": 1.25e-05,
183
+ "loss": 6.7989,
184
+ "step": 25
185
+ },
186
+ {
187
+ "epoch": 0.046804680468046804,
188
+ "grad_norm": 8.401625633239746,
189
+ "learning_rate": 1.3000000000000001e-05,
190
+ "loss": 6.8476,
191
+ "step": 26
192
+ },
193
+ {
194
+ "epoch": 0.048604860486048604,
195
+ "grad_norm": 7.974181175231934,
196
+ "learning_rate": 1.3500000000000001e-05,
197
+ "loss": 6.8067,
198
+ "step": 27
199
+ },
200
+ {
201
+ "epoch": 0.050405040504050404,
202
+ "grad_norm": 6.8001909255981445,
203
+ "learning_rate": 1.4000000000000001e-05,
204
+ "loss": 6.8886,
205
+ "step": 28
206
+ },
207
+ {
208
+ "epoch": 0.052205220522052204,
209
+ "grad_norm": 7.849862098693848,
210
+ "learning_rate": 1.45e-05,
211
+ "loss": 6.7455,
212
+ "step": 29
213
+ },
214
+ {
215
+ "epoch": 0.054005400540054004,
216
+ "grad_norm": 7.1335625648498535,
217
+ "learning_rate": 1.5e-05,
218
+ "loss": 6.1861,
219
+ "step": 30
220
+ },
221
+ {
222
+ "epoch": 0.0558055805580558,
223
+ "grad_norm": 6.963135719299316,
224
+ "learning_rate": 1.55e-05,
225
+ "loss": 6.2953,
226
+ "step": 31
227
+ },
228
+ {
229
+ "epoch": 0.0576057605760576,
230
+ "grad_norm": 6.415379524230957,
231
+ "learning_rate": 1.6000000000000003e-05,
232
+ "loss": 6.4054,
233
+ "step": 32
234
+ },
235
+ {
236
+ "epoch": 0.0594059405940594,
237
+ "grad_norm": 6.006982326507568,
238
+ "learning_rate": 1.65e-05,
239
+ "loss": 6.6365,
240
+ "step": 33
241
+ },
242
+ {
243
+ "epoch": 0.0612061206120612,
244
+ "grad_norm": 5.94774866104126,
245
+ "learning_rate": 1.7000000000000003e-05,
246
+ "loss": 6.3694,
247
+ "step": 34
248
+ },
249
+ {
250
+ "epoch": 0.063006300630063,
251
+ "grad_norm": 5.748636722564697,
252
+ "learning_rate": 1.75e-05,
253
+ "loss": 6.0299,
254
+ "step": 35
255
+ },
256
+ {
257
+ "epoch": 0.06480648064806481,
258
+ "grad_norm": 5.941126346588135,
259
+ "learning_rate": 1.8e-05,
260
+ "loss": 6.1121,
261
+ "step": 36
262
+ },
263
+ {
264
+ "epoch": 0.0666066606660666,
265
+ "grad_norm": 5.799063682556152,
266
+ "learning_rate": 1.85e-05,
267
+ "loss": 6.1198,
268
+ "step": 37
269
+ },
270
+ {
271
+ "epoch": 0.06840684068406841,
272
+ "grad_norm": 6.232558250427246,
273
+ "learning_rate": 1.9e-05,
274
+ "loss": 5.8275,
275
+ "step": 38
276
+ },
277
+ {
278
+ "epoch": 0.0702070207020702,
279
+ "grad_norm": 5.436257362365723,
280
+ "learning_rate": 1.9500000000000003e-05,
281
+ "loss": 6.6235,
282
+ "step": 39
283
+ },
284
+ {
285
+ "epoch": 0.07200720072007201,
286
+ "grad_norm": 5.369800090789795,
287
+ "learning_rate": 2e-05,
288
+ "loss": 6.3276,
289
+ "step": 40
290
+ },
291
+ {
292
+ "epoch": 0.0738073807380738,
293
+ "grad_norm": 5.262800693511963,
294
+ "learning_rate": 2.05e-05,
295
+ "loss": 5.5985,
296
+ "step": 41
297
+ },
298
+ {
299
+ "epoch": 0.07560756075607561,
300
+ "grad_norm": 5.9995903968811035,
301
+ "learning_rate": 2.1e-05,
302
+ "loss": 7.043,
303
+ "step": 42
304
+ },
305
+ {
306
+ "epoch": 0.0774077407740774,
307
+ "grad_norm": 5.5932183265686035,
308
+ "learning_rate": 2.15e-05,
309
+ "loss": 5.9072,
310
+ "step": 43
311
+ },
312
+ {
313
+ "epoch": 0.07920792079207921,
314
+ "grad_norm": 5.312334060668945,
315
+ "learning_rate": 2.2000000000000003e-05,
316
+ "loss": 7.0407,
317
+ "step": 44
318
+ },
319
+ {
320
+ "epoch": 0.081008100810081,
321
+ "grad_norm": 5.7829155921936035,
322
+ "learning_rate": 2.25e-05,
323
+ "loss": 6.006,
324
+ "step": 45
325
+ },
326
+ {
327
+ "epoch": 0.08280828082808281,
328
+ "grad_norm": 5.04926872253418,
329
+ "learning_rate": 2.3000000000000003e-05,
330
+ "loss": 6.7709,
331
+ "step": 46
332
+ },
333
+ {
334
+ "epoch": 0.0846084608460846,
335
+ "grad_norm": 5.008914470672607,
336
+ "learning_rate": 2.35e-05,
337
+ "loss": 7.0494,
338
+ "step": 47
339
+ },
340
+ {
341
+ "epoch": 0.08640864086408641,
342
+ "grad_norm": 4.904027938842773,
343
+ "learning_rate": 2.4e-05,
344
+ "loss": 6.2418,
345
+ "step": 48
346
+ },
347
+ {
348
+ "epoch": 0.08820882088208822,
349
+ "grad_norm": 5.208195686340332,
350
+ "learning_rate": 2.45e-05,
351
+ "loss": 6.1476,
352
+ "step": 49
353
+ },
354
+ {
355
+ "epoch": 0.09000900090009001,
356
+ "grad_norm": 5.478446006774902,
357
+ "learning_rate": 2.5e-05,
358
+ "loss": 6.1826,
359
+ "step": 50
360
+ },
361
+ {
362
+ "epoch": 0.09180918091809182,
363
+ "grad_norm": 18.321847915649414,
364
+ "learning_rate": 2.5500000000000003e-05,
365
+ "loss": 11.8766,
366
+ "step": 51
367
+ },
368
+ {
369
+ "epoch": 0.09360936093609361,
370
+ "grad_norm": 22.275039672851562,
371
+ "learning_rate": 2.6000000000000002e-05,
372
+ "loss": 9.0741,
373
+ "step": 52
374
+ },
375
+ {
376
+ "epoch": 0.09540954095409541,
377
+ "grad_norm": 18.914152145385742,
378
+ "learning_rate": 2.6500000000000004e-05,
379
+ "loss": 6.9466,
380
+ "step": 53
381
+ },
382
+ {
383
+ "epoch": 0.09720972097209721,
384
+ "grad_norm": 10.226181030273438,
385
+ "learning_rate": 2.7000000000000002e-05,
386
+ "loss": 5.7314,
387
+ "step": 54
388
+ },
389
+ {
390
+ "epoch": 0.09900990099009901,
391
+ "grad_norm": 7.28556489944458,
392
+ "learning_rate": 2.7500000000000004e-05,
393
+ "loss": 4.9557,
394
+ "step": 55
395
+ },
396
+ {
397
+ "epoch": 0.10081008100810081,
398
+ "grad_norm": 6.028027057647705,
399
+ "learning_rate": 2.8000000000000003e-05,
400
+ "loss": 5.4561,
401
+ "step": 56
402
+ },
403
+ {
404
+ "epoch": 0.10261026102610261,
405
+ "grad_norm": 6.356996536254883,
406
+ "learning_rate": 2.8499999999999998e-05,
407
+ "loss": 5.1208,
408
+ "step": 57
409
+ },
410
+ {
411
+ "epoch": 0.10441044104410441,
412
+ "grad_norm": 5.628063201904297,
413
+ "learning_rate": 2.9e-05,
414
+ "loss": 5.31,
415
+ "step": 58
416
+ },
417
+ {
418
+ "epoch": 0.10621062106210621,
419
+ "grad_norm": 5.183619022369385,
420
+ "learning_rate": 2.95e-05,
421
+ "loss": 4.8533,
422
+ "step": 59
423
+ },
424
+ {
425
+ "epoch": 0.10801080108010801,
426
+ "grad_norm": 5.032276630401611,
427
+ "learning_rate": 3e-05,
428
+ "loss": 4.5937,
429
+ "step": 60
430
+ },
431
+ {
432
+ "epoch": 0.10981098109810981,
433
+ "grad_norm": 4.725021839141846,
434
+ "learning_rate": 3.05e-05,
435
+ "loss": 4.8969,
436
+ "step": 61
437
+ },
438
+ {
439
+ "epoch": 0.1116111611161116,
440
+ "grad_norm": 4.868443965911865,
441
+ "learning_rate": 3.1e-05,
442
+ "loss": 5.03,
443
+ "step": 62
444
+ },
445
+ {
446
+ "epoch": 0.11341134113411341,
447
+ "grad_norm": 4.929288864135742,
448
+ "learning_rate": 3.15e-05,
449
+ "loss": 4.9148,
450
+ "step": 63
451
+ },
452
+ {
453
+ "epoch": 0.1152115211521152,
454
+ "grad_norm": 5.14013671875,
455
+ "learning_rate": 3.2000000000000005e-05,
456
+ "loss": 5.2505,
457
+ "step": 64
458
+ },
459
+ {
460
+ "epoch": 0.11701170117011701,
461
+ "grad_norm": 5.411927223205566,
462
+ "learning_rate": 3.2500000000000004e-05,
463
+ "loss": 4.91,
464
+ "step": 65
465
+ },
466
+ {
467
+ "epoch": 0.1188118811881188,
468
+ "grad_norm": 4.524367809295654,
469
+ "learning_rate": 3.3e-05,
470
+ "loss": 5.1703,
471
+ "step": 66
472
+ },
473
+ {
474
+ "epoch": 0.12061206120612061,
475
+ "grad_norm": 4.979662895202637,
476
+ "learning_rate": 3.35e-05,
477
+ "loss": 5.1811,
478
+ "step": 67
479
+ },
480
+ {
481
+ "epoch": 0.1224122412241224,
482
+ "grad_norm": 4.6250457763671875,
483
+ "learning_rate": 3.4000000000000007e-05,
484
+ "loss": 4.8259,
485
+ "step": 68
486
+ },
487
+ {
488
+ "epoch": 0.12421242124212421,
489
+ "grad_norm": 4.706791400909424,
490
+ "learning_rate": 3.45e-05,
491
+ "loss": 4.4952,
492
+ "step": 69
493
+ },
494
+ {
495
+ "epoch": 0.126012601260126,
496
+ "grad_norm": 4.518699645996094,
497
+ "learning_rate": 3.5e-05,
498
+ "loss": 4.7958,
499
+ "step": 70
500
+ },
501
+ {
502
+ "epoch": 0.1278127812781278,
503
+ "grad_norm": 3.9459586143493652,
504
+ "learning_rate": 3.55e-05,
505
+ "loss": 5.0545,
506
+ "step": 71
507
+ },
508
+ {
509
+ "epoch": 0.12961296129612962,
510
+ "grad_norm": 3.954882860183716,
511
+ "learning_rate": 3.6e-05,
512
+ "loss": 4.9021,
513
+ "step": 72
514
+ },
515
+ {
516
+ "epoch": 0.13141314131413143,
517
+ "grad_norm": 4.027074813842773,
518
+ "learning_rate": 3.65e-05,
519
+ "loss": 4.6918,
520
+ "step": 73
521
+ },
522
+ {
523
+ "epoch": 0.1332133213321332,
524
+ "grad_norm": 4.441482067108154,
525
+ "learning_rate": 3.7e-05,
526
+ "loss": 4.9625,
527
+ "step": 74
528
+ },
529
+ {
530
+ "epoch": 0.135013501350135,
531
+ "grad_norm": 4.631096839904785,
532
+ "learning_rate": 3.7500000000000003e-05,
533
+ "loss": 4.7489,
534
+ "step": 75
535
+ },
536
+ {
537
+ "epoch": 0.13681368136813682,
538
+ "grad_norm": 4.464879989624023,
539
+ "learning_rate": 3.8e-05,
540
+ "loss": 4.4667,
541
+ "step": 76
542
+ },
543
+ {
544
+ "epoch": 0.13861386138613863,
545
+ "grad_norm": 4.17475700378418,
546
+ "learning_rate": 3.85e-05,
547
+ "loss": 5.517,
548
+ "step": 77
549
+ },
550
+ {
551
+ "epoch": 0.1404140414041404,
552
+ "grad_norm": 4.135541915893555,
553
+ "learning_rate": 3.9000000000000006e-05,
554
+ "loss": 5.1446,
555
+ "step": 78
556
+ },
557
+ {
558
+ "epoch": 0.1422142214221422,
559
+ "grad_norm": 4.521326541900635,
560
+ "learning_rate": 3.9500000000000005e-05,
561
+ "loss": 5.0185,
562
+ "step": 79
563
+ },
564
+ {
565
+ "epoch": 0.14401440144014402,
566
+ "grad_norm": 4.14456844329834,
567
+ "learning_rate": 4e-05,
568
+ "loss": 4.5989,
569
+ "step": 80
570
+ },
571
+ {
572
+ "epoch": 0.14581458145814583,
573
+ "grad_norm": 4.918880462646484,
574
+ "learning_rate": 4.05e-05,
575
+ "loss": 5.1453,
576
+ "step": 81
577
+ },
578
+ {
579
+ "epoch": 0.1476147614761476,
580
+ "grad_norm": 3.9074041843414307,
581
+ "learning_rate": 4.1e-05,
582
+ "loss": 4.5343,
583
+ "step": 82
584
+ },
585
+ {
586
+ "epoch": 0.1494149414941494,
587
+ "grad_norm": 4.088869094848633,
588
+ "learning_rate": 4.15e-05,
589
+ "loss": 5.2312,
590
+ "step": 83
591
+ },
592
+ {
593
+ "epoch": 0.15121512151215122,
594
+ "grad_norm": 4.230950355529785,
595
+ "learning_rate": 4.2e-05,
596
+ "loss": 5.2262,
597
+ "step": 84
598
+ },
599
+ {
600
+ "epoch": 0.15301530153015303,
601
+ "grad_norm": 3.9280920028686523,
602
+ "learning_rate": 4.25e-05,
603
+ "loss": 5.0867,
604
+ "step": 85
605
+ },
606
+ {
607
+ "epoch": 0.1548154815481548,
608
+ "grad_norm": 4.369322776794434,
609
+ "learning_rate": 4.3e-05,
610
+ "loss": 5.6706,
611
+ "step": 86
612
+ },
613
+ {
614
+ "epoch": 0.1566156615661566,
615
+ "grad_norm": 4.20168924331665,
616
+ "learning_rate": 4.35e-05,
617
+ "loss": 5.2653,
618
+ "step": 87
619
+ },
620
+ {
621
+ "epoch": 0.15841584158415842,
622
+ "grad_norm": 4.246135711669922,
623
+ "learning_rate": 4.4000000000000006e-05,
624
+ "loss": 5.3541,
625
+ "step": 88
626
+ },
627
+ {
628
+ "epoch": 0.16021602160216022,
629
+ "grad_norm": 4.878535270690918,
630
+ "learning_rate": 4.4500000000000004e-05,
631
+ "loss": 5.2614,
632
+ "step": 89
633
+ },
634
+ {
635
+ "epoch": 0.162016201620162,
636
+ "grad_norm": 4.4837799072265625,
637
+ "learning_rate": 4.5e-05,
638
+ "loss": 5.7189,
639
+ "step": 90
640
+ },
641
+ {
642
+ "epoch": 0.1638163816381638,
643
+ "grad_norm": 4.485711574554443,
644
+ "learning_rate": 4.55e-05,
645
+ "loss": 6.1362,
646
+ "step": 91
647
+ },
648
+ {
649
+ "epoch": 0.16561656165616562,
650
+ "grad_norm": 4.198153495788574,
651
+ "learning_rate": 4.600000000000001e-05,
652
+ "loss": 5.5297,
653
+ "step": 92
654
+ },
655
+ {
656
+ "epoch": 0.16741674167416742,
657
+ "grad_norm": 5.264278411865234,
658
+ "learning_rate": 4.6500000000000005e-05,
659
+ "loss": 5.475,
660
+ "step": 93
661
+ },
662
+ {
663
+ "epoch": 0.1692169216921692,
664
+ "grad_norm": 4.983798503875732,
665
+ "learning_rate": 4.7e-05,
666
+ "loss": 5.8982,
667
+ "step": 94
668
+ },
669
+ {
670
+ "epoch": 0.171017101710171,
671
+ "grad_norm": 4.64500617980957,
672
+ "learning_rate": 4.75e-05,
673
+ "loss": 5.4172,
674
+ "step": 95
675
+ },
676
+ {
677
+ "epoch": 0.17281728172817282,
678
+ "grad_norm": 4.246720314025879,
679
+ "learning_rate": 4.8e-05,
680
+ "loss": 6.1043,
681
+ "step": 96
682
+ },
683
+ {
684
+ "epoch": 0.17461746174617462,
685
+ "grad_norm": 4.144988536834717,
686
+ "learning_rate": 4.85e-05,
687
+ "loss": 6.1926,
688
+ "step": 97
689
+ },
690
+ {
691
+ "epoch": 0.17641764176417643,
692
+ "grad_norm": 4.693668842315674,
693
+ "learning_rate": 4.9e-05,
694
+ "loss": 6.3127,
695
+ "step": 98
696
+ },
697
+ {
698
+ "epoch": 0.1782178217821782,
699
+ "grad_norm": 4.599040985107422,
700
+ "learning_rate": 4.9500000000000004e-05,
701
+ "loss": 5.5763,
702
+ "step": 99
703
+ },
704
+ {
705
+ "epoch": 0.18001800180018002,
706
+ "grad_norm": 4.811699390411377,
707
+ "learning_rate": 5e-05,
708
+ "loss": 6.2599,
709
+ "step": 100
710
+ },
711
+ {
712
+ "epoch": 0.18181818181818182,
713
+ "grad_norm": 23.242341995239258,
714
+ "learning_rate": 5.05e-05,
715
+ "loss": 10.2299,
716
+ "step": 101
717
+ },
718
+ {
719
+ "epoch": 0.18361836183618363,
720
+ "grad_norm": 24.24691390991211,
721
+ "learning_rate": 5.1000000000000006e-05,
722
+ "loss": 6.5731,
723
+ "step": 102
724
+ },
725
+ {
726
+ "epoch": 0.1854185418541854,
727
+ "grad_norm": 13.8417387008667,
728
+ "learning_rate": 5.1500000000000005e-05,
729
+ "loss": 4.5894,
730
+ "step": 103
731
+ },
732
+ {
733
+ "epoch": 0.18721872187218722,
734
+ "grad_norm": 7.606777667999268,
735
+ "learning_rate": 5.2000000000000004e-05,
736
+ "loss": 4.422,
737
+ "step": 104
738
+ },
739
+ {
740
+ "epoch": 0.18901890189018902,
741
+ "grad_norm": 7.0894598960876465,
742
+ "learning_rate": 5.25e-05,
743
+ "loss": 4.4822,
744
+ "step": 105
745
+ },
746
+ {
747
+ "epoch": 0.19081908190819083,
748
+ "grad_norm": 4.703729152679443,
749
+ "learning_rate": 5.300000000000001e-05,
750
+ "loss": 4.0663,
751
+ "step": 106
752
+ },
753
+ {
754
+ "epoch": 0.1926192619261926,
755
+ "grad_norm": 3.9182114601135254,
756
+ "learning_rate": 5.3500000000000006e-05,
757
+ "loss": 3.7222,
758
+ "step": 107
759
+ },
760
+ {
761
+ "epoch": 0.19441944194419442,
762
+ "grad_norm": 4.467214584350586,
763
+ "learning_rate": 5.4000000000000005e-05,
764
+ "loss": 4.4871,
765
+ "step": 108
766
+ },
767
+ {
768
+ "epoch": 0.19621962196219622,
769
+ "grad_norm": 4.333056926727295,
770
+ "learning_rate": 5.45e-05,
771
+ "loss": 4.1119,
772
+ "step": 109
773
+ },
774
+ {
775
+ "epoch": 0.19801980198019803,
776
+ "grad_norm": 4.1896467208862305,
777
+ "learning_rate": 5.500000000000001e-05,
778
+ "loss": 3.8633,
779
+ "step": 110
780
+ },
781
+ {
782
+ "epoch": 0.1998199819981998,
783
+ "grad_norm": 4.409817218780518,
784
+ "learning_rate": 5.550000000000001e-05,
785
+ "loss": 4.1133,
786
+ "step": 111
787
+ },
788
+ {
789
+ "epoch": 0.20162016201620162,
790
+ "grad_norm": 4.587196350097656,
791
+ "learning_rate": 5.6000000000000006e-05,
792
+ "loss": 4.085,
793
+ "step": 112
794
+ },
795
+ {
796
+ "epoch": 0.20342034203420342,
797
+ "grad_norm": 4.2752556800842285,
798
+ "learning_rate": 5.65e-05,
799
+ "loss": 4.3178,
800
+ "step": 113
801
+ },
802
+ {
803
+ "epoch": 0.20522052205220523,
804
+ "grad_norm": 4.687012672424316,
805
+ "learning_rate": 5.6999999999999996e-05,
806
+ "loss": 4.4426,
807
+ "step": 114
808
+ },
809
+ {
810
+ "epoch": 0.207020702070207,
811
+ "grad_norm": 4.1435017585754395,
812
+ "learning_rate": 5.7499999999999995e-05,
813
+ "loss": 4.268,
814
+ "step": 115
815
+ },
816
+ {
817
+ "epoch": 0.20882088208820881,
818
+ "grad_norm": 4.161345481872559,
819
+ "learning_rate": 5.8e-05,
820
+ "loss": 4.4851,
821
+ "step": 116
822
+ },
823
+ {
824
+ "epoch": 0.21062106210621062,
825
+ "grad_norm": 3.927691698074341,
826
+ "learning_rate": 5.85e-05,
827
+ "loss": 4.0147,
828
+ "step": 117
829
+ },
830
+ {
831
+ "epoch": 0.21242124212421243,
832
+ "grad_norm": 4.2265944480896,
833
+ "learning_rate": 5.9e-05,
834
+ "loss": 4.3646,
835
+ "step": 118
836
+ },
837
+ {
838
+ "epoch": 0.21422142214221424,
839
+ "grad_norm": 4.2369704246521,
840
+ "learning_rate": 5.95e-05,
841
+ "loss": 4.3241,
842
+ "step": 119
843
+ },
844
+ {
845
+ "epoch": 0.21602160216021601,
846
+ "grad_norm": 4.384726047515869,
847
+ "learning_rate": 6e-05,
848
+ "loss": 4.4394,
849
+ "step": 120
850
+ },
851
+ {
852
+ "epoch": 0.21782178217821782,
853
+ "grad_norm": 4.316718578338623,
854
+ "learning_rate": 6.05e-05,
855
+ "loss": 4.0843,
856
+ "step": 121
857
+ },
858
+ {
859
+ "epoch": 0.21962196219621963,
860
+ "grad_norm": 3.7887487411499023,
861
+ "learning_rate": 6.1e-05,
862
+ "loss": 4.1607,
863
+ "step": 122
864
+ },
865
+ {
866
+ "epoch": 0.22142214221422143,
867
+ "grad_norm": 4.181461334228516,
868
+ "learning_rate": 6.15e-05,
869
+ "loss": 4.2074,
870
+ "step": 123
871
+ },
872
+ {
873
+ "epoch": 0.2232223222322232,
874
+ "grad_norm": 3.9978582859039307,
875
+ "learning_rate": 6.2e-05,
876
+ "loss": 4.4763,
877
+ "step": 124
878
+ },
879
+ {
880
+ "epoch": 0.22502250225022502,
881
+ "grad_norm": 4.156275749206543,
882
+ "learning_rate": 6.25e-05,
883
+ "loss": 4.2295,
884
+ "step": 125
885
+ },
886
+ {
887
+ "epoch": 0.22682268226822683,
888
+ "grad_norm": 3.867684841156006,
889
+ "learning_rate": 6.3e-05,
890
+ "loss": 4.4481,
891
+ "step": 126
892
+ },
893
+ {
894
+ "epoch": 0.22862286228622863,
895
+ "grad_norm": 4.037459373474121,
896
+ "learning_rate": 6.35e-05,
897
+ "loss": 4.157,
898
+ "step": 127
899
+ },
900
+ {
901
+ "epoch": 0.2304230423042304,
902
+ "grad_norm": 4.304506778717041,
903
+ "learning_rate": 6.400000000000001e-05,
904
+ "loss": 4.5553,
905
+ "step": 128
906
+ },
907
+ {
908
+ "epoch": 0.23222322232223222,
909
+ "grad_norm": 4.406405925750732,
910
+ "learning_rate": 6.450000000000001e-05,
911
+ "loss": 4.7441,
912
+ "step": 129
913
+ },
914
+ {
915
+ "epoch": 0.23402340234023403,
916
+ "grad_norm": 4.19051456451416,
917
+ "learning_rate": 6.500000000000001e-05,
918
+ "loss": 4.7459,
919
+ "step": 130
920
+ },
921
+ {
922
+ "epoch": 0.23582358235823583,
923
+ "grad_norm": 4.138574600219727,
924
+ "learning_rate": 6.55e-05,
925
+ "loss": 4.6568,
926
+ "step": 131
927
+ },
928
+ {
929
+ "epoch": 0.2376237623762376,
930
+ "grad_norm": 4.434947967529297,
931
+ "learning_rate": 6.6e-05,
932
+ "loss": 4.8297,
933
+ "step": 132
934
+ },
935
+ {
936
+ "epoch": 0.23942394239423942,
937
+ "grad_norm": 3.5757968425750732,
938
+ "learning_rate": 6.65e-05,
939
+ "loss": 4.2438,
940
+ "step": 133
941
+ },
942
+ {
943
+ "epoch": 0.24122412241224123,
944
+ "grad_norm": 4.133842945098877,
945
+ "learning_rate": 6.7e-05,
946
+ "loss": 4.5298,
947
+ "step": 134
948
+ },
949
+ {
950
+ "epoch": 0.24302430243024303,
951
+ "grad_norm": 4.089065074920654,
952
+ "learning_rate": 6.750000000000001e-05,
953
+ "loss": 5.4232,
954
+ "step": 135
955
+ },
956
+ {
957
+ "epoch": 0.2448244824482448,
958
+ "grad_norm": 4.211568832397461,
959
+ "learning_rate": 6.800000000000001e-05,
960
+ "loss": 5.3946,
961
+ "step": 136
962
+ },
963
+ {
964
+ "epoch": 0.24662466246624662,
965
+ "grad_norm": 4.204323768615723,
966
+ "learning_rate": 6.850000000000001e-05,
967
+ "loss": 4.9143,
968
+ "step": 137
969
+ },
970
+ {
971
+ "epoch": 0.24842484248424843,
972
+ "grad_norm": 4.3052873611450195,
973
+ "learning_rate": 6.9e-05,
974
+ "loss": 5.5809,
975
+ "step": 138
976
+ },
977
+ {
978
+ "epoch": 0.2502250225022502,
979
+ "grad_norm": 3.8890812397003174,
980
+ "learning_rate": 6.95e-05,
981
+ "loss": 5.0493,
982
+ "step": 139
983
+ },
984
+ {
985
+ "epoch": 0.252025202520252,
986
+ "grad_norm": 4.273584842681885,
987
+ "learning_rate": 7e-05,
988
+ "loss": 5.45,
989
+ "step": 140
990
+ },
991
+ {
992
+ "epoch": 0.2538253825382538,
993
+ "grad_norm": 4.8961358070373535,
994
+ "learning_rate": 7.05e-05,
995
+ "loss": 5.5538,
996
+ "step": 141
997
+ },
998
+ {
999
+ "epoch": 0.2556255625562556,
1000
+ "grad_norm": 4.320993423461914,
1001
+ "learning_rate": 7.1e-05,
1002
+ "loss": 5.3233,
1003
+ "step": 142
1004
+ },
1005
+ {
1006
+ "epoch": 0.25742574257425743,
1007
+ "grad_norm": 3.967057704925537,
1008
+ "learning_rate": 7.15e-05,
1009
+ "loss": 5.1942,
1010
+ "step": 143
1011
+ },
1012
+ {
1013
+ "epoch": 0.25922592259225924,
1014
+ "grad_norm": 4.173534870147705,
1015
+ "learning_rate": 7.2e-05,
1016
+ "loss": 5.1138,
1017
+ "step": 144
1018
+ },
1019
+ {
1020
+ "epoch": 0.26102610261026105,
1021
+ "grad_norm": 4.54023551940918,
1022
+ "learning_rate": 7.25e-05,
1023
+ "loss": 5.6945,
1024
+ "step": 145
1025
+ },
1026
+ {
1027
+ "epoch": 0.26282628262826285,
1028
+ "grad_norm": 4.46029806137085,
1029
+ "learning_rate": 7.3e-05,
1030
+ "loss": 5.5752,
1031
+ "step": 146
1032
+ },
1033
+ {
1034
+ "epoch": 0.2646264626462646,
1035
+ "grad_norm": 4.0620574951171875,
1036
+ "learning_rate": 7.35e-05,
1037
+ "loss": 5.2059,
1038
+ "step": 147
1039
+ },
1040
+ {
1041
+ "epoch": 0.2664266426642664,
1042
+ "grad_norm": 4.501194477081299,
1043
+ "learning_rate": 7.4e-05,
1044
+ "loss": 5.6742,
1045
+ "step": 148
1046
+ },
1047
+ {
1048
+ "epoch": 0.2682268226822682,
1049
+ "grad_norm": 4.779675483703613,
1050
+ "learning_rate": 7.450000000000001e-05,
1051
+ "loss": 6.3616,
1052
+ "step": 149
1053
+ },
1054
+ {
1055
+ "epoch": 0.27002700270027,
1056
+ "grad_norm": 5.094762802124023,
1057
+ "learning_rate": 7.500000000000001e-05,
1058
+ "loss": 5.8473,
1059
+ "step": 150
1060
+ },
1061
+ {
1062
+ "epoch": 0.27182718271827183,
1063
+ "grad_norm": 30.64379119873047,
1064
+ "learning_rate": 7.55e-05,
1065
+ "loss": 6.9989,
1066
+ "step": 151
1067
+ },
1068
+ {
1069
+ "epoch": 0.27362736273627364,
1070
+ "grad_norm": 11.478928565979004,
1071
+ "learning_rate": 7.6e-05,
1072
+ "loss": 3.2922,
1073
+ "step": 152
1074
+ },
1075
+ {
1076
+ "epoch": 0.27542754275427545,
1077
+ "grad_norm": 5.4645466804504395,
1078
+ "learning_rate": 7.65e-05,
1079
+ "loss": 3.4407,
1080
+ "step": 153
1081
+ },
1082
+ {
1083
+ "epoch": 0.27722772277227725,
1084
+ "grad_norm": 5.904770374298096,
1085
+ "learning_rate": 7.7e-05,
1086
+ "loss": 3.5843,
1087
+ "step": 154
1088
+ },
1089
+ {
1090
+ "epoch": 0.279027902790279,
1091
+ "grad_norm": 4.119198322296143,
1092
+ "learning_rate": 7.75e-05,
1093
+ "loss": 3.1653,
1094
+ "step": 155
1095
+ },
1096
+ {
1097
+ "epoch": 0.2808280828082808,
1098
+ "grad_norm": 4.040031909942627,
1099
+ "learning_rate": 7.800000000000001e-05,
1100
+ "loss": 3.4589,
1101
+ "step": 156
1102
+ },
1103
+ {
1104
+ "epoch": 0.2826282628262826,
1105
+ "grad_norm": 4.188577175140381,
1106
+ "learning_rate": 7.850000000000001e-05,
1107
+ "loss": 3.7084,
1108
+ "step": 157
1109
+ },
1110
+ {
1111
+ "epoch": 0.2844284428442844,
1112
+ "grad_norm": 4.088983058929443,
1113
+ "learning_rate": 7.900000000000001e-05,
1114
+ "loss": 3.8008,
1115
+ "step": 158
1116
+ },
1117
+ {
1118
+ "epoch": 0.28622862286228623,
1119
+ "grad_norm": 3.6383821964263916,
1120
+ "learning_rate": 7.950000000000001e-05,
1121
+ "loss": 3.9436,
1122
+ "step": 159
1123
+ },
1124
+ {
1125
+ "epoch": 0.28802880288028804,
1126
+ "grad_norm": 4.231886863708496,
1127
+ "learning_rate": 8e-05,
1128
+ "loss": 4.5073,
1129
+ "step": 160
1130
+ },
1131
+ {
1132
+ "epoch": 0.28982898289828984,
1133
+ "grad_norm": 4.518820762634277,
1134
+ "learning_rate": 8.05e-05,
1135
+ "loss": 3.5422,
1136
+ "step": 161
1137
+ },
1138
+ {
1139
+ "epoch": 0.29162916291629165,
1140
+ "grad_norm": 4.026054382324219,
1141
+ "learning_rate": 8.1e-05,
1142
+ "loss": 3.7513,
1143
+ "step": 162
1144
+ },
1145
+ {
1146
+ "epoch": 0.2934293429342934,
1147
+ "grad_norm": 3.7655909061431885,
1148
+ "learning_rate": 8.15e-05,
1149
+ "loss": 4.2454,
1150
+ "step": 163
1151
+ },
1152
+ {
1153
+ "epoch": 0.2952295229522952,
1154
+ "grad_norm": 3.6118693351745605,
1155
+ "learning_rate": 8.2e-05,
1156
+ "loss": 3.7299,
1157
+ "step": 164
1158
+ },
1159
+ {
1160
+ "epoch": 0.297029702970297,
1161
+ "grad_norm": 4.284143447875977,
1162
+ "learning_rate": 8.25e-05,
1163
+ "loss": 4.07,
1164
+ "step": 165
1165
+ },
1166
+ {
1167
+ "epoch": 0.2988298829882988,
1168
+ "grad_norm": 4.056666374206543,
1169
+ "learning_rate": 8.3e-05,
1170
+ "loss": 4.1954,
1171
+ "step": 166
1172
+ },
1173
+ {
1174
+ "epoch": 0.30063006300630063,
1175
+ "grad_norm": 4.1431565284729,
1176
+ "learning_rate": 8.35e-05,
1177
+ "loss": 4.252,
1178
+ "step": 167
1179
+ },
1180
+ {
1181
+ "epoch": 0.30243024302430244,
1182
+ "grad_norm": 4.241552829742432,
1183
+ "learning_rate": 8.4e-05,
1184
+ "loss": 4.1166,
1185
+ "step": 168
1186
+ },
1187
+ {
1188
+ "epoch": 0.30423042304230424,
1189
+ "grad_norm": 4.314858913421631,
1190
+ "learning_rate": 8.450000000000001e-05,
1191
+ "loss": 4.0205,
1192
+ "step": 169
1193
+ },
1194
+ {
1195
+ "epoch": 0.30603060306030605,
1196
+ "grad_norm": 4.8378400802612305,
1197
+ "learning_rate": 8.5e-05,
1198
+ "loss": 4.4915,
1199
+ "step": 170
1200
+ },
1201
+ {
1202
+ "epoch": 0.30783078307830786,
1203
+ "grad_norm": 3.758328437805176,
1204
+ "learning_rate": 8.55e-05,
1205
+ "loss": 4.2785,
1206
+ "step": 171
1207
+ },
1208
+ {
1209
+ "epoch": 0.3096309630963096,
1210
+ "grad_norm": 4.4342360496521,
1211
+ "learning_rate": 8.6e-05,
1212
+ "loss": 4.2285,
1213
+ "step": 172
1214
+ },
1215
+ {
1216
+ "epoch": 0.3114311431143114,
1217
+ "grad_norm": 4.5404052734375,
1218
+ "learning_rate": 8.65e-05,
1219
+ "loss": 4.3089,
1220
+ "step": 173
1221
+ },
1222
+ {
1223
+ "epoch": 0.3132313231323132,
1224
+ "grad_norm": 3.7609307765960693,
1225
+ "learning_rate": 8.7e-05,
1226
+ "loss": 4.3388,
1227
+ "step": 174
1228
+ },
1229
+ {
1230
+ "epoch": 0.31503150315031503,
1231
+ "grad_norm": 4.27951717376709,
1232
+ "learning_rate": 8.75e-05,
1233
+ "loss": 4.3054,
1234
+ "step": 175
1235
+ },
1236
+ {
1237
+ "epoch": 0.31683168316831684,
1238
+ "grad_norm": 4.713607311248779,
1239
+ "learning_rate": 8.800000000000001e-05,
1240
+ "loss": 4.5114,
1241
+ "step": 176
1242
+ },
1243
+ {
1244
+ "epoch": 0.31863186318631864,
1245
+ "grad_norm": 3.725269079208374,
1246
+ "learning_rate": 8.850000000000001e-05,
1247
+ "loss": 4.4626,
1248
+ "step": 177
1249
+ },
1250
+ {
1251
+ "epoch": 0.32043204320432045,
1252
+ "grad_norm": 4.011518478393555,
1253
+ "learning_rate": 8.900000000000001e-05,
1254
+ "loss": 4.4429,
1255
+ "step": 178
1256
+ },
1257
+ {
1258
+ "epoch": 0.32223222322232226,
1259
+ "grad_norm": 4.707291603088379,
1260
+ "learning_rate": 8.950000000000001e-05,
1261
+ "loss": 4.3184,
1262
+ "step": 179
1263
+ },
1264
+ {
1265
+ "epoch": 0.324032403240324,
1266
+ "grad_norm": 4.8839192390441895,
1267
+ "learning_rate": 9e-05,
1268
+ "loss": 4.9505,
1269
+ "step": 180
1270
+ },
1271
+ {
1272
+ "epoch": 0.3258325832583258,
1273
+ "grad_norm": 4.054986953735352,
1274
+ "learning_rate": 9.05e-05,
1275
+ "loss": 4.754,
1276
+ "step": 181
1277
+ },
1278
+ {
1279
+ "epoch": 0.3276327632763276,
1280
+ "grad_norm": 3.74249529838562,
1281
+ "learning_rate": 9.1e-05,
1282
+ "loss": 4.5569,
1283
+ "step": 182
1284
+ },
1285
+ {
1286
+ "epoch": 0.32943294329432943,
1287
+ "grad_norm": 4.3617939949035645,
1288
+ "learning_rate": 9.15e-05,
1289
+ "loss": 4.1692,
1290
+ "step": 183
1291
+ },
1292
+ {
1293
+ "epoch": 0.33123312331233123,
1294
+ "grad_norm": 4.2513346672058105,
1295
+ "learning_rate": 9.200000000000001e-05,
1296
+ "loss": 4.6149,
1297
+ "step": 184
1298
+ },
1299
+ {
1300
+ "epoch": 0.33303330333033304,
1301
+ "grad_norm": 4.553803443908691,
1302
+ "learning_rate": 9.250000000000001e-05,
1303
+ "loss": 4.5845,
1304
+ "step": 185
1305
+ },
1306
+ {
1307
+ "epoch": 0.33483348334833485,
1308
+ "grad_norm": 3.855337619781494,
1309
+ "learning_rate": 9.300000000000001e-05,
1310
+ "loss": 4.5672,
1311
+ "step": 186
1312
+ },
1313
+ {
1314
+ "epoch": 0.33663366336633666,
1315
+ "grad_norm": 4.010441303253174,
1316
+ "learning_rate": 9.350000000000001e-05,
1317
+ "loss": 5.1355,
1318
+ "step": 187
1319
+ },
1320
+ {
1321
+ "epoch": 0.3384338433843384,
1322
+ "grad_norm": 4.344321250915527,
1323
+ "learning_rate": 9.4e-05,
1324
+ "loss": 5.2234,
1325
+ "step": 188
1326
+ },
1327
+ {
1328
+ "epoch": 0.3402340234023402,
1329
+ "grad_norm": 3.883000373840332,
1330
+ "learning_rate": 9.449999999999999e-05,
1331
+ "loss": 4.6074,
1332
+ "step": 189
1333
+ },
1334
+ {
1335
+ "epoch": 0.342034203420342,
1336
+ "grad_norm": 4.245122909545898,
1337
+ "learning_rate": 9.5e-05,
1338
+ "loss": 4.7656,
1339
+ "step": 190
1340
+ },
1341
+ {
1342
+ "epoch": 0.3438343834383438,
1343
+ "grad_norm": 4.1966023445129395,
1344
+ "learning_rate": 9.55e-05,
1345
+ "loss": 5.1034,
1346
+ "step": 191
1347
+ },
1348
+ {
1349
+ "epoch": 0.34563456345634563,
1350
+ "grad_norm": 4.888998031616211,
1351
+ "learning_rate": 9.6e-05,
1352
+ "loss": 4.543,
1353
+ "step": 192
1354
+ },
1355
+ {
1356
+ "epoch": 0.34743474347434744,
1357
+ "grad_norm": 4.0577311515808105,
1358
+ "learning_rate": 9.65e-05,
1359
+ "loss": 5.0657,
1360
+ "step": 193
1361
+ },
1362
+ {
1363
+ "epoch": 0.34923492349234925,
1364
+ "grad_norm": 4.154134750366211,
1365
+ "learning_rate": 9.7e-05,
1366
+ "loss": 5.1474,
1367
+ "step": 194
1368
+ },
1369
+ {
1370
+ "epoch": 0.35103510351035105,
1371
+ "grad_norm": 4.5482282638549805,
1372
+ "learning_rate": 9.75e-05,
1373
+ "loss": 5.611,
1374
+ "step": 195
1375
+ },
1376
+ {
1377
+ "epoch": 0.35283528352835286,
1378
+ "grad_norm": 4.7754292488098145,
1379
+ "learning_rate": 9.8e-05,
1380
+ "loss": 5.8798,
1381
+ "step": 196
1382
+ },
1383
+ {
1384
+ "epoch": 0.3546354635463546,
1385
+ "grad_norm": 4.595111846923828,
1386
+ "learning_rate": 9.850000000000001e-05,
1387
+ "loss": 5.5665,
1388
+ "step": 197
1389
+ },
1390
+ {
1391
+ "epoch": 0.3564356435643564,
1392
+ "grad_norm": 4.434641361236572,
1393
+ "learning_rate": 9.900000000000001e-05,
1394
+ "loss": 5.017,
1395
+ "step": 198
1396
+ },
1397
+ {
1398
+ "epoch": 0.3582358235823582,
1399
+ "grad_norm": 4.628114223480225,
1400
+ "learning_rate": 9.95e-05,
1401
+ "loss": 5.4085,
1402
+ "step": 199
1403
+ },
1404
+ {
1405
+ "epoch": 0.36003600360036003,
1406
+ "grad_norm": 4.574793815612793,
1407
+ "learning_rate": 0.0001,
1408
+ "loss": 4.868,
1409
+ "step": 200
1410
+ },
1411
+ {
1412
+ "epoch": 0.36183618361836184,
1413
+ "grad_norm": 48.827030181884766,
1414
+ "learning_rate": 9.999804214640151e-05,
1415
+ "loss": 5.6442,
1416
+ "step": 201
1417
+ },
1418
+ {
1419
+ "epoch": 0.36363636363636365,
1420
+ "grad_norm": 7.539086818695068,
1421
+ "learning_rate": 9.999216873893363e-05,
1422
+ "loss": 2.9833,
1423
+ "step": 202
1424
+ },
1425
+ {
1426
+ "epoch": 0.36543654365436545,
1427
+ "grad_norm": 4.620749473571777,
1428
+ "learning_rate": 9.998238023756727e-05,
1429
+ "loss": 2.9572,
1430
+ "step": 203
1431
+ },
1432
+ {
1433
+ "epoch": 0.36723672367236726,
1434
+ "grad_norm": 3.8858468532562256,
1435
+ "learning_rate": 9.996867740888052e-05,
1436
+ "loss": 3.4909,
1437
+ "step": 204
1438
+ },
1439
+ {
1440
+ "epoch": 0.369036903690369,
1441
+ "grad_norm": 4.157265663146973,
1442
+ "learning_rate": 9.995106132599869e-05,
1443
+ "loss": 3.794,
1444
+ "step": 205
1445
+ },
1446
+ {
1447
+ "epoch": 0.3708370837083708,
1448
+ "grad_norm": 3.5816516876220703,
1449
+ "learning_rate": 9.99295333685102e-05,
1450
+ "loss": 3.6478,
1451
+ "step": 206
1452
+ },
1453
+ {
1454
+ "epoch": 0.3726372637263726,
1455
+ "grad_norm": 4.691586494445801,
1456
+ "learning_rate": 9.990409522235866e-05,
1457
+ "loss": 3.6508,
1458
+ "step": 207
1459
+ },
1460
+ {
1461
+ "epoch": 0.37443744374437443,
1462
+ "grad_norm": 4.206489562988281,
1463
+ "learning_rate": 9.987474887971067e-05,
1464
+ "loss": 4.0346,
1465
+ "step": 208
1466
+ },
1467
+ {
1468
+ "epoch": 0.37623762376237624,
1469
+ "grad_norm": 4.957794189453125,
1470
+ "learning_rate": 9.984149663879993e-05,
1471
+ "loss": 3.9599,
1472
+ "step": 209
1473
+ },
1474
+ {
1475
+ "epoch": 0.37803780378037805,
1476
+ "grad_norm": 3.705470561981201,
1477
+ "learning_rate": 9.980434110374724e-05,
1478
+ "loss": 3.7593,
1479
+ "step": 210
1480
+ },
1481
+ {
1482
+ "epoch": 0.37983798379837985,
1483
+ "grad_norm": 3.760009288787842,
1484
+ "learning_rate": 9.976328518435653e-05,
1485
+ "loss": 3.6834,
1486
+ "step": 211
1487
+ },
1488
+ {
1489
+ "epoch": 0.38163816381638166,
1490
+ "grad_norm": 4.849155902862549,
1491
+ "learning_rate": 9.971833209588696e-05,
1492
+ "loss": 3.7644,
1493
+ "step": 212
1494
+ },
1495
+ {
1496
+ "epoch": 0.38343834383438347,
1497
+ "grad_norm": 4.008197784423828,
1498
+ "learning_rate": 9.966948535880118e-05,
1499
+ "loss": 3.9239,
1500
+ "step": 213
1501
+ },
1502
+ {
1503
+ "epoch": 0.3852385238523852,
1504
+ "grad_norm": 4.340366840362549,
1505
+ "learning_rate": 9.961674879848957e-05,
1506
+ "loss": 3.8541,
1507
+ "step": 214
1508
+ },
1509
+ {
1510
+ "epoch": 0.387038703870387,
1511
+ "grad_norm": 4.3433332443237305,
1512
+ "learning_rate": 9.956012654497074e-05,
1513
+ "loss": 3.6372,
1514
+ "step": 215
1515
+ },
1516
+ {
1517
+ "epoch": 0.38883888388838883,
1518
+ "grad_norm": 3.838965654373169,
1519
+ "learning_rate": 9.949962303256796e-05,
1520
+ "loss": 4.1607,
1521
+ "step": 216
1522
+ },
1523
+ {
1524
+ "epoch": 0.39063906390639064,
1525
+ "grad_norm": 3.958833932876587,
1526
+ "learning_rate": 9.943524299956207e-05,
1527
+ "loss": 4.0357,
1528
+ "step": 217
1529
+ },
1530
+ {
1531
+ "epoch": 0.39243924392439244,
1532
+ "grad_norm": 4.2294840812683105,
1533
+ "learning_rate": 9.936699148782019e-05,
1534
+ "loss": 4.1384,
1535
+ "step": 218
1536
+ },
1537
+ {
1538
+ "epoch": 0.39423942394239425,
1539
+ "grad_norm": 4.255922317504883,
1540
+ "learning_rate": 9.929487384240103e-05,
1541
+ "loss": 4.3947,
1542
+ "step": 219
1543
+ },
1544
+ {
1545
+ "epoch": 0.39603960396039606,
1546
+ "grad_norm": 4.967748641967773,
1547
+ "learning_rate": 9.921889571113628e-05,
1548
+ "loss": 4.2571,
1549
+ "step": 220
1550
+ },
1551
+ {
1552
+ "epoch": 0.39783978397839787,
1553
+ "grad_norm": 5.7947845458984375,
1554
+ "learning_rate": 9.913906304418825e-05,
1555
+ "loss": 4.3985,
1556
+ "step": 221
1557
+ },
1558
+ {
1559
+ "epoch": 0.3996399639963996,
1560
+ "grad_norm": 4.166469097137451,
1561
+ "learning_rate": 9.90553820935839e-05,
1562
+ "loss": 4.3324,
1563
+ "step": 222
1564
+ },
1565
+ {
1566
+ "epoch": 0.4014401440144014,
1567
+ "grad_norm": 3.7093265056610107,
1568
+ "learning_rate": 9.896785941272523e-05,
1569
+ "loss": 4.4313,
1570
+ "step": 223
1571
+ },
1572
+ {
1573
+ "epoch": 0.40324032403240323,
1574
+ "grad_norm": 4.43189001083374,
1575
+ "learning_rate": 9.887650185587612e-05,
1576
+ "loss": 4.723,
1577
+ "step": 224
1578
+ },
1579
+ {
1580
+ "epoch": 0.40504050405040504,
1581
+ "grad_norm": 4.146303653717041,
1582
+ "learning_rate": 9.878131657762535e-05,
1583
+ "loss": 4.555,
1584
+ "step": 225
1585
+ },
1586
+ {
1587
+ "epoch": 0.40684068406840684,
1588
+ "grad_norm": 4.075449466705322,
1589
+ "learning_rate": 9.868231103232655e-05,
1590
+ "loss": 4.4108,
1591
+ "step": 226
1592
+ },
1593
+ {
1594
+ "epoch": 0.40864086408640865,
1595
+ "grad_norm": 4.104311943054199,
1596
+ "learning_rate": 9.857949297351422e-05,
1597
+ "loss": 4.867,
1598
+ "step": 227
1599
+ },
1600
+ {
1601
+ "epoch": 0.41044104410441046,
1602
+ "grad_norm": 3.903787612915039,
1603
+ "learning_rate": 9.847287045329666e-05,
1604
+ "loss": 4.3154,
1605
+ "step": 228
1606
+ },
1607
+ {
1608
+ "epoch": 0.41224122412241226,
1609
+ "grad_norm": 4.177591800689697,
1610
+ "learning_rate": 9.83624518217252e-05,
1611
+ "loss": 4.3139,
1612
+ "step": 229
1613
+ },
1614
+ {
1615
+ "epoch": 0.414041404140414,
1616
+ "grad_norm": 3.577852725982666,
1617
+ "learning_rate": 9.824824572614051e-05,
1618
+ "loss": 4.6006,
1619
+ "step": 230
1620
+ },
1621
+ {
1622
+ "epoch": 0.4158415841584158,
1623
+ "grad_norm": 4.238375186920166,
1624
+ "learning_rate": 9.813026111049515e-05,
1625
+ "loss": 4.1235,
1626
+ "step": 231
1627
+ },
1628
+ {
1629
+ "epoch": 0.41764176417641763,
1630
+ "grad_norm": 4.316523551940918,
1631
+ "learning_rate": 9.800850721465334e-05,
1632
+ "loss": 4.9625,
1633
+ "step": 232
1634
+ },
1635
+ {
1636
+ "epoch": 0.41944194419441944,
1637
+ "grad_norm": 3.8222544193267822,
1638
+ "learning_rate": 9.788299357366716e-05,
1639
+ "loss": 4.843,
1640
+ "step": 233
1641
+ },
1642
+ {
1643
+ "epoch": 0.42124212421242124,
1644
+ "grad_norm": 4.11749792098999,
1645
+ "learning_rate": 9.775373001702998e-05,
1646
+ "loss": 4.5882,
1647
+ "step": 234
1648
+ },
1649
+ {
1650
+ "epoch": 0.42304230423042305,
1651
+ "grad_norm": 3.6795084476470947,
1652
+ "learning_rate": 9.762072666790658e-05,
1653
+ "loss": 5.2389,
1654
+ "step": 235
1655
+ },
1656
+ {
1657
+ "epoch": 0.42484248424842486,
1658
+ "grad_norm": 3.996441602706909,
1659
+ "learning_rate": 9.748399394234038e-05,
1660
+ "loss": 4.6672,
1661
+ "step": 236
1662
+ },
1663
+ {
1664
+ "epoch": 0.42664266426642666,
1665
+ "grad_norm": 4.023096561431885,
1666
+ "learning_rate": 9.734354254843773e-05,
1667
+ "loss": 5.3549,
1668
+ "step": 237
1669
+ },
1670
+ {
1671
+ "epoch": 0.42844284428442847,
1672
+ "grad_norm": 4.174993515014648,
1673
+ "learning_rate": 9.71993834855293e-05,
1674
+ "loss": 5.1587,
1675
+ "step": 238
1676
+ },
1677
+ {
1678
+ "epoch": 0.4302430243024302,
1679
+ "grad_norm": 4.372593879699707,
1680
+ "learning_rate": 9.705152804330872e-05,
1681
+ "loss": 5.6517,
1682
+ "step": 239
1683
+ },
1684
+ {
1685
+ "epoch": 0.43204320432043203,
1686
+ "grad_norm": 4.535490989685059,
1687
+ "learning_rate": 9.689998780094837e-05,
1688
+ "loss": 5.4977,
1689
+ "step": 240
1690
+ },
1691
+ {
1692
+ "epoch": 0.43384338433843384,
1693
+ "grad_norm": 4.093436241149902,
1694
+ "learning_rate": 9.67447746261926e-05,
1695
+ "loss": 4.3227,
1696
+ "step": 241
1697
+ },
1698
+ {
1699
+ "epoch": 0.43564356435643564,
1700
+ "grad_norm": 4.311260223388672,
1701
+ "learning_rate": 9.658590067442829e-05,
1702
+ "loss": 5.137,
1703
+ "step": 242
1704
+ },
1705
+ {
1706
+ "epoch": 0.43744374437443745,
1707
+ "grad_norm": 4.544931411743164,
1708
+ "learning_rate": 9.6423378387733e-05,
1709
+ "loss": 5.3618,
1710
+ "step": 243
1711
+ },
1712
+ {
1713
+ "epoch": 0.43924392439243926,
1714
+ "grad_norm": 4.6238298416137695,
1715
+ "learning_rate": 9.625722049390046e-05,
1716
+ "loss": 5.7622,
1717
+ "step": 244
1718
+ },
1719
+ {
1720
+ "epoch": 0.44104410441044106,
1721
+ "grad_norm": 4.168641567230225,
1722
+ "learning_rate": 9.608744000544392e-05,
1723
+ "loss": 5.2432,
1724
+ "step": 245
1725
+ },
1726
+ {
1727
+ "epoch": 0.44284428442844287,
1728
+ "grad_norm": 4.634570598602295,
1729
+ "learning_rate": 9.591405021857695e-05,
1730
+ "loss": 5.8623,
1731
+ "step": 246
1732
+ },
1733
+ {
1734
+ "epoch": 0.4446444644464446,
1735
+ "grad_norm": 4.366397380828857,
1736
+ "learning_rate": 9.573706471217232e-05,
1737
+ "loss": 5.4993,
1738
+ "step": 247
1739
+ },
1740
+ {
1741
+ "epoch": 0.4464446444644464,
1742
+ "grad_norm": 4.067739963531494,
1743
+ "learning_rate": 9.55564973466984e-05,
1744
+ "loss": 5.6379,
1745
+ "step": 248
1746
+ },
1747
+ {
1748
+ "epoch": 0.44824482448244823,
1749
+ "grad_norm": 3.8812038898468018,
1750
+ "learning_rate": 9.537236226313389e-05,
1751
+ "loss": 5.4358,
1752
+ "step": 249
1753
+ },
1754
+ {
1755
+ "epoch": 0.45004500450045004,
1756
+ "grad_norm": 5.2032318115234375,
1757
+ "learning_rate": 9.51846738818602e-05,
1758
+ "loss": 5.2139,
1759
+ "step": 250
1760
+ },
1761
+ {
1762
+ "epoch": 0.45184518451845185,
1763
+ "grad_norm": 64.75902557373047,
1764
+ "learning_rate": 9.499344690153225e-05,
1765
+ "loss": 6.1023,
1766
+ "step": 251
1767
+ },
1768
+ {
1769
+ "epoch": 0.45364536453645365,
1770
+ "grad_norm": 35.30427932739258,
1771
+ "learning_rate": 9.479869629792728e-05,
1772
+ "loss": 3.4732,
1773
+ "step": 252
1774
+ },
1775
+ {
1776
+ "epoch": 0.45544554455445546,
1777
+ "grad_norm": 4.7051496505737305,
1778
+ "learning_rate": 9.460043732277213e-05,
1779
+ "loss": 2.73,
1780
+ "step": 253
1781
+ },
1782
+ {
1783
+ "epoch": 0.45724572457245727,
1784
+ "grad_norm": 3.9896416664123535,
1785
+ "learning_rate": 9.439868550254869e-05,
1786
+ "loss": 3.2622,
1787
+ "step": 254
1788
+ },
1789
+ {
1790
+ "epoch": 0.459045904590459,
1791
+ "grad_norm": 3.751338005065918,
1792
+ "learning_rate": 9.419345663727805e-05,
1793
+ "loss": 3.0939,
1794
+ "step": 255
1795
+ },
1796
+ {
1797
+ "epoch": 0.4608460846084608,
1798
+ "grad_norm": 3.8281116485595703,
1799
+ "learning_rate": 9.398476679928313e-05,
1800
+ "loss": 3.9917,
1801
+ "step": 256
1802
+ },
1803
+ {
1804
+ "epoch": 0.46264626462646263,
1805
+ "grad_norm": 3.47261905670166,
1806
+ "learning_rate": 9.377263233192992e-05,
1807
+ "loss": 3.471,
1808
+ "step": 257
1809
+ },
1810
+ {
1811
+ "epoch": 0.46444644464446444,
1812
+ "grad_norm": 3.8381025791168213,
1813
+ "learning_rate": 9.355706984834763e-05,
1814
+ "loss": 3.7771,
1815
+ "step": 258
1816
+ },
1817
+ {
1818
+ "epoch": 0.46624662466246625,
1819
+ "grad_norm": 4.145185470581055,
1820
+ "learning_rate": 9.333809623012763e-05,
1821
+ "loss": 3.7653,
1822
+ "step": 259
1823
+ },
1824
+ {
1825
+ "epoch": 0.46804680468046805,
1826
+ "grad_norm": 3.826444387435913,
1827
+ "learning_rate": 9.311572862600139e-05,
1828
+ "loss": 3.7425,
1829
+ "step": 260
1830
+ },
1831
+ {
1832
+ "epoch": 0.46984698469846986,
1833
+ "grad_norm": 3.433979034423828,
1834
+ "learning_rate": 9.288998445049746e-05,
1835
+ "loss": 3.4126,
1836
+ "step": 261
1837
+ },
1838
+ {
1839
+ "epoch": 0.47164716471647167,
1840
+ "grad_norm": 4.036341667175293,
1841
+ "learning_rate": 9.266088138257768e-05,
1842
+ "loss": 3.6221,
1843
+ "step": 262
1844
+ },
1845
+ {
1846
+ "epoch": 0.4734473447344735,
1847
+ "grad_norm": 3.754890203475952,
1848
+ "learning_rate": 9.24284373642527e-05,
1849
+ "loss": 4.0088,
1850
+ "step": 263
1851
+ },
1852
+ {
1853
+ "epoch": 0.4752475247524752,
1854
+ "grad_norm": 3.838566780090332,
1855
+ "learning_rate": 9.219267059917682e-05,
1856
+ "loss": 3.6828,
1857
+ "step": 264
1858
+ },
1859
+ {
1860
+ "epoch": 0.47704770477047703,
1861
+ "grad_norm": 3.6993019580841064,
1862
+ "learning_rate": 9.195359955122244e-05,
1863
+ "loss": 3.7106,
1864
+ "step": 265
1865
+ },
1866
+ {
1867
+ "epoch": 0.47884788478847884,
1868
+ "grad_norm": 3.721072196960449,
1869
+ "learning_rate": 9.171124294303399e-05,
1870
+ "loss": 3.9501,
1871
+ "step": 266
1872
+ },
1873
+ {
1874
+ "epoch": 0.48064806480648065,
1875
+ "grad_norm": 3.40067982673645,
1876
+ "learning_rate": 9.14656197545618e-05,
1877
+ "loss": 3.6647,
1878
+ "step": 267
1879
+ },
1880
+ {
1881
+ "epoch": 0.48244824482448245,
1882
+ "grad_norm": 4.225182056427002,
1883
+ "learning_rate": 9.121674922157558e-05,
1884
+ "loss": 4.2479,
1885
+ "step": 268
1886
+ },
1887
+ {
1888
+ "epoch": 0.48424842484248426,
1889
+ "grad_norm": 3.574556589126587,
1890
+ "learning_rate": 9.096465083415808e-05,
1891
+ "loss": 4.3452,
1892
+ "step": 269
1893
+ },
1894
+ {
1895
+ "epoch": 0.48604860486048607,
1896
+ "grad_norm": 3.840705394744873,
1897
+ "learning_rate": 9.070934433517873e-05,
1898
+ "loss": 4.7066,
1899
+ "step": 270
1900
+ },
1901
+ {
1902
+ "epoch": 0.4878487848784879,
1903
+ "grad_norm": 3.4904778003692627,
1904
+ "learning_rate": 9.045084971874738e-05,
1905
+ "loss": 3.7437,
1906
+ "step": 271
1907
+ },
1908
+ {
1909
+ "epoch": 0.4896489648964896,
1910
+ "grad_norm": 3.8224945068359375,
1911
+ "learning_rate": 9.018918722864867e-05,
1912
+ "loss": 4.1212,
1913
+ "step": 272
1914
+ },
1915
+ {
1916
+ "epoch": 0.49144914491449143,
1917
+ "grad_norm": 4.084190368652344,
1918
+ "learning_rate": 8.992437735675651e-05,
1919
+ "loss": 3.883,
1920
+ "step": 273
1921
+ },
1922
+ {
1923
+ "epoch": 0.49324932493249324,
1924
+ "grad_norm": 4.186155796051025,
1925
+ "learning_rate": 8.965644084142932e-05,
1926
+ "loss": 4.6328,
1927
+ "step": 274
1928
+ },
1929
+ {
1930
+ "epoch": 0.49504950495049505,
1931
+ "grad_norm": 4.2307047843933105,
1932
+ "learning_rate": 8.938539866588592e-05,
1933
+ "loss": 3.9238,
1934
+ "step": 275
1935
+ },
1936
+ {
1937
+ "epoch": 0.49684968496849685,
1938
+ "grad_norm": 4.097965717315674,
1939
+ "learning_rate": 8.911127205656226e-05,
1940
+ "loss": 4.4123,
1941
+ "step": 276
1942
+ },
1943
+ {
1944
+ "epoch": 0.49864986498649866,
1945
+ "grad_norm": 3.495042562484741,
1946
+ "learning_rate": 8.88340824814491e-05,
1947
+ "loss": 3.8635,
1948
+ "step": 277
1949
+ },
1950
+ {
1951
+ "epoch": 0.5004500450045004,
1952
+ "grad_norm": 3.689110517501831,
1953
+ "learning_rate": 8.855385164841072e-05,
1954
+ "loss": 4.6177,
1955
+ "step": 278
1956
+ },
1957
+ {
1958
+ "epoch": 0.5022502250225023,
1959
+ "grad_norm": 3.6329872608184814,
1960
+ "learning_rate": 8.82706015034849e-05,
1961
+ "loss": 4.2534,
1962
+ "step": 279
1963
+ },
1964
+ {
1965
+ "epoch": 0.504050405040504,
1966
+ "grad_norm": 3.8967461585998535,
1967
+ "learning_rate": 8.798435422916425e-05,
1968
+ "loss": 3.7907,
1969
+ "step": 280
1970
+ },
1971
+ {
1972
+ "epoch": 0.5058505850585059,
1973
+ "grad_norm": 4.086053848266602,
1974
+ "learning_rate": 8.769513224265904e-05,
1975
+ "loss": 4.5879,
1976
+ "step": 281
1977
+ },
1978
+ {
1979
+ "epoch": 0.5076507650765076,
1980
+ "grad_norm": 4.173221111297607,
1981
+ "learning_rate": 8.740295819414155e-05,
1982
+ "loss": 4.1702,
1983
+ "step": 282
1984
+ },
1985
+ {
1986
+ "epoch": 0.5094509450945095,
1987
+ "grad_norm": 3.921698570251465,
1988
+ "learning_rate": 8.710785496497225e-05,
1989
+ "loss": 4.2377,
1990
+ "step": 283
1991
+ },
1992
+ {
1993
+ "epoch": 0.5112511251125113,
1994
+ "grad_norm": 3.830862045288086,
1995
+ "learning_rate": 8.680984566590793e-05,
1996
+ "loss": 4.3651,
1997
+ "step": 284
1998
+ },
1999
+ {
2000
+ "epoch": 0.513051305130513,
2001
+ "grad_norm": 3.77140212059021,
2002
+ "learning_rate": 8.650895363529173e-05,
2003
+ "loss": 4.4687,
2004
+ "step": 285
2005
+ },
2006
+ {
2007
+ "epoch": 0.5148514851485149,
2008
+ "grad_norm": 3.5552985668182373,
2009
+ "learning_rate": 8.620520243722541e-05,
2010
+ "loss": 4.8082,
2011
+ "step": 286
2012
+ },
2013
+ {
2014
+ "epoch": 0.5166516651665166,
2015
+ "grad_norm": 3.6477136611938477,
2016
+ "learning_rate": 8.589861585972407e-05,
2017
+ "loss": 5.2562,
2018
+ "step": 287
2019
+ },
2020
+ {
2021
+ "epoch": 0.5184518451845185,
2022
+ "grad_norm": 4.382421493530273,
2023
+ "learning_rate": 8.558921791285304e-05,
2024
+ "loss": 5.0799,
2025
+ "step": 288
2026
+ },
2027
+ {
2028
+ "epoch": 0.5202520252025202,
2029
+ "grad_norm": 4.065561294555664,
2030
+ "learning_rate": 8.527703282684766e-05,
2031
+ "loss": 4.9109,
2032
+ "step": 289
2033
+ },
2034
+ {
2035
+ "epoch": 0.5220522052205221,
2036
+ "grad_norm": 3.5327258110046387,
2037
+ "learning_rate": 8.496208505021571e-05,
2038
+ "loss": 4.2811,
2039
+ "step": 290
2040
+ },
2041
+ {
2042
+ "epoch": 0.5238523852385238,
2043
+ "grad_norm": 4.304015636444092,
2044
+ "learning_rate": 8.464439924782271e-05,
2045
+ "loss": 5.0544,
2046
+ "step": 291
2047
+ },
2048
+ {
2049
+ "epoch": 0.5256525652565257,
2050
+ "grad_norm": 4.300441265106201,
2051
+ "learning_rate": 8.432400029896028e-05,
2052
+ "loss": 5.1385,
2053
+ "step": 292
2054
+ },
2055
+ {
2056
+ "epoch": 0.5274527452745275,
2057
+ "grad_norm": 3.970590114593506,
2058
+ "learning_rate": 8.400091329539784e-05,
2059
+ "loss": 5.5669,
2060
+ "step": 293
2061
+ },
2062
+ {
2063
+ "epoch": 0.5292529252925292,
2064
+ "grad_norm": 4.322851657867432,
2065
+ "learning_rate": 8.367516353941751e-05,
2066
+ "loss": 5.1609,
2067
+ "step": 294
2068
+ },
2069
+ {
2070
+ "epoch": 0.5310531053105311,
2071
+ "grad_norm": 4.039634704589844,
2072
+ "learning_rate": 8.334677654183254e-05,
2073
+ "loss": 5.3988,
2074
+ "step": 295
2075
+ },
2076
+ {
2077
+ "epoch": 0.5328532853285328,
2078
+ "grad_norm": 4.090119361877441,
2079
+ "learning_rate": 8.301577801998954e-05,
2080
+ "loss": 5.3261,
2081
+ "step": 296
2082
+ },
2083
+ {
2084
+ "epoch": 0.5346534653465347,
2085
+ "grad_norm": 4.731489181518555,
2086
+ "learning_rate": 8.26821938957544e-05,
2087
+ "loss": 5.4674,
2088
+ "step": 297
2089
+ },
2090
+ {
2091
+ "epoch": 0.5364536453645364,
2092
+ "grad_norm": 4.765017032623291,
2093
+ "learning_rate": 8.234605029348223e-05,
2094
+ "loss": 5.5113,
2095
+ "step": 298
2096
+ },
2097
+ {
2098
+ "epoch": 0.5382538253825383,
2099
+ "grad_norm": 4.620230197906494,
2100
+ "learning_rate": 8.200737353797149e-05,
2101
+ "loss": 6.6506,
2102
+ "step": 299
2103
+ },
2104
+ {
2105
+ "epoch": 0.54005400540054,
2106
+ "grad_norm": 4.256903648376465,
2107
+ "learning_rate": 8.166619015240236e-05,
2108
+ "loss": 5.401,
2109
+ "step": 300
2110
+ },
2111
+ {
2112
+ "epoch": 0.5418541854185418,
2113
+ "grad_norm": 72.8096694946289,
2114
+ "learning_rate": 8.132252685625958e-05,
2115
+ "loss": 5.5679,
2116
+ "step": 301
2117
+ },
2118
+ {
2119
+ "epoch": 0.5436543654365437,
2120
+ "grad_norm": 12.82461166381836,
2121
+ "learning_rate": 8.097641056324004e-05,
2122
+ "loss": 2.3965,
2123
+ "step": 302
2124
+ },
2125
+ {
2126
+ "epoch": 0.5454545454545454,
2127
+ "grad_norm": 3.8120839595794678,
2128
+ "learning_rate": 8.062786837914492e-05,
2129
+ "loss": 2.5916,
2130
+ "step": 303
2131
+ },
2132
+ {
2133
+ "epoch": 0.5472547254725473,
2134
+ "grad_norm": 4.205955505371094,
2135
+ "learning_rate": 8.027692759975695e-05,
2136
+ "loss": 3.1019,
2137
+ "step": 304
2138
+ },
2139
+ {
2140
+ "epoch": 0.549054905490549,
2141
+ "grad_norm": 3.6653831005096436,
2142
+ "learning_rate": 7.992361570870288e-05,
2143
+ "loss": 3.0688,
2144
+ "step": 305
2145
+ },
2146
+ {
2147
+ "epoch": 0.5508550855085509,
2148
+ "grad_norm": 3.9019699096679688,
2149
+ "learning_rate": 7.956796037530099e-05,
2150
+ "loss": 3.4956,
2151
+ "step": 306
2152
+ },
2153
+ {
2154
+ "epoch": 0.5526552655265526,
2155
+ "grad_norm": 4.44380521774292,
2156
+ "learning_rate": 7.920998945239427e-05,
2157
+ "loss": 3.8163,
2158
+ "step": 307
2159
+ },
2160
+ {
2161
+ "epoch": 0.5544554455445545,
2162
+ "grad_norm": 4.306615352630615,
2163
+ "learning_rate": 7.884973097416908e-05,
2164
+ "loss": 3.8254,
2165
+ "step": 308
2166
+ },
2167
+ {
2168
+ "epoch": 0.5562556255625563,
2169
+ "grad_norm": 3.5584664344787598,
2170
+ "learning_rate": 7.848721315395974e-05,
2171
+ "loss": 3.9131,
2172
+ "step": 309
2173
+ },
2174
+ {
2175
+ "epoch": 0.558055805580558,
2176
+ "grad_norm": 3.8743574619293213,
2177
+ "learning_rate": 7.812246438203904e-05,
2178
+ "loss": 3.7078,
2179
+ "step": 310
2180
+ },
2181
+ {
2182
+ "epoch": 0.5598559855985599,
2183
+ "grad_norm": 3.7516815662384033,
2184
+ "learning_rate": 7.775551322339476e-05,
2185
+ "loss": 3.8186,
2186
+ "step": 311
2187
+ },
2188
+ {
2189
+ "epoch": 0.5616561656165616,
2190
+ "grad_norm": 3.739532232284546,
2191
+ "learning_rate": 7.738638841549277e-05,
2192
+ "loss": 3.7782,
2193
+ "step": 312
2194
+ },
2195
+ {
2196
+ "epoch": 0.5634563456345635,
2197
+ "grad_norm": 3.378246784210205,
2198
+ "learning_rate": 7.701511886602643e-05,
2199
+ "loss": 3.703,
2200
+ "step": 313
2201
+ },
2202
+ {
2203
+ "epoch": 0.5652565256525652,
2204
+ "grad_norm": 3.18391752243042,
2205
+ "learning_rate": 7.664173365065265e-05,
2206
+ "loss": 3.7862,
2207
+ "step": 314
2208
+ },
2209
+ {
2210
+ "epoch": 0.5670567056705671,
2211
+ "grad_norm": 3.660829782485962,
2212
+ "learning_rate": 7.626626201071494e-05,
2213
+ "loss": 4.0942,
2214
+ "step": 315
2215
+ },
2216
+ {
2217
+ "epoch": 0.5688568856885688,
2218
+ "grad_norm": 3.49433970451355,
2219
+ "learning_rate": 7.588873335095337e-05,
2220
+ "loss": 4.4192,
2221
+ "step": 316
2222
+ },
2223
+ {
2224
+ "epoch": 0.5706570657065707,
2225
+ "grad_norm": 3.631074905395508,
2226
+ "learning_rate": 7.550917723720172e-05,
2227
+ "loss": 4.0662,
2228
+ "step": 317
2229
+ },
2230
+ {
2231
+ "epoch": 0.5724572457245725,
2232
+ "grad_norm": 3.1131577491760254,
2233
+ "learning_rate": 7.512762339407214e-05,
2234
+ "loss": 3.5052,
2235
+ "step": 318
2236
+ },
2237
+ {
2238
+ "epoch": 0.5742574257425742,
2239
+ "grad_norm": 3.5523805618286133,
2240
+ "learning_rate": 7.474410170262718e-05,
2241
+ "loss": 4.2908,
2242
+ "step": 319
2243
+ },
2244
+ {
2245
+ "epoch": 0.5760576057605761,
2246
+ "grad_norm": 3.9423253536224365,
2247
+ "learning_rate": 7.435864219803983e-05,
2248
+ "loss": 4.3511,
2249
+ "step": 320
2250
+ },
2251
+ {
2252
+ "epoch": 0.5778577857785778,
2253
+ "grad_norm": 3.6397900581359863,
2254
+ "learning_rate": 7.39712750672412e-05,
2255
+ "loss": 4.0423,
2256
+ "step": 321
2257
+ },
2258
+ {
2259
+ "epoch": 0.5796579657965797,
2260
+ "grad_norm": 3.341845750808716,
2261
+ "learning_rate": 7.358203064655653e-05,
2262
+ "loss": 4.0845,
2263
+ "step": 322
2264
+ },
2265
+ {
2266
+ "epoch": 0.5814581458145814,
2267
+ "grad_norm": 3.8859944343566895,
2268
+ "learning_rate": 7.31909394193294e-05,
2269
+ "loss": 3.6363,
2270
+ "step": 323
2271
+ },
2272
+ {
2273
+ "epoch": 0.5832583258325833,
2274
+ "grad_norm": 3.2730302810668945,
2275
+ "learning_rate": 7.27980320135345e-05,
2276
+ "loss": 3.9988,
2277
+ "step": 324
2278
+ },
2279
+ {
2280
+ "epoch": 0.585058505850585,
2281
+ "grad_norm": 3.4280858039855957,
2282
+ "learning_rate": 7.240333919937893e-05,
2283
+ "loss": 3.9773,
2284
+ "step": 325
2285
+ },
2286
+ {
2287
+ "epoch": 0.5868586858685868,
2288
+ "grad_norm": 3.675854444503784,
2289
+ "learning_rate": 7.200689188689256e-05,
2290
+ "loss": 4.4474,
2291
+ "step": 326
2292
+ },
2293
+ {
2294
+ "epoch": 0.5886588658865887,
2295
+ "grad_norm": 3.922302007675171,
2296
+ "learning_rate": 7.16087211235073e-05,
2297
+ "loss": 4.1046,
2298
+ "step": 327
2299
+ },
2300
+ {
2301
+ "epoch": 0.5904590459045904,
2302
+ "grad_norm": 4.065755367279053,
2303
+ "learning_rate": 7.120885809162561e-05,
2304
+ "loss": 4.6008,
2305
+ "step": 328
2306
+ },
2307
+ {
2308
+ "epoch": 0.5922592259225923,
2309
+ "grad_norm": 4.271775722503662,
2310
+ "learning_rate": 7.080733410617853e-05,
2311
+ "loss": 4.2479,
2312
+ "step": 329
2313
+ },
2314
+ {
2315
+ "epoch": 0.594059405940594,
2316
+ "grad_norm": 3.5132906436920166,
2317
+ "learning_rate": 7.040418061217325e-05,
2318
+ "loss": 4.0792,
2319
+ "step": 330
2320
+ },
2321
+ {
2322
+ "epoch": 0.5958595859585959,
2323
+ "grad_norm": 3.62770676612854,
2324
+ "learning_rate": 6.999942918223053e-05,
2325
+ "loss": 4.6398,
2326
+ "step": 331
2327
+ },
2328
+ {
2329
+ "epoch": 0.5976597659765976,
2330
+ "grad_norm": 3.656203508377075,
2331
+ "learning_rate": 6.959311151411212e-05,
2332
+ "loss": 4.2742,
2333
+ "step": 332
2334
+ },
2335
+ {
2336
+ "epoch": 0.5994599459945995,
2337
+ "grad_norm": 4.29753303527832,
2338
+ "learning_rate": 6.918525942823835e-05,
2339
+ "loss": 4.6216,
2340
+ "step": 333
2341
+ },
2342
+ {
2343
+ "epoch": 0.6012601260126013,
2344
+ "grad_norm": 3.8375144004821777,
2345
+ "learning_rate": 6.87759048651962e-05,
2346
+ "loss": 4.6474,
2347
+ "step": 334
2348
+ },
2349
+ {
2350
+ "epoch": 0.603060306030603,
2351
+ "grad_norm": 3.9374406337738037,
2352
+ "learning_rate": 6.836507988323784e-05,
2353
+ "loss": 4.8221,
2354
+ "step": 335
2355
+ },
2356
+ {
2357
+ "epoch": 0.6048604860486049,
2358
+ "grad_norm": 4.202131748199463,
2359
+ "learning_rate": 6.795281665577003e-05,
2360
+ "loss": 4.4779,
2361
+ "step": 336
2362
+ },
2363
+ {
2364
+ "epoch": 0.6066606660666066,
2365
+ "grad_norm": 4.333240985870361,
2366
+ "learning_rate": 6.753914746883451e-05,
2367
+ "loss": 5.2416,
2368
+ "step": 337
2369
+ },
2370
+ {
2371
+ "epoch": 0.6084608460846085,
2372
+ "grad_norm": 4.519970417022705,
2373
+ "learning_rate": 6.712410471857955e-05,
2374
+ "loss": 5.6601,
2375
+ "step": 338
2376
+ },
2377
+ {
2378
+ "epoch": 0.6102610261026102,
2379
+ "grad_norm": 4.426661968231201,
2380
+ "learning_rate": 6.67077209087228e-05,
2381
+ "loss": 4.9072,
2382
+ "step": 339
2383
+ },
2384
+ {
2385
+ "epoch": 0.6120612061206121,
2386
+ "grad_norm": 3.4359755516052246,
2387
+ "learning_rate": 6.629002864800589e-05,
2388
+ "loss": 4.8438,
2389
+ "step": 340
2390
+ },
2391
+ {
2392
+ "epoch": 0.6138613861386139,
2393
+ "grad_norm": 3.7532505989074707,
2394
+ "learning_rate": 6.587106064764064e-05,
2395
+ "loss": 5.4166,
2396
+ "step": 341
2397
+ },
2398
+ {
2399
+ "epoch": 0.6156615661566157,
2400
+ "grad_norm": 3.9281110763549805,
2401
+ "learning_rate": 6.545084971874738e-05,
2402
+ "loss": 4.7921,
2403
+ "step": 342
2404
+ },
2405
+ {
2406
+ "epoch": 0.6174617461746175,
2407
+ "grad_norm": 3.9203011989593506,
2408
+ "learning_rate": 6.502942876978524e-05,
2409
+ "loss": 4.6832,
2410
+ "step": 343
2411
+ },
2412
+ {
2413
+ "epoch": 0.6192619261926192,
2414
+ "grad_norm": 3.9752700328826904,
2415
+ "learning_rate": 6.460683080397508e-05,
2416
+ "loss": 5.1418,
2417
+ "step": 344
2418
+ },
2419
+ {
2420
+ "epoch": 0.6210621062106211,
2421
+ "grad_norm": 3.637481451034546,
2422
+ "learning_rate": 6.418308891671484e-05,
2423
+ "loss": 4.8411,
2424
+ "step": 345
2425
+ },
2426
+ {
2427
+ "epoch": 0.6228622862286228,
2428
+ "grad_norm": 3.9811997413635254,
2429
+ "learning_rate": 6.375823629298765e-05,
2430
+ "loss": 4.9951,
2431
+ "step": 346
2432
+ },
2433
+ {
2434
+ "epoch": 0.6246624662466247,
2435
+ "grad_norm": 4.1592559814453125,
2436
+ "learning_rate": 6.333230620476307e-05,
2437
+ "loss": 5.9485,
2438
+ "step": 347
2439
+ },
2440
+ {
2441
+ "epoch": 0.6264626462646264,
2442
+ "grad_norm": 3.6163744926452637,
2443
+ "learning_rate": 6.29053320083913e-05,
2444
+ "loss": 5.3969,
2445
+ "step": 348
2446
+ },
2447
+ {
2448
+ "epoch": 0.6282628262826283,
2449
+ "grad_norm": 4.366085052490234,
2450
+ "learning_rate": 6.247734714199105e-05,
2451
+ "loss": 5.3296,
2452
+ "step": 349
2453
+ },
2454
+ {
2455
+ "epoch": 0.6300630063006301,
2456
+ "grad_norm": 4.482414722442627,
2457
+ "learning_rate": 6.204838512283072e-05,
2458
+ "loss": 6.0348,
2459
+ "step": 350
2460
+ },
2461
+ {
2462
+ "epoch": 0.6318631863186318,
2463
+ "grad_norm": 38.78593826293945,
2464
+ "learning_rate": 6.161847954470365e-05,
2465
+ "loss": 4.4123,
2466
+ "step": 351
2467
+ },
2468
+ {
2469
+ "epoch": 0.6336633663366337,
2470
+ "grad_norm": 4.5870041847229,
2471
+ "learning_rate": 6.118766407529713e-05,
2472
+ "loss": 2.4915,
2473
+ "step": 352
2474
+ },
2475
+ {
2476
+ "epoch": 0.6354635463546354,
2477
+ "grad_norm": 3.5220015048980713,
2478
+ "learning_rate": 6.075597245355589e-05,
2479
+ "loss": 2.8723,
2480
+ "step": 353
2481
+ },
2482
+ {
2483
+ "epoch": 0.6372637263726373,
2484
+ "grad_norm": 3.2156431674957275,
2485
+ "learning_rate": 6.03234384870397e-05,
2486
+ "loss": 3.0837,
2487
+ "step": 354
2488
+ },
2489
+ {
2490
+ "epoch": 0.639063906390639,
2491
+ "grad_norm": 3.223064422607422,
2492
+ "learning_rate": 5.989009604927587e-05,
2493
+ "loss": 2.9846,
2494
+ "step": 355
2495
+ },
2496
+ {
2497
+ "epoch": 0.6408640864086409,
2498
+ "grad_norm": 3.5234880447387695,
2499
+ "learning_rate": 5.9455979077106463e-05,
2500
+ "loss": 3.4383,
2501
+ "step": 356
2502
+ },
2503
+ {
2504
+ "epoch": 0.6426642664266426,
2505
+ "grad_norm": 3.648319721221924,
2506
+ "learning_rate": 5.9021121568030514e-05,
2507
+ "loss": 3.2179,
2508
+ "step": 357
2509
+ },
2510
+ {
2511
+ "epoch": 0.6444644464446445,
2512
+ "grad_norm": 3.348188877105713,
2513
+ "learning_rate": 5.8585557577541595e-05,
2514
+ "loss": 3.2722,
2515
+ "step": 358
2516
+ },
2517
+ {
2518
+ "epoch": 0.6462646264626463,
2519
+ "grad_norm": 3.6280741691589355,
2520
+ "learning_rate": 5.814932121646074e-05,
2521
+ "loss": 3.6418,
2522
+ "step": 359
2523
+ },
2524
+ {
2525
+ "epoch": 0.648064806480648,
2526
+ "grad_norm": 3.3993427753448486,
2527
+ "learning_rate": 5.771244664826512e-05,
2528
+ "loss": 3.6959,
2529
+ "step": 360
2530
+ },
2531
+ {
2532
+ "epoch": 0.6498649864986499,
2533
+ "grad_norm": 3.4230000972747803,
2534
+ "learning_rate": 5.727496808641256e-05,
2535
+ "loss": 3.5139,
2536
+ "step": 361
2537
+ },
2538
+ {
2539
+ "epoch": 0.6516651665166516,
2540
+ "grad_norm": 3.6757190227508545,
2541
+ "learning_rate": 5.6836919791662136e-05,
2542
+ "loss": 4.1188,
2543
+ "step": 362
2544
+ },
2545
+ {
2546
+ "epoch": 0.6534653465346535,
2547
+ "grad_norm": 3.232292413711548,
2548
+ "learning_rate": 5.639833606939102e-05,
2549
+ "loss": 3.7585,
2550
+ "step": 363
2551
+ },
2552
+ {
2553
+ "epoch": 0.6552655265526552,
2554
+ "grad_norm": 3.3726987838745117,
2555
+ "learning_rate": 5.595925126690801e-05,
2556
+ "loss": 3.8637,
2557
+ "step": 364
2558
+ },
2559
+ {
2560
+ "epoch": 0.6570657065706571,
2561
+ "grad_norm": 3.570510149002075,
2562
+ "learning_rate": 5.55196997707635e-05,
2563
+ "loss": 3.6172,
2564
+ "step": 365
2565
+ },
2566
+ {
2567
+ "epoch": 0.6588658865886589,
2568
+ "grad_norm": 3.3099026679992676,
2569
+ "learning_rate": 5.507971600405663e-05,
2570
+ "loss": 4.0602,
2571
+ "step": 366
2572
+ },
2573
+ {
2574
+ "epoch": 0.6606660666066607,
2575
+ "grad_norm": 3.730677843093872,
2576
+ "learning_rate": 5.463933442373945e-05,
2577
+ "loss": 4.0647,
2578
+ "step": 367
2579
+ },
2580
+ {
2581
+ "epoch": 0.6624662466246625,
2582
+ "grad_norm": 3.8183600902557373,
2583
+ "learning_rate": 5.419858951791842e-05,
2584
+ "loss": 3.9943,
2585
+ "step": 368
2586
+ },
2587
+ {
2588
+ "epoch": 0.6642664266426642,
2589
+ "grad_norm": 3.7817885875701904,
2590
+ "learning_rate": 5.3757515803153546e-05,
2591
+ "loss": 3.6044,
2592
+ "step": 369
2593
+ },
2594
+ {
2595
+ "epoch": 0.6660666066606661,
2596
+ "grad_norm": 3.696652412414551,
2597
+ "learning_rate": 5.3316147821755205e-05,
2598
+ "loss": 3.8305,
2599
+ "step": 370
2600
+ },
2601
+ {
2602
+ "epoch": 0.6678667866786678,
2603
+ "grad_norm": 3.8938591480255127,
2604
+ "learning_rate": 5.2874520139079006e-05,
2605
+ "loss": 4.1762,
2606
+ "step": 371
2607
+ },
2608
+ {
2609
+ "epoch": 0.6696669666966697,
2610
+ "grad_norm": 3.8813014030456543,
2611
+ "learning_rate": 5.2432667340818906e-05,
2612
+ "loss": 4.0786,
2613
+ "step": 372
2614
+ },
2615
+ {
2616
+ "epoch": 0.6714671467146714,
2617
+ "grad_norm": 3.655909299850464,
2618
+ "learning_rate": 5.1990624030298506e-05,
2619
+ "loss": 3.9051,
2620
+ "step": 373
2621
+ },
2622
+ {
2623
+ "epoch": 0.6732673267326733,
2624
+ "grad_norm": 3.8451969623565674,
2625
+ "learning_rate": 5.154842482576127e-05,
2626
+ "loss": 4.1839,
2627
+ "step": 374
2628
+ },
2629
+ {
2630
+ "epoch": 0.6750675067506751,
2631
+ "grad_norm": 4.180874824523926,
2632
+ "learning_rate": 5.110610435765934e-05,
2633
+ "loss": 4.0388,
2634
+ "step": 375
2635
+ },
2636
+ {
2637
+ "epoch": 0.6768676867686768,
2638
+ "grad_norm": 3.5825304985046387,
2639
+ "learning_rate": 5.0663697265941545e-05,
2640
+ "loss": 4.1734,
2641
+ "step": 376
2642
+ },
2643
+ {
2644
+ "epoch": 0.6786678667866787,
2645
+ "grad_norm": 3.780687093734741,
2646
+ "learning_rate": 5.022123819734053e-05,
2647
+ "loss": 4.3508,
2648
+ "step": 377
2649
+ },
2650
+ {
2651
+ "epoch": 0.6804680468046804,
2652
+ "grad_norm": 3.889195203781128,
2653
+ "learning_rate": 4.977876180265948e-05,
2654
+ "loss": 4.1945,
2655
+ "step": 378
2656
+ },
2657
+ {
2658
+ "epoch": 0.6822682268226823,
2659
+ "grad_norm": 3.726132869720459,
2660
+ "learning_rate": 4.933630273405847e-05,
2661
+ "loss": 3.8745,
2662
+ "step": 379
2663
+ },
2664
+ {
2665
+ "epoch": 0.684068406840684,
2666
+ "grad_norm": 3.7415261268615723,
2667
+ "learning_rate": 4.889389564234066e-05,
2668
+ "loss": 4.2891,
2669
+ "step": 380
2670
+ },
2671
+ {
2672
+ "epoch": 0.6858685868586859,
2673
+ "grad_norm": 3.6238245964050293,
2674
+ "learning_rate": 4.845157517423874e-05,
2675
+ "loss": 4.3567,
2676
+ "step": 381
2677
+ },
2678
+ {
2679
+ "epoch": 0.6876687668766877,
2680
+ "grad_norm": 3.964704990386963,
2681
+ "learning_rate": 4.8009375969701505e-05,
2682
+ "loss": 4.5154,
2683
+ "step": 382
2684
+ },
2685
+ {
2686
+ "epoch": 0.6894689468946895,
2687
+ "grad_norm": 3.337338447570801,
2688
+ "learning_rate": 4.7567332659181106e-05,
2689
+ "loss": 4.5835,
2690
+ "step": 383
2691
+ },
2692
+ {
2693
+ "epoch": 0.6912691269126913,
2694
+ "grad_norm": 3.447648286819458,
2695
+ "learning_rate": 4.7125479860921e-05,
2696
+ "loss": 4.2734,
2697
+ "step": 384
2698
+ },
2699
+ {
2700
+ "epoch": 0.693069306930693,
2701
+ "grad_norm": 4.408335208892822,
2702
+ "learning_rate": 4.668385217824482e-05,
2703
+ "loss": 4.8601,
2704
+ "step": 385
2705
+ },
2706
+ {
2707
+ "epoch": 0.6948694869486949,
2708
+ "grad_norm": 3.683608293533325,
2709
+ "learning_rate": 4.6242484196846465e-05,
2710
+ "loss": 4.9472,
2711
+ "step": 386
2712
+ },
2713
+ {
2714
+ "epoch": 0.6966696669666966,
2715
+ "grad_norm": 4.226807117462158,
2716
+ "learning_rate": 4.5801410482081584e-05,
2717
+ "loss": 4.6788,
2718
+ "step": 387
2719
+ },
2720
+ {
2721
+ "epoch": 0.6984698469846985,
2722
+ "grad_norm": 3.806995391845703,
2723
+ "learning_rate": 4.536066557626056e-05,
2724
+ "loss": 4.9015,
2725
+ "step": 388
2726
+ },
2727
+ {
2728
+ "epoch": 0.7002700270027002,
2729
+ "grad_norm": 3.541186571121216,
2730
+ "learning_rate": 4.4920283995943383e-05,
2731
+ "loss": 5.1853,
2732
+ "step": 389
2733
+ },
2734
+ {
2735
+ "epoch": 0.7020702070207021,
2736
+ "grad_norm": 3.971658706665039,
2737
+ "learning_rate": 4.448030022923652e-05,
2738
+ "loss": 4.8798,
2739
+ "step": 390
2740
+ },
2741
+ {
2742
+ "epoch": 0.7038703870387039,
2743
+ "grad_norm": 3.6937930583953857,
2744
+ "learning_rate": 4.404074873309201e-05,
2745
+ "loss": 4.9251,
2746
+ "step": 391
2747
+ },
2748
+ {
2749
+ "epoch": 0.7056705670567057,
2750
+ "grad_norm": 4.2643723487854,
2751
+ "learning_rate": 4.3601663930608995e-05,
2752
+ "loss": 4.8249,
2753
+ "step": 392
2754
+ },
2755
+ {
2756
+ "epoch": 0.7074707470747075,
2757
+ "grad_norm": 3.8684353828430176,
2758
+ "learning_rate": 4.316308020833788e-05,
2759
+ "loss": 5.6238,
2760
+ "step": 393
2761
+ },
2762
+ {
2763
+ "epoch": 0.7092709270927092,
2764
+ "grad_norm": 3.8425145149230957,
2765
+ "learning_rate": 4.272503191358743e-05,
2766
+ "loss": 4.9036,
2767
+ "step": 394
2768
+ },
2769
+ {
2770
+ "epoch": 0.7110711071107111,
2771
+ "grad_norm": 3.797442674636841,
2772
+ "learning_rate": 4.228755335173488e-05,
2773
+ "loss": 5.0452,
2774
+ "step": 395
2775
+ },
2776
+ {
2777
+ "epoch": 0.7128712871287128,
2778
+ "grad_norm": 4.2270355224609375,
2779
+ "learning_rate": 4.1850678783539265e-05,
2780
+ "loss": 4.7575,
2781
+ "step": 396
2782
+ },
2783
+ {
2784
+ "epoch": 0.7146714671467147,
2785
+ "grad_norm": 4.077787399291992,
2786
+ "learning_rate": 4.141444242245841e-05,
2787
+ "loss": 5.9227,
2788
+ "step": 397
2789
+ },
2790
+ {
2791
+ "epoch": 0.7164716471647165,
2792
+ "grad_norm": 3.7013025283813477,
2793
+ "learning_rate": 4.0978878431969484e-05,
2794
+ "loss": 4.7173,
2795
+ "step": 398
2796
+ },
2797
+ {
2798
+ "epoch": 0.7182718271827183,
2799
+ "grad_norm": 4.04628849029541,
2800
+ "learning_rate": 4.054402092289354e-05,
2801
+ "loss": 5.4247,
2802
+ "step": 399
2803
+ },
2804
+ {
2805
+ "epoch": 0.7200720072007201,
2806
+ "grad_norm": 4.189887523651123,
2807
+ "learning_rate": 4.0109903950724134e-05,
2808
+ "loss": 5.3008,
2809
+ "step": 400
2810
+ },
2811
+ {
2812
+ "epoch": 0.7218721872187218,
2813
+ "grad_norm": 20.025436401367188,
2814
+ "learning_rate": 3.967656151296031e-05,
2815
+ "loss": 3.8243,
2816
+ "step": 401
2817
+ },
2818
+ {
2819
+ "epoch": 0.7236723672367237,
2820
+ "grad_norm": 4.733638286590576,
2821
+ "learning_rate": 3.924402754644412e-05,
2822
+ "loss": 2.4717,
2823
+ "step": 402
2824
+ },
2825
+ {
2826
+ "epoch": 0.7254725472547254,
2827
+ "grad_norm": 3.5588278770446777,
2828
+ "learning_rate": 3.881233592470287e-05,
2829
+ "loss": 2.7574,
2830
+ "step": 403
2831
+ },
2832
+ {
2833
+ "epoch": 0.7272727272727273,
2834
+ "grad_norm": 3.0511527061462402,
2835
+ "learning_rate": 3.8381520455296364e-05,
2836
+ "loss": 2.6524,
2837
+ "step": 404
2838
+ },
2839
+ {
2840
+ "epoch": 0.729072907290729,
2841
+ "grad_norm": 3.7463011741638184,
2842
+ "learning_rate": 3.7951614877169284e-05,
2843
+ "loss": 3.2022,
2844
+ "step": 405
2845
+ },
2846
+ {
2847
+ "epoch": 0.7308730873087309,
2848
+ "grad_norm": 3.974733829498291,
2849
+ "learning_rate": 3.7522652858008964e-05,
2850
+ "loss": 3.7213,
2851
+ "step": 406
2852
+ },
2853
+ {
2854
+ "epoch": 0.7326732673267327,
2855
+ "grad_norm": 3.5178704261779785,
2856
+ "learning_rate": 3.7094667991608704e-05,
2857
+ "loss": 3.7185,
2858
+ "step": 407
2859
+ },
2860
+ {
2861
+ "epoch": 0.7344734473447345,
2862
+ "grad_norm": 3.9185893535614014,
2863
+ "learning_rate": 3.6667693795236946e-05,
2864
+ "loss": 4.0272,
2865
+ "step": 408
2866
+ },
2867
+ {
2868
+ "epoch": 0.7362736273627363,
2869
+ "grad_norm": 3.0775508880615234,
2870
+ "learning_rate": 3.624176370701236e-05,
2871
+ "loss": 3.0848,
2872
+ "step": 409
2873
+ },
2874
+ {
2875
+ "epoch": 0.738073807380738,
2876
+ "grad_norm": 3.445986270904541,
2877
+ "learning_rate": 3.581691108328517e-05,
2878
+ "loss": 3.857,
2879
+ "step": 410
2880
+ },
2881
+ {
2882
+ "epoch": 0.7398739873987399,
2883
+ "grad_norm": 3.1240127086639404,
2884
+ "learning_rate": 3.5393169196024925e-05,
2885
+ "loss": 3.0593,
2886
+ "step": 411
2887
+ },
2888
+ {
2889
+ "epoch": 0.7416741674167416,
2890
+ "grad_norm": 3.4222195148468018,
2891
+ "learning_rate": 3.4970571230214774e-05,
2892
+ "loss": 3.551,
2893
+ "step": 412
2894
+ },
2895
+ {
2896
+ "epoch": 0.7434743474347435,
2897
+ "grad_norm": 3.3344242572784424,
2898
+ "learning_rate": 3.4549150281252636e-05,
2899
+ "loss": 3.6521,
2900
+ "step": 413
2901
+ },
2902
+ {
2903
+ "epoch": 0.7452745274527453,
2904
+ "grad_norm": 3.6145176887512207,
2905
+ "learning_rate": 3.412893935235936e-05,
2906
+ "loss": 3.7669,
2907
+ "step": 414
2908
+ },
2909
+ {
2910
+ "epoch": 0.7470747074707471,
2911
+ "grad_norm": 3.2903146743774414,
2912
+ "learning_rate": 3.370997135199413e-05,
2913
+ "loss": 3.333,
2914
+ "step": 415
2915
+ },
2916
+ {
2917
+ "epoch": 0.7488748874887489,
2918
+ "grad_norm": 3.5195930004119873,
2919
+ "learning_rate": 3.329227909127722e-05,
2920
+ "loss": 4.2719,
2921
+ "step": 416
2922
+ },
2923
+ {
2924
+ "epoch": 0.7506750675067507,
2925
+ "grad_norm": 3.5990970134735107,
2926
+ "learning_rate": 3.287589528142048e-05,
2927
+ "loss": 4.1684,
2928
+ "step": 417
2929
+ },
2930
+ {
2931
+ "epoch": 0.7524752475247525,
2932
+ "grad_norm": 3.387673854827881,
2933
+ "learning_rate": 3.24608525311655e-05,
2934
+ "loss": 3.8335,
2935
+ "step": 418
2936
+ },
2937
+ {
2938
+ "epoch": 0.7542754275427542,
2939
+ "grad_norm": 3.6439712047576904,
2940
+ "learning_rate": 3.204718334422998e-05,
2941
+ "loss": 4.3415,
2942
+ "step": 419
2943
+ },
2944
+ {
2945
+ "epoch": 0.7560756075607561,
2946
+ "grad_norm": 3.3546173572540283,
2947
+ "learning_rate": 3.1634920116762176e-05,
2948
+ "loss": 3.8877,
2949
+ "step": 420
2950
+ },
2951
+ {
2952
+ "epoch": 0.7578757875787578,
2953
+ "grad_norm": 3.6753296852111816,
2954
+ "learning_rate": 3.122409513480381e-05,
2955
+ "loss": 4.1525,
2956
+ "step": 421
2957
+ },
2958
+ {
2959
+ "epoch": 0.7596759675967597,
2960
+ "grad_norm": 3.644063711166382,
2961
+ "learning_rate": 3.081474057176164e-05,
2962
+ "loss": 3.8885,
2963
+ "step": 422
2964
+ },
2965
+ {
2966
+ "epoch": 0.7614761476147615,
2967
+ "grad_norm": 4.089780807495117,
2968
+ "learning_rate": 3.040688848588788e-05,
2969
+ "loss": 4.0093,
2970
+ "step": 423
2971
+ },
2972
+ {
2973
+ "epoch": 0.7632763276327633,
2974
+ "grad_norm": 3.1043710708618164,
2975
+ "learning_rate": 3.000057081776947e-05,
2976
+ "loss": 4.0178,
2977
+ "step": 424
2978
+ },
2979
+ {
2980
+ "epoch": 0.7650765076507651,
2981
+ "grad_norm": 3.322037935256958,
2982
+ "learning_rate": 2.959581938782675e-05,
2983
+ "loss": 4.1183,
2984
+ "step": 425
2985
+ },
2986
+ {
2987
+ "epoch": 0.7668766876687669,
2988
+ "grad_norm": 3.9151599407196045,
2989
+ "learning_rate": 2.9192665893821475e-05,
2990
+ "loss": 4.2036,
2991
+ "step": 426
2992
+ },
2993
+ {
2994
+ "epoch": 0.7686768676867687,
2995
+ "grad_norm": 3.6815481185913086,
2996
+ "learning_rate": 2.8791141908374397e-05,
2997
+ "loss": 4.7545,
2998
+ "step": 427
2999
+ },
3000
+ {
3001
+ "epoch": 0.7704770477047704,
3002
+ "grad_norm": 4.053499698638916,
3003
+ "learning_rate": 2.839127887649271e-05,
3004
+ "loss": 4.0245,
3005
+ "step": 428
3006
+ },
3007
+ {
3008
+ "epoch": 0.7722772277227723,
3009
+ "grad_norm": 3.4955430030822754,
3010
+ "learning_rate": 2.7993108113107447e-05,
3011
+ "loss": 3.901,
3012
+ "step": 429
3013
+ },
3014
+ {
3015
+ "epoch": 0.774077407740774,
3016
+ "grad_norm": 3.2984628677368164,
3017
+ "learning_rate": 2.7596660800621078e-05,
3018
+ "loss": 3.9142,
3019
+ "step": 430
3020
+ },
3021
+ {
3022
+ "epoch": 0.7758775877587759,
3023
+ "grad_norm": 3.7901782989501953,
3024
+ "learning_rate": 2.7201967986465515e-05,
3025
+ "loss": 3.669,
3026
+ "step": 431
3027
+ },
3028
+ {
3029
+ "epoch": 0.7776777677767777,
3030
+ "grad_norm": 3.3658523559570312,
3031
+ "learning_rate": 2.6809060580670607e-05,
3032
+ "loss": 4.3362,
3033
+ "step": 432
3034
+ },
3035
+ {
3036
+ "epoch": 0.7794779477947795,
3037
+ "grad_norm": 3.361583948135376,
3038
+ "learning_rate": 2.6417969353443483e-05,
3039
+ "loss": 4.4502,
3040
+ "step": 433
3041
+ },
3042
+ {
3043
+ "epoch": 0.7812781278127813,
3044
+ "grad_norm": 3.271467924118042,
3045
+ "learning_rate": 2.6028724932758813e-05,
3046
+ "loss": 4.1924,
3047
+ "step": 434
3048
+ },
3049
+ {
3050
+ "epoch": 0.783078307830783,
3051
+ "grad_norm": 3.368018627166748,
3052
+ "learning_rate": 2.5641357801960187e-05,
3053
+ "loss": 4.2437,
3054
+ "step": 435
3055
+ },
3056
+ {
3057
+ "epoch": 0.7848784878487849,
3058
+ "grad_norm": 4.052670955657959,
3059
+ "learning_rate": 2.525589829737284e-05,
3060
+ "loss": 4.7636,
3061
+ "step": 436
3062
+ },
3063
+ {
3064
+ "epoch": 0.7866786678667866,
3065
+ "grad_norm": 3.8365402221679688,
3066
+ "learning_rate": 2.487237660592789e-05,
3067
+ "loss": 4.259,
3068
+ "step": 437
3069
+ },
3070
+ {
3071
+ "epoch": 0.7884788478847885,
3072
+ "grad_norm": 3.631394386291504,
3073
+ "learning_rate": 2.44908227627983e-05,
3074
+ "loss": 4.7527,
3075
+ "step": 438
3076
+ },
3077
+ {
3078
+ "epoch": 0.7902790279027903,
3079
+ "grad_norm": 3.6414878368377686,
3080
+ "learning_rate": 2.4111266649046647e-05,
3081
+ "loss": 4.5161,
3082
+ "step": 439
3083
+ },
3084
+ {
3085
+ "epoch": 0.7920792079207921,
3086
+ "grad_norm": 3.9235427379608154,
3087
+ "learning_rate": 2.373373798928507e-05,
3088
+ "loss": 4.7452,
3089
+ "step": 440
3090
+ },
3091
+ {
3092
+ "epoch": 0.7938793879387939,
3093
+ "grad_norm": 3.502267599105835,
3094
+ "learning_rate": 2.335826634934737e-05,
3095
+ "loss": 4.2153,
3096
+ "step": 441
3097
+ },
3098
+ {
3099
+ "epoch": 0.7956795679567957,
3100
+ "grad_norm": 3.719147205352783,
3101
+ "learning_rate": 2.298488113397359e-05,
3102
+ "loss": 4.7187,
3103
+ "step": 442
3104
+ },
3105
+ {
3106
+ "epoch": 0.7974797479747975,
3107
+ "grad_norm": 4.110799789428711,
3108
+ "learning_rate": 2.2613611584507228e-05,
3109
+ "loss": 4.898,
3110
+ "step": 443
3111
+ },
3112
+ {
3113
+ "epoch": 0.7992799279927992,
3114
+ "grad_norm": 3.9746625423431396,
3115
+ "learning_rate": 2.2244486776605243e-05,
3116
+ "loss": 5.2031,
3117
+ "step": 444
3118
+ },
3119
+ {
3120
+ "epoch": 0.8010801080108011,
3121
+ "grad_norm": 3.9334423542022705,
3122
+ "learning_rate": 2.187753561796097e-05,
3123
+ "loss": 5.5832,
3124
+ "step": 445
3125
+ },
3126
+ {
3127
+ "epoch": 0.8028802880288028,
3128
+ "grad_norm": 3.596407413482666,
3129
+ "learning_rate": 2.1512786846040255e-05,
3130
+ "loss": 5.0518,
3131
+ "step": 446
3132
+ },
3133
+ {
3134
+ "epoch": 0.8046804680468047,
3135
+ "grad_norm": 3.7824950218200684,
3136
+ "learning_rate": 2.1150269025830925e-05,
3137
+ "loss": 5.0857,
3138
+ "step": 447
3139
+ },
3140
+ {
3141
+ "epoch": 0.8064806480648065,
3142
+ "grad_norm": 3.96897292137146,
3143
+ "learning_rate": 2.0790010547605743e-05,
3144
+ "loss": 5.4674,
3145
+ "step": 448
3146
+ },
3147
+ {
3148
+ "epoch": 0.8082808280828083,
3149
+ "grad_norm": 3.868983030319214,
3150
+ "learning_rate": 2.0432039624699016e-05,
3151
+ "loss": 5.3334,
3152
+ "step": 449
3153
+ },
3154
+ {
3155
+ "epoch": 0.8100810081008101,
3156
+ "grad_norm": 4.298758029937744,
3157
+ "learning_rate": 2.0076384291297134e-05,
3158
+ "loss": 5.33,
3159
+ "step": 450
3160
+ },
3161
+ {
3162
+ "epoch": 0.8118811881188119,
3163
+ "grad_norm": 14.23192024230957,
3164
+ "learning_rate": 1.972307240024307e-05,
3165
+ "loss": 3.0892,
3166
+ "step": 451
3167
+ },
3168
+ {
3169
+ "epoch": 0.8136813681368137,
3170
+ "grad_norm": 4.406993865966797,
3171
+ "learning_rate": 1.9372131620855095e-05,
3172
+ "loss": 2.5208,
3173
+ "step": 452
3174
+ },
3175
+ {
3176
+ "epoch": 0.8154815481548154,
3177
+ "grad_norm": 5.394495487213135,
3178
+ "learning_rate": 1.9023589436759954e-05,
3179
+ "loss": 2.8551,
3180
+ "step": 453
3181
+ },
3182
+ {
3183
+ "epoch": 0.8172817281728173,
3184
+ "grad_norm": 3.0106537342071533,
3185
+ "learning_rate": 1.867747314374041e-05,
3186
+ "loss": 3.0363,
3187
+ "step": 454
3188
+ },
3189
+ {
3190
+ "epoch": 0.819081908190819,
3191
+ "grad_norm": 2.969430685043335,
3192
+ "learning_rate": 1.8333809847597642e-05,
3193
+ "loss": 2.9957,
3194
+ "step": 455
3195
+ },
3196
+ {
3197
+ "epoch": 0.8208820882088209,
3198
+ "grad_norm": 3.101269245147705,
3199
+ "learning_rate": 1.7992626462028513e-05,
3200
+ "loss": 3.0854,
3201
+ "step": 456
3202
+ },
3203
+ {
3204
+ "epoch": 0.8226822682268227,
3205
+ "grad_norm": 3.125643730163574,
3206
+ "learning_rate": 1.765394970651777e-05,
3207
+ "loss": 3.2697,
3208
+ "step": 457
3209
+ },
3210
+ {
3211
+ "epoch": 0.8244824482448245,
3212
+ "grad_norm": 3.0227460861206055,
3213
+ "learning_rate": 1.7317806104245597e-05,
3214
+ "loss": 3.4779,
3215
+ "step": 458
3216
+ },
3217
+ {
3218
+ "epoch": 0.8262826282628263,
3219
+ "grad_norm": 3.203869342803955,
3220
+ "learning_rate": 1.6984221980010455e-05,
3221
+ "loss": 3.7277,
3222
+ "step": 459
3223
+ },
3224
+ {
3225
+ "epoch": 0.828082808280828,
3226
+ "grad_norm": 3.483610153198242,
3227
+ "learning_rate": 1.665322345816746e-05,
3228
+ "loss": 3.8941,
3229
+ "step": 460
3230
+ },
3231
+ {
3232
+ "epoch": 0.8298829882988299,
3233
+ "grad_norm": 3.1454741954803467,
3234
+ "learning_rate": 1.6324836460582498e-05,
3235
+ "loss": 3.883,
3236
+ "step": 461
3237
+ },
3238
+ {
3239
+ "epoch": 0.8316831683168316,
3240
+ "grad_norm": 3.6109461784362793,
3241
+ "learning_rate": 1.599908670460216e-05,
3242
+ "loss": 3.2933,
3243
+ "step": 462
3244
+ },
3245
+ {
3246
+ "epoch": 0.8334833483348335,
3247
+ "grad_norm": 3.4250762462615967,
3248
+ "learning_rate": 1.5675999701039735e-05,
3249
+ "loss": 3.628,
3250
+ "step": 463
3251
+ },
3252
+ {
3253
+ "epoch": 0.8352835283528353,
3254
+ "grad_norm": 3.624478578567505,
3255
+ "learning_rate": 1.535560075217731e-05,
3256
+ "loss": 4.2137,
3257
+ "step": 464
3258
+ },
3259
+ {
3260
+ "epoch": 0.8370837083708371,
3261
+ "grad_norm": 3.289508819580078,
3262
+ "learning_rate": 1.5037914949784299e-05,
3263
+ "loss": 3.5101,
3264
+ "step": 465
3265
+ },
3266
+ {
3267
+ "epoch": 0.8388838883888389,
3268
+ "grad_norm": 3.1444578170776367,
3269
+ "learning_rate": 1.4722967173152353e-05,
3270
+ "loss": 4.0805,
3271
+ "step": 466
3272
+ },
3273
+ {
3274
+ "epoch": 0.8406840684068407,
3275
+ "grad_norm": 2.974825143814087,
3276
+ "learning_rate": 1.441078208714698e-05,
3277
+ "loss": 3.5221,
3278
+ "step": 467
3279
+ },
3280
+ {
3281
+ "epoch": 0.8424842484248425,
3282
+ "grad_norm": 3.4931812286376953,
3283
+ "learning_rate": 1.4101384140275947e-05,
3284
+ "loss": 3.6931,
3285
+ "step": 468
3286
+ },
3287
+ {
3288
+ "epoch": 0.8442844284428442,
3289
+ "grad_norm": 3.261122703552246,
3290
+ "learning_rate": 1.3794797562774598e-05,
3291
+ "loss": 3.769,
3292
+ "step": 469
3293
+ },
3294
+ {
3295
+ "epoch": 0.8460846084608461,
3296
+ "grad_norm": 3.2930214405059814,
3297
+ "learning_rate": 1.3491046364708293e-05,
3298
+ "loss": 3.6359,
3299
+ "step": 470
3300
+ },
3301
+ {
3302
+ "epoch": 0.8478847884788479,
3303
+ "grad_norm": 3.166865587234497,
3304
+ "learning_rate": 1.319015433409208e-05,
3305
+ "loss": 4.2264,
3306
+ "step": 471
3307
+ },
3308
+ {
3309
+ "epoch": 0.8496849684968497,
3310
+ "grad_norm": 3.187593936920166,
3311
+ "learning_rate": 1.2892145035027758e-05,
3312
+ "loss": 4.2423,
3313
+ "step": 472
3314
+ },
3315
+ {
3316
+ "epoch": 0.8514851485148515,
3317
+ "grad_norm": 2.961714506149292,
3318
+ "learning_rate": 1.2597041805858468e-05,
3319
+ "loss": 3.7844,
3320
+ "step": 473
3321
+ },
3322
+ {
3323
+ "epoch": 0.8532853285328533,
3324
+ "grad_norm": 3.1579463481903076,
3325
+ "learning_rate": 1.2304867757340972e-05,
3326
+ "loss": 3.9704,
3327
+ "step": 474
3328
+ },
3329
+ {
3330
+ "epoch": 0.8550855085508551,
3331
+ "grad_norm": 3.4631705284118652,
3332
+ "learning_rate": 1.2015645770835764e-05,
3333
+ "loss": 3.943,
3334
+ "step": 475
3335
+ },
3336
+ {
3337
+ "epoch": 0.8568856885688569,
3338
+ "grad_norm": 2.9861361980438232,
3339
+ "learning_rate": 1.1729398496515126e-05,
3340
+ "loss": 3.6184,
3341
+ "step": 476
3342
+ },
3343
+ {
3344
+ "epoch": 0.8586858685868587,
3345
+ "grad_norm": 3.6547658443450928,
3346
+ "learning_rate": 1.1446148351589297e-05,
3347
+ "loss": 4.8532,
3348
+ "step": 477
3349
+ },
3350
+ {
3351
+ "epoch": 0.8604860486048604,
3352
+ "grad_norm": 3.7734615802764893,
3353
+ "learning_rate": 1.1165917518550911e-05,
3354
+ "loss": 4.3348,
3355
+ "step": 478
3356
+ },
3357
+ {
3358
+ "epoch": 0.8622862286228623,
3359
+ "grad_norm": 3.309903621673584,
3360
+ "learning_rate": 1.0888727943437748e-05,
3361
+ "loss": 4.2671,
3362
+ "step": 479
3363
+ },
3364
+ {
3365
+ "epoch": 0.8640864086408641,
3366
+ "grad_norm": 3.503133535385132,
3367
+ "learning_rate": 1.0614601334114099e-05,
3368
+ "loss": 4.4343,
3369
+ "step": 480
3370
+ },
3371
+ {
3372
+ "epoch": 0.8658865886588659,
3373
+ "grad_norm": 3.389491558074951,
3374
+ "learning_rate": 1.0343559158570704e-05,
3375
+ "loss": 4.7319,
3376
+ "step": 481
3377
+ },
3378
+ {
3379
+ "epoch": 0.8676867686768677,
3380
+ "grad_norm": 3.3840572834014893,
3381
+ "learning_rate": 1.0075622643243499e-05,
3382
+ "loss": 4.5601,
3383
+ "step": 482
3384
+ },
3385
+ {
3386
+ "epoch": 0.8694869486948695,
3387
+ "grad_norm": 3.25216007232666,
3388
+ "learning_rate": 9.810812771351335e-06,
3389
+ "loss": 4.2966,
3390
+ "step": 483
3391
+ },
3392
+ {
3393
+ "epoch": 0.8712871287128713,
3394
+ "grad_norm": 3.635775089263916,
3395
+ "learning_rate": 9.549150281252633e-06,
3396
+ "loss": 4.7205,
3397
+ "step": 484
3398
+ },
3399
+ {
3400
+ "epoch": 0.873087308730873,
3401
+ "grad_norm": 3.3356218338012695,
3402
+ "learning_rate": 9.290655664821296e-06,
3403
+ "loss": 4.9521,
3404
+ "step": 485
3405
+ },
3406
+ {
3407
+ "epoch": 0.8748874887488749,
3408
+ "grad_norm": 3.6561996936798096,
3409
+ "learning_rate": 9.035349165841923e-06,
3410
+ "loss": 4.7275,
3411
+ "step": 486
3412
+ },
3413
+ {
3414
+ "epoch": 0.8766876687668766,
3415
+ "grad_norm": 3.564394235610962,
3416
+ "learning_rate": 8.783250778424428e-06,
3417
+ "loss": 4.1435,
3418
+ "step": 487
3419
+ },
3420
+ {
3421
+ "epoch": 0.8784878487848785,
3422
+ "grad_norm": 3.7181074619293213,
3423
+ "learning_rate": 8.534380245438211e-06,
3424
+ "loss": 5.1263,
3425
+ "step": 488
3426
+ },
3427
+ {
3428
+ "epoch": 0.8802880288028803,
3429
+ "grad_norm": 3.6209585666656494,
3430
+ "learning_rate": 8.288757056966018e-06,
3431
+ "loss": 5.0345,
3432
+ "step": 489
3433
+ },
3434
+ {
3435
+ "epoch": 0.8820882088208821,
3436
+ "grad_norm": 4.174393653869629,
3437
+ "learning_rate": 8.046400448777574e-06,
3438
+ "loss": 5.2958,
3439
+ "step": 490
3440
+ },
3441
+ {
3442
+ "epoch": 0.8838883888388839,
3443
+ "grad_norm": 3.6721696853637695,
3444
+ "learning_rate": 7.807329400823177e-06,
3445
+ "loss": 5.1729,
3446
+ "step": 491
3447
+ },
3448
+ {
3449
+ "epoch": 0.8856885688568857,
3450
+ "grad_norm": 3.6310222148895264,
3451
+ "learning_rate": 7.571562635747304e-06,
3452
+ "loss": 4.2984,
3453
+ "step": 492
3454
+ },
3455
+ {
3456
+ "epoch": 0.8874887488748875,
3457
+ "grad_norm": 3.5798494815826416,
3458
+ "learning_rate": 7.3391186174223245e-06,
3459
+ "loss": 4.7273,
3460
+ "step": 493
3461
+ },
3462
+ {
3463
+ "epoch": 0.8892889288928892,
3464
+ "grad_norm": 3.331014633178711,
3465
+ "learning_rate": 7.1100155495025464e-06,
3466
+ "loss": 5.1268,
3467
+ "step": 494
3468
+ },
3469
+ {
3470
+ "epoch": 0.8910891089108911,
3471
+ "grad_norm": 3.6740384101867676,
3472
+ "learning_rate": 6.8842713739986075e-06,
3473
+ "loss": 5.3065,
3474
+ "step": 495
3475
+ },
3476
+ {
3477
+ "epoch": 0.8928892889288929,
3478
+ "grad_norm": 3.8056387901306152,
3479
+ "learning_rate": 6.661903769872363e-06,
3480
+ "loss": 5.405,
3481
+ "step": 496
3482
+ },
3483
+ {
3484
+ "epoch": 0.8946894689468947,
3485
+ "grad_norm": 3.7739763259887695,
3486
+ "learning_rate": 6.442930151652371e-06,
3487
+ "loss": 5.9443,
3488
+ "step": 497
3489
+ },
3490
+ {
3491
+ "epoch": 0.8964896489648965,
3492
+ "grad_norm": 3.922481060028076,
3493
+ "learning_rate": 6.227367668070083e-06,
3494
+ "loss": 5.1865,
3495
+ "step": 498
3496
+ },
3497
+ {
3498
+ "epoch": 0.8982898289828983,
3499
+ "grad_norm": 3.815195083618164,
3500
+ "learning_rate": 6.015233200716874e-06,
3501
+ "loss": 5.4361,
3502
+ "step": 499
3503
+ },
3504
+ {
3505
+ "epoch": 0.9000900090009001,
3506
+ "grad_norm": 4.479306697845459,
3507
+ "learning_rate": 5.806543362721945e-06,
3508
+ "loss": 6.0537,
3509
+ "step": 500
3510
+ },
3511
+ {
3512
+ "epoch": 0.9018901890189019,
3513
+ "grad_norm": 25.004121780395508,
3514
+ "learning_rate": 5.601314497451316e-06,
3515
+ "loss": 3.6237,
3516
+ "step": 501
3517
+ },
3518
+ {
3519
+ "epoch": 0.9036903690369037,
3520
+ "grad_norm": 3.7974557876586914,
3521
+ "learning_rate": 5.399562677227876e-06,
3522
+ "loss": 2.1349,
3523
+ "step": 502
3524
+ },
3525
+ {
3526
+ "epoch": 0.9054905490549054,
3527
+ "grad_norm": 3.4542431831359863,
3528
+ "learning_rate": 5.201303702072724e-06,
3529
+ "loss": 2.8379,
3530
+ "step": 503
3531
+ },
3532
+ {
3533
+ "epoch": 0.9072907290729073,
3534
+ "grad_norm": 3.14579176902771,
3535
+ "learning_rate": 5.006553098467764e-06,
3536
+ "loss": 2.9554,
3537
+ "step": 504
3538
+ },
3539
+ {
3540
+ "epoch": 0.9090909090909091,
3541
+ "grad_norm": 2.649793863296509,
3542
+ "learning_rate": 4.8153261181398125e-06,
3543
+ "loss": 2.2224,
3544
+ "step": 505
3545
+ },
3546
+ {
3547
+ "epoch": 0.9108910891089109,
3548
+ "grad_norm": 3.07043719291687,
3549
+ "learning_rate": 4.627637736866119e-06,
3550
+ "loss": 3.5249,
3551
+ "step": 506
3552
+ },
3553
+ {
3554
+ "epoch": 0.9126912691269127,
3555
+ "grad_norm": 3.646077871322632,
3556
+ "learning_rate": 4.443502653301601e-06,
3557
+ "loss": 3.5183,
3558
+ "step": 507
3559
+ },
3560
+ {
3561
+ "epoch": 0.9144914491449145,
3562
+ "grad_norm": 3.1195287704467773,
3563
+ "learning_rate": 4.262935287827696e-06,
3564
+ "loss": 3.507,
3565
+ "step": 508
3566
+ },
3567
+ {
3568
+ "epoch": 0.9162916291629163,
3569
+ "grad_norm": 3.2357397079467773,
3570
+ "learning_rate": 4.085949781423048e-06,
3571
+ "loss": 3.3765,
3572
+ "step": 509
3573
+ },
3574
+ {
3575
+ "epoch": 0.918091809180918,
3576
+ "grad_norm": 3.1325178146362305,
3577
+ "learning_rate": 3.912559994556086e-06,
3578
+ "loss": 3.5724,
3579
+ "step": 510
3580
+ },
3581
+ {
3582
+ "epoch": 0.9198919891989199,
3583
+ "grad_norm": 3.3491556644439697,
3584
+ "learning_rate": 3.7427795060995306e-06,
3585
+ "loss": 3.8159,
3586
+ "step": 511
3587
+ },
3588
+ {
3589
+ "epoch": 0.9216921692169217,
3590
+ "grad_norm": 3.5712788105010986,
3591
+ "learning_rate": 3.5766216122670003e-06,
3592
+ "loss": 3.6621,
3593
+ "step": 512
3594
+ },
3595
+ {
3596
+ "epoch": 0.9234923492349235,
3597
+ "grad_norm": 3.1630241870880127,
3598
+ "learning_rate": 3.4140993255717126e-06,
3599
+ "loss": 3.6589,
3600
+ "step": 513
3601
+ },
3602
+ {
3603
+ "epoch": 0.9252925292529253,
3604
+ "grad_norm": 3.174769401550293,
3605
+ "learning_rate": 3.2552253738074077e-06,
3606
+ "loss": 3.8955,
3607
+ "step": 514
3608
+ },
3609
+ {
3610
+ "epoch": 0.9270927092709271,
3611
+ "grad_norm": 3.325157880783081,
3612
+ "learning_rate": 3.1000121990516274e-06,
3613
+ "loss": 3.8899,
3614
+ "step": 515
3615
+ },
3616
+ {
3617
+ "epoch": 0.9288928892889289,
3618
+ "grad_norm": 3.770094394683838,
3619
+ "learning_rate": 2.9484719566912735e-06,
3620
+ "loss": 4.0021,
3621
+ "step": 516
3622
+ },
3623
+ {
3624
+ "epoch": 0.9306930693069307,
3625
+ "grad_norm": 3.7571139335632324,
3626
+ "learning_rate": 2.800616514470694e-06,
3627
+ "loss": 4.1601,
3628
+ "step": 517
3629
+ },
3630
+ {
3631
+ "epoch": 0.9324932493249325,
3632
+ "grad_norm": 3.390287160873413,
3633
+ "learning_rate": 2.656457451562283e-06,
3634
+ "loss": 4.0102,
3635
+ "step": 518
3636
+ },
3637
+ {
3638
+ "epoch": 0.9342934293429342,
3639
+ "grad_norm": 3.436528444290161,
3640
+ "learning_rate": 2.5160060576596366e-06,
3641
+ "loss": 4.2173,
3642
+ "step": 519
3643
+ },
3644
+ {
3645
+ "epoch": 0.9360936093609361,
3646
+ "grad_norm": 2.9943151473999023,
3647
+ "learning_rate": 2.3792733320934346e-06,
3648
+ "loss": 3.7667,
3649
+ "step": 520
3650
+ },
3651
+ {
3652
+ "epoch": 0.9378937893789379,
3653
+ "grad_norm": 3.1079506874084473,
3654
+ "learning_rate": 2.2462699829700286e-06,
3655
+ "loss": 3.9543,
3656
+ "step": 521
3657
+ },
3658
+ {
3659
+ "epoch": 0.9396939693969397,
3660
+ "grad_norm": 3.511355400085449,
3661
+ "learning_rate": 2.1170064263328514e-06,
3662
+ "loss": 4.3681,
3663
+ "step": 522
3664
+ },
3665
+ {
3666
+ "epoch": 0.9414941494149415,
3667
+ "grad_norm": 3.2926292419433594,
3668
+ "learning_rate": 1.991492785346677e-06,
3669
+ "loss": 4.2362,
3670
+ "step": 523
3671
+ },
3672
+ {
3673
+ "epoch": 0.9432943294329433,
3674
+ "grad_norm": 3.607163667678833,
3675
+ "learning_rate": 1.8697388895048518e-06,
3676
+ "loss": 4.1022,
3677
+ "step": 524
3678
+ },
3679
+ {
3680
+ "epoch": 0.9450945094509451,
3681
+ "grad_norm": 3.624814510345459,
3682
+ "learning_rate": 1.7517542738595071e-06,
3683
+ "loss": 3.7475,
3684
+ "step": 525
3685
+ },
3686
+ {
3687
+ "epoch": 0.946894689468947,
3688
+ "grad_norm": 3.673523426055908,
3689
+ "learning_rate": 1.637548178274806e-06,
3690
+ "loss": 3.8728,
3691
+ "step": 526
3692
+ },
3693
+ {
3694
+ "epoch": 0.9486948694869487,
3695
+ "grad_norm": 3.480508804321289,
3696
+ "learning_rate": 1.5271295467033653e-06,
3697
+ "loss": 4.1873,
3698
+ "step": 527
3699
+ },
3700
+ {
3701
+ "epoch": 0.9504950495049505,
3702
+ "grad_norm": 3.1145169734954834,
3703
+ "learning_rate": 1.42050702648579e-06,
3704
+ "loss": 4.2106,
3705
+ "step": 528
3706
+ },
3707
+ {
3708
+ "epoch": 0.9522952295229523,
3709
+ "grad_norm": 3.012479782104492,
3710
+ "learning_rate": 1.3176889676734693e-06,
3711
+ "loss": 4.4033,
3712
+ "step": 529
3713
+ },
3714
+ {
3715
+ "epoch": 0.9540954095409541,
3716
+ "grad_norm": 3.321237564086914,
3717
+ "learning_rate": 1.2186834223746612e-06,
3718
+ "loss": 3.8453,
3719
+ "step": 530
3720
+ },
3721
+ {
3722
+ "epoch": 0.9558955895589559,
3723
+ "grad_norm": 3.554750680923462,
3724
+ "learning_rate": 1.1234981441239022e-06,
3725
+ "loss": 4.2771,
3726
+ "step": 531
3727
+ },
3728
+ {
3729
+ "epoch": 0.9576957695769577,
3730
+ "grad_norm": 3.595700979232788,
3731
+ "learning_rate": 1.0321405872747603e-06,
3732
+ "loss": 4.7381,
3733
+ "step": 532
3734
+ },
3735
+ {
3736
+ "epoch": 0.9594959495949595,
3737
+ "grad_norm": 3.4314756393432617,
3738
+ "learning_rate": 9.446179064161009e-07,
3739
+ "loss": 4.7025,
3740
+ "step": 533
3741
+ },
3742
+ {
3743
+ "epoch": 0.9612961296129613,
3744
+ "grad_norm": 3.4042766094207764,
3745
+ "learning_rate": 8.609369558117531e-07,
3746
+ "loss": 4.5694,
3747
+ "step": 534
3748
+ },
3749
+ {
3750
+ "epoch": 0.963096309630963,
3751
+ "grad_norm": 3.677279472351074,
3752
+ "learning_rate": 7.81104288863721e-07,
3753
+ "loss": 4.4108,
3754
+ "step": 535
3755
+ },
3756
+ {
3757
+ "epoch": 0.9648964896489649,
3758
+ "grad_norm": 4.0047712326049805,
3759
+ "learning_rate": 7.051261575989787e-07,
3760
+ "loss": 5.2683,
3761
+ "step": 536
3762
+ },
3763
+ {
3764
+ "epoch": 0.9666966696669667,
3765
+ "grad_norm": 3.8668036460876465,
3766
+ "learning_rate": 6.330085121798279e-07,
3767
+ "loss": 5.0821,
3768
+ "step": 537
3769
+ },
3770
+ {
3771
+ "epoch": 0.9684968496849685,
3772
+ "grad_norm": 3.524517297744751,
3773
+ "learning_rate": 5.647570004379432e-07,
3774
+ "loss": 4.7731,
3775
+ "step": 538
3776
+ },
3777
+ {
3778
+ "epoch": 0.9702970297029703,
3779
+ "grad_norm": 4.2224955558776855,
3780
+ "learning_rate": 5.003769674320369e-07,
3781
+ "loss": 5.4911,
3782
+ "step": 539
3783
+ },
3784
+ {
3785
+ "epoch": 0.9720972097209721,
3786
+ "grad_norm": 3.456015110015869,
3787
+ "learning_rate": 4.3987345502927157e-07,
3788
+ "loss": 4.9279,
3789
+ "step": 540
3790
+ },
3791
+ {
3792
+ "epoch": 0.9738973897389739,
3793
+ "grad_norm": 4.04163122177124,
3794
+ "learning_rate": 3.832512015104317e-07,
3795
+ "loss": 4.8574,
3796
+ "step": 541
3797
+ },
3798
+ {
3799
+ "epoch": 0.9756975697569757,
3800
+ "grad_norm": 3.488652467727661,
3801
+ "learning_rate": 3.3051464119883136e-07,
3802
+ "loss": 4.5105,
3803
+ "step": 542
3804
+ },
3805
+ {
3806
+ "epoch": 0.9774977497749775,
3807
+ "grad_norm": 3.6072845458984375,
3808
+ "learning_rate": 2.816679041130477e-07,
3809
+ "loss": 5.0124,
3810
+ "step": 543
3811
+ },
3812
+ {
3813
+ "epoch": 0.9792979297929792,
3814
+ "grad_norm": 3.613863229751587,
3815
+ "learning_rate": 2.3671481564347397e-07,
3816
+ "loss": 4.7951,
3817
+ "step": 544
3818
+ },
3819
+ {
3820
+ "epoch": 0.9810981098109811,
3821
+ "grad_norm": 3.676605701446533,
3822
+ "learning_rate": 1.9565889625275946e-07,
3823
+ "loss": 5.7295,
3824
+ "step": 545
3825
+ },
3826
+ {
3827
+ "epoch": 0.9828982898289829,
3828
+ "grad_norm": 3.8148982524871826,
3829
+ "learning_rate": 1.5850336120007414e-07,
3830
+ "loss": 5.0033,
3831
+ "step": 546
3832
+ },
3833
+ {
3834
+ "epoch": 0.9846984698469847,
3835
+ "grad_norm": 3.664438486099243,
3836
+ "learning_rate": 1.252511202893436e-07,
3837
+ "loss": 4.9703,
3838
+ "step": 547
3839
+ },
3840
+ {
3841
+ "epoch": 0.9864986498649865,
3842
+ "grad_norm": 3.756563663482666,
3843
+ "learning_rate": 9.590477764135353e-08,
3844
+ "loss": 5.3585,
3845
+ "step": 548
3846
+ },
3847
+ {
3848
+ "epoch": 0.9882988298829883,
3849
+ "grad_norm": 3.9945781230926514,
3850
+ "learning_rate": 7.046663148979616e-08,
3851
+ "loss": 5.4977,
3852
+ "step": 549
3853
+ },
3854
+ {
3855
+ "epoch": 0.9900990099009901,
3856
+ "grad_norm": 4.365446090698242,
3857
+ "learning_rate": 4.89386740013198e-08,
3858
+ "loss": 5.6052,
3859
+ "step": 550
3860
+ },
3861
+ {
3862
+ "epoch": 0.991899189918992,
3863
+ "grad_norm": 3.4431326389312744,
3864
+ "learning_rate": 3.1322591119481436e-08,
3865
+ "loss": 2.9021,
3866
+ "step": 551
3867
+ },
3868
+ {
3869
+ "epoch": 0.9936993699369937,
3870
+ "grad_norm": 3.6631813049316406,
3871
+ "learning_rate": 1.7619762432730113e-08,
3872
+ "loss": 4.0126,
3873
+ "step": 552
3874
+ },
3875
+ {
3876
+ "epoch": 0.9954995499549955,
3877
+ "grad_norm": 3.126596212387085,
3878
+ "learning_rate": 7.831261066371109e-09,
3879
+ "loss": 3.7145,
3880
+ "step": 553
3881
+ },
3882
+ {
3883
+ "epoch": 0.9972997299729973,
3884
+ "grad_norm": 3.9898624420166016,
3885
+ "learning_rate": 1.9578535984998705e-09,
3886
+ "loss": 4.723,
3887
+ "step": 554
3888
+ },
3889
+ {
3890
+ "epoch": 0.9990999099909991,
3891
+ "grad_norm": 3.7214019298553467,
3892
+ "learning_rate": 0.0,
3893
+ "loss": 5.0888,
3894
+ "step": 555
3895
+ }
3896
+ ],
3897
+ "logging_steps": 1,
3898
+ "max_steps": 555,
3899
+ "num_input_tokens_seen": 0,
3900
+ "num_train_epochs": 1,
3901
+ "save_steps": 239,
3902
+ "stateful_callbacks": {
3903
+ "TrainerControl": {
3904
+ "args": {
3905
+ "should_epoch_stop": false,
3906
+ "should_evaluate": false,
3907
+ "should_log": false,
3908
+ "should_save": true,
3909
+ "should_training_stop": true
3910
+ },
3911
+ "attributes": {}
3912
+ }
3913
+ },
3914
+ "total_flos": 1.5203413975262822e+18,
3915
+ "train_batch_size": 4,
3916
+ "trial_name": null,
3917
+ "trial_params": null
3918
+ }
last-checkpoint/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:eeeaf8e5f0be26fe16c5007b59fb0963334c1291a87b55dacbc1fa339e139e35
3
+ size 6840
special_tokens_map.json ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ ">>TITLE<<",
4
+ ">>ABSTRACT<<",
5
+ ">>INTRODUCTION<<",
6
+ ">>SUMMARY<<",
7
+ ">>COMMENT<<",
8
+ ">>ANSWER<<",
9
+ ">>QUESTION<<",
10
+ ">>DOMAIN<<",
11
+ ">>PREFIX<<",
12
+ ">>SUFFIX<<",
13
+ ">>MIDDLE<<"
14
+ ],
15
+ "eos_token": {
16
+ "content": "<|endoftext|>",
17
+ "lstrip": false,
18
+ "normalized": false,
19
+ "rstrip": false,
20
+ "single_word": false
21
+ },
22
+ "pad_token": {
23
+ "content": "<|endoftext|>",
24
+ "lstrip": false,
25
+ "normalized": false,
26
+ "rstrip": false,
27
+ "single_word": false
28
+ }
29
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,124 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "0": {
5
+ "content": ">>TITLE<<",
6
+ "lstrip": false,
7
+ "normalized": false,
8
+ "rstrip": false,
9
+ "single_word": false,
10
+ "special": true
11
+ },
12
+ "1": {
13
+ "content": ">>ABSTRACT<<",
14
+ "lstrip": false,
15
+ "normalized": false,
16
+ "rstrip": false,
17
+ "single_word": false,
18
+ "special": true
19
+ },
20
+ "2": {
21
+ "content": ">>INTRODUCTION<<",
22
+ "lstrip": false,
23
+ "normalized": false,
24
+ "rstrip": false,
25
+ "single_word": false,
26
+ "special": true
27
+ },
28
+ "3": {
29
+ "content": ">>SUMMARY<<",
30
+ "lstrip": false,
31
+ "normalized": false,
32
+ "rstrip": false,
33
+ "single_word": false,
34
+ "special": true
35
+ },
36
+ "4": {
37
+ "content": ">>COMMENT<<",
38
+ "lstrip": false,
39
+ "normalized": false,
40
+ "rstrip": false,
41
+ "single_word": false,
42
+ "special": true
43
+ },
44
+ "5": {
45
+ "content": ">>ANSWER<<",
46
+ "lstrip": false,
47
+ "normalized": false,
48
+ "rstrip": false,
49
+ "single_word": false,
50
+ "special": true
51
+ },
52
+ "6": {
53
+ "content": ">>QUESTION<<",
54
+ "lstrip": false,
55
+ "normalized": false,
56
+ "rstrip": false,
57
+ "single_word": false,
58
+ "special": true
59
+ },
60
+ "7": {
61
+ "content": ">>DOMAIN<<",
62
+ "lstrip": false,
63
+ "normalized": false,
64
+ "rstrip": false,
65
+ "single_word": false,
66
+ "special": true
67
+ },
68
+ "8": {
69
+ "content": ">>PREFIX<<",
70
+ "lstrip": false,
71
+ "normalized": false,
72
+ "rstrip": false,
73
+ "single_word": false,
74
+ "special": true
75
+ },
76
+ "9": {
77
+ "content": ">>SUFFIX<<",
78
+ "lstrip": false,
79
+ "normalized": false,
80
+ "rstrip": false,
81
+ "single_word": false,
82
+ "special": true
83
+ },
84
+ "10": {
85
+ "content": ">>MIDDLE<<",
86
+ "lstrip": false,
87
+ "normalized": false,
88
+ "rstrip": false,
89
+ "single_word": false,
90
+ "special": true
91
+ },
92
+ "11": {
93
+ "content": "<|endoftext|>",
94
+ "lstrip": false,
95
+ "normalized": false,
96
+ "rstrip": false,
97
+ "single_word": false,
98
+ "special": true
99
+ }
100
+ },
101
+ "additional_special_tokens": [
102
+ ">>TITLE<<",
103
+ ">>ABSTRACT<<",
104
+ ">>INTRODUCTION<<",
105
+ ">>SUMMARY<<",
106
+ ">>COMMENT<<",
107
+ ">>ANSWER<<",
108
+ ">>QUESTION<<",
109
+ ">>DOMAIN<<",
110
+ ">>PREFIX<<",
111
+ ">>SUFFIX<<",
112
+ ">>MIDDLE<<"
113
+ ],
114
+ "chat_template": "{% if not add_generation_prompt is defined %}{% set add_generation_prompt = false %}{% endif %}{% set loop_messages = messages %}{% for message in loop_messages %}{% set content = '<|start_header_id|>' + message['role'] + '<|end_header_id|>\n\n'+ message['content'] | trim + '<|eot_id|>' %}{% if loop.index0 == 0 %}{% set content = bos_token + content %}{% endif %}{{ content }}{% endfor %}{% if add_generation_prompt %}{{ '<|start_header_id|>assistant<|end_header_id|>\n\n' }}{% endif %}",
115
+ "clean_up_tokenization_spaces": false,
116
+ "eos_token": "<|endoftext|>",
117
+ "model_input_names": [
118
+ "input_ids",
119
+ "attention_mask"
120
+ ],
121
+ "model_max_length": 2048,
122
+ "pad_token": "<|endoftext|>",
123
+ "tokenizer_class": "PreTrainedTokenizerFast"
124
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:eeeaf8e5f0be26fe16c5007b59fb0963334c1291a87b55dacbc1fa339e139e35
3
+ size 6840