sci-m-wang commited on
Commit
f63c0a5
1 Parent(s): fd26382

Upload 15 files

Browse files
README.md ADDED
@@ -0,0 +1,58 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: other
3
+ library_name: peft
4
+ tags:
5
+ - llama-factory
6
+ - lora
7
+ - generated_from_trainer
8
+ base_model: microsoft/Phi-3-mini-4k-instruct
9
+ model-index:
10
+ - name: Phi-3-mini-4k-instruct
11
+ results: []
12
+ ---
13
+
14
+ <!-- This model card has been generated automatically according to the information the Trainer had access to. You
15
+ should probably proofread and complete it, then remove this comment. -->
16
+
17
+ # Phi-3-mini-4k-instruct
18
+
19
+ This model is a fine-tuned version of [microsoft/Phi-3-mini-4k-instruct](https://huggingface.co/microsoft/Phi-3-mini-4k-instruct) on the LangGPT_community, the LangGPT_alpaca and the LangGPT_seed datasets.
20
+
21
+ ## Model description
22
+
23
+ More information needed
24
+
25
+ ## Intended uses & limitations
26
+
27
+ More information needed
28
+
29
+ ## Training and evaluation data
30
+
31
+ More information needed
32
+
33
+ ## Training procedure
34
+
35
+ ### Training hyperparameters
36
+
37
+ The following hyperparameters were used during training:
38
+ - learning_rate: 5e-05
39
+ - train_batch_size: 2
40
+ - eval_batch_size: 8
41
+ - seed: 42
42
+ - gradient_accumulation_steps: 8
43
+ - total_train_batch_size: 16
44
+ - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
45
+ - lr_scheduler_type: cosine
46
+ - num_epochs: 5.0
47
+
48
+ ### Training results
49
+
50
+
51
+
52
+ ### Framework versions
53
+
54
+ - PEFT 0.10.0
55
+ - Transformers 4.41.1
56
+ - Pytorch 2.3.0+cu121
57
+ - Datasets 2.19.1
58
+ - Tokenizers 0.19.1
adapter_config.json ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "microsoft/Phi-3-mini-4k-instruct",
5
+ "bias": "none",
6
+ "fan_in_fan_out": false,
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": 16,
14
+ "lora_dropout": 0,
15
+ "megatron_config": null,
16
+ "megatron_core": "megatron.core",
17
+ "modules_to_save": null,
18
+ "peft_type": "LORA",
19
+ "r": 8,
20
+ "rank_pattern": {},
21
+ "revision": null,
22
+ "target_modules": [
23
+ "qkv_proj"
24
+ ],
25
+ "task_type": "CAUSAL_LM",
26
+ "use_dora": false,
27
+ "use_rslora": false
28
+ }
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ba78a4f43ffbf80e192c8071731596fa5c3bbff35c40de14cf7240149f7bec9f
3
+ size 12591520
added_tokens.json ADDED
@@ -0,0 +1,13 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "<|assistant|>": 32001,
3
+ "<|endoftext|>": 32000,
4
+ "<|end|>": 32007,
5
+ "<|placeholder1|>": 32002,
6
+ "<|placeholder2|>": 32003,
7
+ "<|placeholder3|>": 32004,
8
+ "<|placeholder4|>": 32005,
9
+ "<|placeholder5|>": 32008,
10
+ "<|placeholder6|>": 32009,
11
+ "<|system|>": 32006,
12
+ "<|user|>": 32010
13
+ }
all_results.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 4.9976558837318334,
3
+ "total_flos": 1.9479197956994335e+18,
4
+ "train_loss": 0.41369020724162375,
5
+ "train_runtime": 63586.5105,
6
+ "train_samples_per_second": 0.671,
7
+ "train_steps_per_second": 0.042
8
+ }
running_log.txt ADDED
@@ -0,0 +1,1370 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 05/31/2024 00:02:42 - INFO - transformers.tokenization_utils_base - loading file tokenizer.model
2
+
3
+ 05/31/2024 00:02:42 - INFO - transformers.tokenization_utils_base - loading file tokenizer.json
4
+
5
+ 05/31/2024 00:02:42 - INFO - transformers.tokenization_utils_base - loading file added_tokens.json
6
+
7
+ 05/31/2024 00:02:42 - INFO - transformers.tokenization_utils_base - loading file special_tokens_map.json
8
+
9
+ 05/31/2024 00:02:42 - INFO - transformers.tokenization_utils_base - loading file tokenizer_config.json
10
+
11
+ 05/31/2024 00:02:42 - WARNING - transformers.tokenization_utils_base - Special tokens have been added in the vocabulary, make sure the associated word embeddings are fine-tuned or trained.
12
+
13
+ 05/31/2024 00:02:42 - INFO - llmtuner.data.template - Replace eos token: <|end|>
14
+
15
+ 05/31/2024 00:02:42 - WARNING - llmtuner.data.template - New tokens have been added, make sure `resize_vocab` is True.
16
+
17
+ 05/31/2024 00:02:42 - INFO - llmtuner.data.loader - Loading dataset /datas/wangm/LLM4LangGPT/constructed_datasets/LangGPT_community.jsonl...
18
+
19
+ 05/31/2024 00:02:42 - WARNING - llmtuner.data.utils - Checksum failed: missing SHA-1 hash value in dataset_info.json.
20
+
21
+ 05/31/2024 00:02:44 - INFO - llmtuner.data.loader - Loading dataset /datas/wangm/LLM4LangGPT/constructed_datasets/langgpt_alpaca.jsonl...
22
+
23
+ 05/31/2024 00:02:44 - WARNING - llmtuner.data.utils - Checksum failed: missing SHA-1 hash value in dataset_info.json.
24
+
25
+ 05/31/2024 00:02:48 - INFO - llmtuner.data.loader - Loading dataset /datas/wangm/LLM4LangGPT/constructed_datasets/langgpt_seed.jsonl...
26
+
27
+ 05/31/2024 00:02:48 - WARNING - llmtuner.data.utils - Checksum failed: missing SHA-1 hash value in dataset_info.json.
28
+
29
+ 05/31/2024 00:02:50 - WARNING - transformers.tokenization_utils_base - Token indices sequence length is longer than the specified maximum sequence length for this model (5088 > 4096). Running this sequence through the model will result in indexing errors
30
+
31
+ 05/31/2024 00:03:05 - INFO - transformers.configuration_utils - loading configuration file /datas/huggingface/Phi-3-mini-4k-instruct/config.json
32
+
33
+ 05/31/2024 00:03:05 - INFO - transformers.configuration_utils - loading configuration file /datas/huggingface/Phi-3-mini-4k-instruct/config.json
34
+
35
+ 05/31/2024 00:03:05 - INFO - transformers.configuration_utils - Model config Phi3Config {
36
+ "_name_or_path": "/datas/huggingface/Phi-3-mini-4k-instruct",
37
+ "architectures": [
38
+ "Phi3ForCausalLM"
39
+ ],
40
+ "attention_dropout": 0.0,
41
+ "auto_map": {
42
+ "AutoConfig": "configuration_phi3.Phi3Config",
43
+ "AutoModelForCausalLM": "modeling_phi3.Phi3ForCausalLM"
44
+ },
45
+ "bos_token_id": 1,
46
+ "embd_pdrop": 0.0,
47
+ "eos_token_id": 32000,
48
+ "hidden_act": "silu",
49
+ "hidden_size": 3072,
50
+ "initializer_range": 0.02,
51
+ "intermediate_size": 8192,
52
+ "max_position_embeddings": 4096,
53
+ "model_type": "phi3",
54
+ "num_attention_heads": 32,
55
+ "num_hidden_layers": 32,
56
+ "num_key_value_heads": 32,
57
+ "original_max_position_embeddings": 4096,
58
+ "pad_token_id": 32000,
59
+ "resid_pdrop": 0.0,
60
+ "rms_norm_eps": 1e-05,
61
+ "rope_scaling": null,
62
+ "rope_theta": 10000.0,
63
+ "sliding_window": 2047,
64
+ "tie_word_embeddings": false,
65
+ "torch_dtype": "bfloat16",
66
+ "transformers_version": "4.41.1",
67
+ "use_cache": true,
68
+ "vocab_size": 32064
69
+ }
70
+
71
+
72
+ 05/31/2024 00:03:05 - WARNING - transformers_modules.Phi-3-mini-4k-instruct.modeling_phi3 - `flash-attention` package not found, consider installing for better performance: No module named 'flash_attn'.
73
+
74
+ 05/31/2024 00:03:05 - WARNING - transformers_modules.Phi-3-mini-4k-instruct.modeling_phi3 - Current `flash-attention` does not support `window_size`. Either upgrade or use `attn_implementation='eager'`.
75
+
76
+ 05/31/2024 00:03:05 - INFO - transformers.modeling_utils - loading weights file /datas/huggingface/Phi-3-mini-4k-instruct/model.safetensors.index.json
77
+
78
+ 05/31/2024 00:03:05 - INFO - transformers.modeling_utils - Instantiating Phi3ForCausalLM model under default dtype torch.bfloat16.
79
+
80
+ 05/31/2024 00:03:05 - INFO - transformers.generation.configuration_utils - Generate config GenerationConfig {
81
+ "bos_token_id": 1,
82
+ "eos_token_id": 32000,
83
+ "pad_token_id": 32000
84
+ }
85
+
86
+
87
+ 05/31/2024 00:03:19 - INFO - transformers.modeling_utils - All model checkpoint weights were used when initializing Phi3ForCausalLM.
88
+
89
+
90
+ 05/31/2024 00:03:19 - INFO - transformers.modeling_utils - All the weights of Phi3ForCausalLM were initialized from the model checkpoint at /datas/huggingface/Phi-3-mini-4k-instruct.
91
+ If your task is similar to the task the model of the checkpoint was trained on, you can already use Phi3ForCausalLM for predictions without further training.
92
+
93
+ 05/31/2024 00:03:19 - INFO - transformers.generation.configuration_utils - loading configuration file /datas/huggingface/Phi-3-mini-4k-instruct/generation_config.json
94
+
95
+ 05/31/2024 00:03:19 - INFO - transformers.generation.configuration_utils - Generate config GenerationConfig {
96
+ "bos_token_id": 1,
97
+ "eos_token_id": [
98
+ 32000,
99
+ 32001,
100
+ 32007
101
+ ],
102
+ "pad_token_id": 32000
103
+ }
104
+
105
+
106
+ 05/31/2024 00:03:19 - INFO - llmtuner.model.utils.checkpointing - Gradient checkpointing enabled.
107
+
108
+ 05/31/2024 00:03:19 - INFO - llmtuner.model.utils.attention - Using vanilla Attention implementation.
109
+
110
+ 05/31/2024 00:03:19 - INFO - llmtuner.model.adapter - Fine-tuning method: LoRA
111
+
112
+ 05/31/2024 00:03:19 - INFO - llmtuner.model.loader - trainable params: 3145728 || all params: 3824225280 || trainable%: 0.0823
113
+
114
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Using auto half precision backend
115
+
116
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - ***** Running training *****
117
+
118
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Num examples = 8,531
119
+
120
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Num Epochs = 5
121
+
122
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Instantaneous batch size per device = 2
123
+
124
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Total train batch size (w. parallel, distributed & accumulation) = 16
125
+
126
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Gradient Accumulation steps = 8
127
+
128
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Total optimization steps = 2,665
129
+
130
+ 05/31/2024 00:03:19 - INFO - transformers.trainer - Number of trainable parameters = 3,145,728
131
+
132
+ 05/31/2024 00:03:20 - WARNING - transformers_modules.Phi-3-mini-4k-instruct.modeling_phi3 - You are not running the flash-attention implementation, expect numerical differences.
133
+
134
+ 05/31/2024 00:05:22 - INFO - llmtuner.extras.callbacks - {'loss': 0.6093, 'learning_rate': 5.0000e-05, 'epoch': 0.01}
135
+
136
+ 05/31/2024 00:07:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.5708, 'learning_rate': 4.9998e-05, 'epoch': 0.02}
137
+
138
+ 05/31/2024 00:09:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.5403, 'learning_rate': 4.9996e-05, 'epoch': 0.03}
139
+
140
+ 05/31/2024 00:11:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.5590, 'learning_rate': 4.9993e-05, 'epoch': 0.04}
141
+
142
+ 05/31/2024 00:13:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.5298, 'learning_rate': 4.9989e-05, 'epoch': 0.05}
143
+
144
+ 05/31/2024 00:15:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.5082, 'learning_rate': 4.9984e-05, 'epoch': 0.06}
145
+
146
+ 05/31/2024 00:17:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.5165, 'learning_rate': 4.9979e-05, 'epoch': 0.07}
147
+
148
+ 05/31/2024 00:19:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.5224, 'learning_rate': 4.9972e-05, 'epoch': 0.08}
149
+
150
+ 05/31/2024 00:21:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.5322, 'learning_rate': 4.9965e-05, 'epoch': 0.08}
151
+
152
+ 05/31/2024 00:23:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4886, 'learning_rate': 4.9957e-05, 'epoch': 0.09}
153
+
154
+ 05/31/2024 00:25:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.4870, 'learning_rate': 4.9947e-05, 'epoch': 0.10}
155
+
156
+ 05/31/2024 00:27:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4749, 'learning_rate': 4.9937e-05, 'epoch': 0.11}
157
+
158
+ 05/31/2024 00:28:56 - INFO - llmtuner.extras.callbacks - {'loss': 0.4769, 'learning_rate': 4.9927e-05, 'epoch': 0.12}
159
+
160
+ 05/31/2024 00:31:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4587, 'learning_rate': 4.9915e-05, 'epoch': 0.13}
161
+
162
+ 05/31/2024 00:33:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.4858, 'learning_rate': 4.9902e-05, 'epoch': 0.14}
163
+
164
+ 05/31/2024 00:34:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4485, 'learning_rate': 4.9889e-05, 'epoch': 0.15}
165
+
166
+ 05/31/2024 00:37:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4629, 'learning_rate': 4.9875e-05, 'epoch': 0.16}
167
+
168
+ 05/31/2024 00:38:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4683, 'learning_rate': 4.9859e-05, 'epoch': 0.17}
169
+
170
+ 05/31/2024 00:40:46 - INFO - llmtuner.extras.callbacks - {'loss': 0.4625, 'learning_rate': 4.9843e-05, 'epoch': 0.18}
171
+
172
+ 05/31/2024 00:42:43 - INFO - llmtuner.extras.callbacks - {'loss': 0.4346, 'learning_rate': 4.9826e-05, 'epoch': 0.19}
173
+
174
+ 05/31/2024 00:42:43 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-100
175
+
176
+ 05/31/2024 00:42:43 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-100/tokenizer_config.json
177
+
178
+ 05/31/2024 00:42:43 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-100/special_tokens_map.json
179
+
180
+ 05/31/2024 00:44:44 - INFO - llmtuner.extras.callbacks - {'loss': 0.4871, 'learning_rate': 4.9809e-05, 'epoch': 0.20}
181
+
182
+ 05/31/2024 00:46:46 - INFO - llmtuner.extras.callbacks - {'loss': 0.4564, 'learning_rate': 4.9790e-05, 'epoch': 0.21}
183
+
184
+ 05/31/2024 00:48:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4801, 'learning_rate': 4.9771e-05, 'epoch': 0.22}
185
+
186
+ 05/31/2024 00:50:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4678, 'learning_rate': 4.9750e-05, 'epoch': 0.23}
187
+
188
+ 05/31/2024 00:52:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.4794, 'learning_rate': 4.9729e-05, 'epoch': 0.23}
189
+
190
+ 05/31/2024 00:54:45 - INFO - llmtuner.extras.callbacks - {'loss': 0.4729, 'learning_rate': 4.9707e-05, 'epoch': 0.24}
191
+
192
+ 05/31/2024 00:56:46 - INFO - llmtuner.extras.callbacks - {'loss': 0.4754, 'learning_rate': 4.9684e-05, 'epoch': 0.25}
193
+
194
+ 05/31/2024 00:58:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.4374, 'learning_rate': 4.9660e-05, 'epoch': 0.26}
195
+
196
+ 05/31/2024 01:00:38 - INFO - llmtuner.extras.callbacks - {'loss': 0.4539, 'learning_rate': 4.9636e-05, 'epoch': 0.27}
197
+
198
+ 05/31/2024 01:02:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4713, 'learning_rate': 4.9610e-05, 'epoch': 0.28}
199
+
200
+ 05/31/2024 01:04:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.4394, 'learning_rate': 4.9584e-05, 'epoch': 0.29}
201
+
202
+ 05/31/2024 01:06:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4462, 'learning_rate': 4.9557e-05, 'epoch': 0.30}
203
+
204
+ 05/31/2024 01:08:34 - INFO - llmtuner.extras.callbacks - {'loss': 0.4750, 'learning_rate': 4.9529e-05, 'epoch': 0.31}
205
+
206
+ 05/31/2024 01:10:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.4620, 'learning_rate': 4.9500e-05, 'epoch': 0.32}
207
+
208
+ 05/31/2024 01:12:43 - INFO - llmtuner.extras.callbacks - {'loss': 0.4543, 'learning_rate': 4.9470e-05, 'epoch': 0.33}
209
+
210
+ 05/31/2024 01:14:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.4420, 'learning_rate': 4.9439e-05, 'epoch': 0.34}
211
+
212
+ 05/31/2024 01:16:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.4445, 'learning_rate': 4.9408e-05, 'epoch': 0.35}
213
+
214
+ 05/31/2024 01:18:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4327, 'learning_rate': 4.9376e-05, 'epoch': 0.36}
215
+
216
+ 05/31/2024 01:20:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4804, 'learning_rate': 4.9342e-05, 'epoch': 0.37}
217
+
218
+ 05/31/2024 01:22:51 - INFO - llmtuner.extras.callbacks - {'loss': 0.4701, 'learning_rate': 4.9308e-05, 'epoch': 0.38}
219
+
220
+ 05/31/2024 01:22:51 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-200
221
+
222
+ 05/31/2024 01:22:51 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-200/tokenizer_config.json
223
+
224
+ 05/31/2024 01:22:51 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-200/special_tokens_map.json
225
+
226
+ 05/31/2024 01:24:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4513, 'learning_rate': 4.9274e-05, 'epoch': 0.38}
227
+
228
+ 05/31/2024 01:26:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.4733, 'learning_rate': 4.9238e-05, 'epoch': 0.39}
229
+
230
+ 05/31/2024 01:28:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4399, 'learning_rate': 4.9201e-05, 'epoch': 0.40}
231
+
232
+ 05/31/2024 01:30:55 - INFO - llmtuner.extras.callbacks - {'loss': 0.4483, 'learning_rate': 4.9164e-05, 'epoch': 0.41}
233
+
234
+ 05/31/2024 01:32:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4415, 'learning_rate': 4.9126e-05, 'epoch': 0.42}
235
+
236
+ 05/31/2024 01:34:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4167, 'learning_rate': 4.9087e-05, 'epoch': 0.43}
237
+
238
+ 05/31/2024 01:36:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4625, 'learning_rate': 4.9047e-05, 'epoch': 0.44}
239
+
240
+ 05/31/2024 01:38:53 - INFO - llmtuner.extras.callbacks - {'loss': 0.4473, 'learning_rate': 4.9006e-05, 'epoch': 0.45}
241
+
242
+ 05/31/2024 01:40:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4512, 'learning_rate': 4.8965e-05, 'epoch': 0.46}
243
+
244
+ 05/31/2024 01:42:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.4469, 'learning_rate': 4.8922e-05, 'epoch': 0.47}
245
+
246
+ 05/31/2024 01:44:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4655, 'learning_rate': 4.8879e-05, 'epoch': 0.48}
247
+
248
+ 05/31/2024 01:46:55 - INFO - llmtuner.extras.callbacks - {'loss': 0.4181, 'learning_rate': 4.8835e-05, 'epoch': 0.49}
249
+
250
+ 05/31/2024 01:48:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4295, 'learning_rate': 4.8790e-05, 'epoch': 0.50}
251
+
252
+ 05/31/2024 01:50:48 - INFO - llmtuner.extras.callbacks - {'loss': 0.4398, 'learning_rate': 4.8744e-05, 'epoch': 0.51}
253
+
254
+ 05/31/2024 01:52:53 - INFO - llmtuner.extras.callbacks - {'loss': 0.4303, 'learning_rate': 4.8698e-05, 'epoch': 0.52}
255
+
256
+ 05/31/2024 01:54:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4462, 'learning_rate': 4.8650e-05, 'epoch': 0.53}
257
+
258
+ 05/31/2024 01:56:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.4321, 'learning_rate': 4.8602e-05, 'epoch': 0.53}
259
+
260
+ 05/31/2024 01:58:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.4253, 'learning_rate': 4.8553e-05, 'epoch': 0.54}
261
+
262
+ 05/31/2024 02:00:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4438, 'learning_rate': 4.8503e-05, 'epoch': 0.55}
263
+
264
+ 05/31/2024 02:02:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4449, 'learning_rate': 4.8453e-05, 'epoch': 0.56}
265
+
266
+ 05/31/2024 02:02:37 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-300
267
+
268
+ 05/31/2024 02:02:37 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-300/tokenizer_config.json
269
+
270
+ 05/31/2024 02:02:37 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-300/special_tokens_map.json
271
+
272
+ 05/31/2024 02:04:34 - INFO - llmtuner.extras.callbacks - {'loss': 0.4372, 'learning_rate': 4.8401e-05, 'epoch': 0.57}
273
+
274
+ 05/31/2024 02:06:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.4308, 'learning_rate': 4.8349e-05, 'epoch': 0.58}
275
+
276
+ 05/31/2024 02:08:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.4290, 'learning_rate': 4.8296e-05, 'epoch': 0.59}
277
+
278
+ 05/31/2024 02:10:28 - INFO - llmtuner.extras.callbacks - {'loss': 0.4755, 'learning_rate': 4.8242e-05, 'epoch': 0.60}
279
+
280
+ 05/31/2024 02:12:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.4391, 'learning_rate': 4.8188e-05, 'epoch': 0.61}
281
+
282
+ 05/31/2024 02:14:18 - INFO - llmtuner.extras.callbacks - {'loss': 0.4184, 'learning_rate': 4.8132e-05, 'epoch': 0.62}
283
+
284
+ 05/31/2024 02:16:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.4677, 'learning_rate': 4.8076e-05, 'epoch': 0.63}
285
+
286
+ 05/31/2024 02:18:22 - INFO - llmtuner.extras.callbacks - {'loss': 0.4366, 'learning_rate': 4.8019e-05, 'epoch': 0.64}
287
+
288
+ 05/31/2024 02:20:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.4536, 'learning_rate': 4.7961e-05, 'epoch': 0.65}
289
+
290
+ 05/31/2024 02:22:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.4678, 'learning_rate': 4.7902e-05, 'epoch': 0.66}
291
+
292
+ 05/31/2024 02:24:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.4178, 'learning_rate': 4.7843e-05, 'epoch': 0.67}
293
+
294
+ 05/31/2024 02:26:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.4570, 'learning_rate': 4.7782e-05, 'epoch': 0.68}
295
+
296
+ 05/31/2024 02:28:25 - INFO - llmtuner.extras.callbacks - {'loss': 0.4098, 'learning_rate': 4.7721e-05, 'epoch': 0.68}
297
+
298
+ 05/31/2024 02:30:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4263, 'learning_rate': 4.7659e-05, 'epoch': 0.69}
299
+
300
+ 05/31/2024 02:32:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4433, 'learning_rate': 4.7597e-05, 'epoch': 0.70}
301
+
302
+ 05/31/2024 02:34:24 - INFO - llmtuner.extras.callbacks - {'loss': 0.4369, 'learning_rate': 4.7533e-05, 'epoch': 0.71}
303
+
304
+ 05/31/2024 02:36:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.4206, 'learning_rate': 4.7469e-05, 'epoch': 0.72}
305
+
306
+ 05/31/2024 02:38:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.4311, 'learning_rate': 4.7404e-05, 'epoch': 0.73}
307
+
308
+ 05/31/2024 02:40:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.4471, 'learning_rate': 4.7338e-05, 'epoch': 0.74}
309
+
310
+ 05/31/2024 02:42:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4567, 'learning_rate': 4.7272e-05, 'epoch': 0.75}
311
+
312
+ 05/31/2024 02:42:07 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-400
313
+
314
+ 05/31/2024 02:42:07 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-400/tokenizer_config.json
315
+
316
+ 05/31/2024 02:42:07 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-400/special_tokens_map.json
317
+
318
+ 05/31/2024 02:44:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.4307, 'learning_rate': 4.7204e-05, 'epoch': 0.76}
319
+
320
+ 05/31/2024 02:46:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.4303, 'learning_rate': 4.7136e-05, 'epoch': 0.77}
321
+
322
+ 05/31/2024 02:48:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.4266, 'learning_rate': 4.7068e-05, 'epoch': 0.78}
323
+
324
+ 05/31/2024 02:50:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.4401, 'learning_rate': 4.6998e-05, 'epoch': 0.79}
325
+
326
+ 05/31/2024 02:52:18 - INFO - llmtuner.extras.callbacks - {'loss': 0.4343, 'learning_rate': 4.6928e-05, 'epoch': 0.80}
327
+
328
+ 05/31/2024 02:54:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.4205, 'learning_rate': 4.6856e-05, 'epoch': 0.81}
329
+
330
+ 05/31/2024 02:56:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.3997, 'learning_rate': 4.6784e-05, 'epoch': 0.82}
331
+
332
+ 05/31/2024 02:58:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.4103, 'learning_rate': 4.6712e-05, 'epoch': 0.83}
333
+
334
+ 05/31/2024 03:00:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4417, 'learning_rate': 4.6638e-05, 'epoch': 0.83}
335
+
336
+ 05/31/2024 03:01:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4285, 'learning_rate': 4.6564e-05, 'epoch': 0.84}
337
+
338
+ 05/31/2024 03:03:56 - INFO - llmtuner.extras.callbacks - {'loss': 0.4207, 'learning_rate': 4.6489e-05, 'epoch': 0.85}
339
+
340
+ 05/31/2024 03:05:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4621, 'learning_rate': 4.6414e-05, 'epoch': 0.86}
341
+
342
+ 05/31/2024 03:07:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4201, 'learning_rate': 4.6337e-05, 'epoch': 0.87}
343
+
344
+ 05/31/2024 03:09:51 - INFO - llmtuner.extras.callbacks - {'loss': 0.4435, 'learning_rate': 4.6260e-05, 'epoch': 0.88}
345
+
346
+ 05/31/2024 03:11:48 - INFO - llmtuner.extras.callbacks - {'loss': 0.4527, 'learning_rate': 4.6182e-05, 'epoch': 0.89}
347
+
348
+ 05/31/2024 03:13:51 - INFO - llmtuner.extras.callbacks - {'loss': 0.4268, 'learning_rate': 4.6103e-05, 'epoch': 0.90}
349
+
350
+ 05/31/2024 03:15:46 - INFO - llmtuner.extras.callbacks - {'loss': 0.4094, 'learning_rate': 4.6024e-05, 'epoch': 0.91}
351
+
352
+ 05/31/2024 03:17:40 - INFO - llmtuner.extras.callbacks - {'loss': 0.4333, 'learning_rate': 4.5944e-05, 'epoch': 0.92}
353
+
354
+ 05/31/2024 03:19:48 - INFO - llmtuner.extras.callbacks - {'loss': 0.4821, 'learning_rate': 4.5863e-05, 'epoch': 0.93}
355
+
356
+ 05/31/2024 03:21:40 - INFO - llmtuner.extras.callbacks - {'loss': 0.4228, 'learning_rate': 4.5782e-05, 'epoch': 0.94}
357
+
358
+ 05/31/2024 03:21:40 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-500
359
+
360
+ 05/31/2024 03:21:40 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-500/tokenizer_config.json
361
+
362
+ 05/31/2024 03:21:40 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-500/special_tokens_map.json
363
+
364
+ 05/31/2024 03:23:44 - INFO - llmtuner.extras.callbacks - {'loss': 0.4333, 'learning_rate': 4.5699e-05, 'epoch': 0.95}
365
+
366
+ 05/31/2024 03:25:46 - INFO - llmtuner.extras.callbacks - {'loss': 0.4698, 'learning_rate': 4.5616e-05, 'epoch': 0.96}
367
+
368
+ 05/31/2024 03:27:45 - INFO - llmtuner.extras.callbacks - {'loss': 0.4211, 'learning_rate': 4.5533e-05, 'epoch': 0.97}
369
+
370
+ 05/31/2024 03:29:40 - INFO - llmtuner.extras.callbacks - {'loss': 0.4183, 'learning_rate': 4.5448e-05, 'epoch': 0.98}
371
+
372
+ 05/31/2024 03:31:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.4251, 'learning_rate': 4.5363e-05, 'epoch': 0.98}
373
+
374
+ 05/31/2024 03:33:39 - INFO - llmtuner.extras.callbacks - {'loss': 0.4292, 'learning_rate': 4.5277e-05, 'epoch': 0.99}
375
+
376
+ 05/31/2024 03:35:34 - INFO - llmtuner.extras.callbacks - {'loss': 0.4051, 'learning_rate': 4.5191e-05, 'epoch': 1.00}
377
+
378
+ 05/31/2024 03:37:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4027, 'learning_rate': 4.5103e-05, 'epoch': 1.01}
379
+
380
+ 05/31/2024 03:39:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.4008, 'learning_rate': 4.5016e-05, 'epoch': 1.02}
381
+
382
+ 05/31/2024 03:41:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.4421, 'learning_rate': 4.4927e-05, 'epoch': 1.03}
383
+
384
+ 05/31/2024 03:43:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4124, 'learning_rate': 4.4838e-05, 'epoch': 1.04}
385
+
386
+ 05/31/2024 03:45:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4023, 'learning_rate': 4.4748e-05, 'epoch': 1.05}
387
+
388
+ 05/31/2024 03:47:51 - INFO - llmtuner.extras.callbacks - {'loss': 0.4376, 'learning_rate': 4.4657e-05, 'epoch': 1.06}
389
+
390
+ 05/31/2024 03:49:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4421, 'learning_rate': 4.4565e-05, 'epoch': 1.07}
391
+
392
+ 05/31/2024 03:51:40 - INFO - llmtuner.extras.callbacks - {'loss': 0.4119, 'learning_rate': 4.4473e-05, 'epoch': 1.08}
393
+
394
+ 05/31/2024 03:53:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.4276, 'learning_rate': 4.4381e-05, 'epoch': 1.09}
395
+
396
+ 05/31/2024 03:55:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.4258, 'learning_rate': 4.4287e-05, 'epoch': 1.10}
397
+
398
+ 05/31/2024 03:57:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.4100, 'learning_rate': 4.4193e-05, 'epoch': 1.11}
399
+
400
+ 05/31/2024 03:59:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4292, 'learning_rate': 4.4098e-05, 'epoch': 1.12}
401
+
402
+ 05/31/2024 04:01:30 - INFO - llmtuner.extras.callbacks - {'loss': 0.4079, 'learning_rate': 4.4003e-05, 'epoch': 1.13}
403
+
404
+ 05/31/2024 04:01:30 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-600
405
+
406
+ 05/31/2024 04:01:30 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-600/tokenizer_config.json
407
+
408
+ 05/31/2024 04:01:30 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-600/special_tokens_map.json
409
+
410
+ 05/31/2024 04:03:36 - INFO - llmtuner.extras.callbacks - {'loss': 0.4123, 'learning_rate': 4.3907e-05, 'epoch': 1.13}
411
+
412
+ 05/31/2024 04:05:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.3983, 'learning_rate': 4.3810e-05, 'epoch': 1.14}
413
+
414
+ 05/31/2024 04:07:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.3923, 'learning_rate': 4.3713e-05, 'epoch': 1.15}
415
+
416
+ 05/31/2024 04:09:24 - INFO - llmtuner.extras.callbacks - {'loss': 0.4020, 'learning_rate': 4.3615e-05, 'epoch': 1.16}
417
+
418
+ 05/31/2024 04:11:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.4138, 'learning_rate': 4.3516e-05, 'epoch': 1.17}
419
+
420
+ 05/31/2024 04:13:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.4254, 'learning_rate': 4.3417e-05, 'epoch': 1.18}
421
+
422
+ 05/31/2024 04:15:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.4174, 'learning_rate': 4.3317e-05, 'epoch': 1.19}
423
+
424
+ 05/31/2024 04:17:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.3954, 'learning_rate': 4.3216e-05, 'epoch': 1.20}
425
+
426
+ 05/31/2024 04:19:12 - INFO - llmtuner.extras.callbacks - {'loss': 0.3944, 'learning_rate': 4.3115e-05, 'epoch': 1.21}
427
+
428
+ 05/31/2024 04:21:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4265, 'learning_rate': 4.3013e-05, 'epoch': 1.22}
429
+
430
+ 05/31/2024 04:23:12 - INFO - llmtuner.extras.callbacks - {'loss': 0.4255, 'learning_rate': 4.2911e-05, 'epoch': 1.23}
431
+
432
+ 05/31/2024 04:25:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.4240, 'learning_rate': 4.2807e-05, 'epoch': 1.24}
433
+
434
+ 05/31/2024 04:27:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4227, 'learning_rate': 4.2704e-05, 'epoch': 1.25}
435
+
436
+ 05/31/2024 04:29:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.4674, 'learning_rate': 4.2599e-05, 'epoch': 1.26}
437
+
438
+ 05/31/2024 04:31:12 - INFO - llmtuner.extras.callbacks - {'loss': 0.4365, 'learning_rate': 4.2494e-05, 'epoch': 1.27}
439
+
440
+ 05/31/2024 04:33:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.3918, 'learning_rate': 4.2389e-05, 'epoch': 1.28}
441
+
442
+ 05/31/2024 04:35:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.4257, 'learning_rate': 4.2283e-05, 'epoch': 1.28}
443
+
444
+ 05/31/2024 04:37:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.4442, 'learning_rate': 4.2176e-05, 'epoch': 1.29}
445
+
446
+ 05/31/2024 04:39:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.4292, 'learning_rate': 4.2069e-05, 'epoch': 1.30}
447
+
448
+ 05/31/2024 04:41:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4135, 'learning_rate': 4.1961e-05, 'epoch': 1.31}
449
+
450
+ 05/31/2024 04:41:02 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-700
451
+
452
+ 05/31/2024 04:41:02 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-700/tokenizer_config.json
453
+
454
+ 05/31/2024 04:41:02 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-700/special_tokens_map.json
455
+
456
+ 05/31/2024 04:43:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.4163, 'learning_rate': 4.1852e-05, 'epoch': 1.32}
457
+
458
+ 05/31/2024 04:45:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4144, 'learning_rate': 4.1743e-05, 'epoch': 1.33}
459
+
460
+ 05/31/2024 04:47:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.3898, 'learning_rate': 4.1633e-05, 'epoch': 1.34}
461
+
462
+ 05/31/2024 04:48:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4220, 'learning_rate': 4.1523e-05, 'epoch': 1.35}
463
+
464
+ 05/31/2024 04:51:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4279, 'learning_rate': 4.1412e-05, 'epoch': 1.36}
465
+
466
+ 05/31/2024 04:52:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4233, 'learning_rate': 4.1301e-05, 'epoch': 1.37}
467
+
468
+ 05/31/2024 04:54:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4214, 'learning_rate': 4.1189e-05, 'epoch': 1.38}
469
+
470
+ 05/31/2024 04:56:44 - INFO - llmtuner.extras.callbacks - {'loss': 0.3940, 'learning_rate': 4.1076e-05, 'epoch': 1.39}
471
+
472
+ 05/31/2024 04:58:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.4283, 'learning_rate': 4.0963e-05, 'epoch': 1.40}
473
+
474
+ 05/31/2024 05:00:39 - INFO - llmtuner.extras.callbacks - {'loss': 0.4164, 'learning_rate': 4.0849e-05, 'epoch': 1.41}
475
+
476
+ 05/31/2024 05:02:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4242, 'learning_rate': 4.0735e-05, 'epoch': 1.42}
477
+
478
+ 05/31/2024 05:04:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4356, 'learning_rate': 4.0620e-05, 'epoch': 1.43}
479
+
480
+ 05/31/2024 05:06:44 - INFO - llmtuner.extras.callbacks - {'loss': 0.4283, 'learning_rate': 4.0505e-05, 'epoch': 1.43}
481
+
482
+ 05/31/2024 05:08:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.4069, 'learning_rate': 4.0389e-05, 'epoch': 1.44}
483
+
484
+ 05/31/2024 05:10:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.4103, 'learning_rate': 4.0273e-05, 'epoch': 1.45}
485
+
486
+ 05/31/2024 05:12:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.4243, 'learning_rate': 4.0156e-05, 'epoch': 1.46}
487
+
488
+ 05/31/2024 05:14:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.4222, 'learning_rate': 4.0038e-05, 'epoch': 1.47}
489
+
490
+ 05/31/2024 05:16:44 - INFO - llmtuner.extras.callbacks - {'loss': 0.4597, 'learning_rate': 3.9920e-05, 'epoch': 1.48}
491
+
492
+ 05/31/2024 05:18:40 - INFO - llmtuner.extras.callbacks - {'loss': 0.4049, 'learning_rate': 3.9802e-05, 'epoch': 1.49}
493
+
494
+ 05/31/2024 05:20:36 - INFO - llmtuner.extras.callbacks - {'loss': 0.4573, 'learning_rate': 3.9683e-05, 'epoch': 1.50}
495
+
496
+ 05/31/2024 05:20:36 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-800
497
+
498
+ 05/31/2024 05:20:36 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-800/tokenizer_config.json
499
+
500
+ 05/31/2024 05:20:36 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-800/special_tokens_map.json
501
+
502
+ 05/31/2024 05:22:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4064, 'learning_rate': 3.9563e-05, 'epoch': 1.51}
503
+
504
+ 05/31/2024 05:24:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.4125, 'learning_rate': 3.9443e-05, 'epoch': 1.52}
505
+
506
+ 05/31/2024 05:26:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.3997, 'learning_rate': 3.9323e-05, 'epoch': 1.53}
507
+
508
+ 05/31/2024 05:28:20 - INFO - llmtuner.extras.callbacks - {'loss': 0.4374, 'learning_rate': 3.9202e-05, 'epoch': 1.54}
509
+
510
+ 05/31/2024 05:30:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.4273, 'learning_rate': 3.9080e-05, 'epoch': 1.55}
511
+
512
+ 05/31/2024 05:32:14 - INFO - llmtuner.extras.callbacks - {'loss': 0.4255, 'learning_rate': 3.8958e-05, 'epoch': 1.56}
513
+
514
+ 05/31/2024 05:34:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.3804, 'learning_rate': 3.8836e-05, 'epoch': 1.57}
515
+
516
+ 05/31/2024 05:36:14 - INFO - llmtuner.extras.callbacks - {'loss': 0.4172, 'learning_rate': 3.8713e-05, 'epoch': 1.58}
517
+
518
+ 05/31/2024 05:38:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.4132, 'learning_rate': 3.8589e-05, 'epoch': 1.58}
519
+
520
+ 05/31/2024 05:40:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4295, 'learning_rate': 3.8465e-05, 'epoch': 1.59}
521
+
522
+ 05/31/2024 05:42:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.4305, 'learning_rate': 3.8341e-05, 'epoch': 1.60}
523
+
524
+ 05/31/2024 05:44:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.4114, 'learning_rate': 3.8216e-05, 'epoch': 1.61}
525
+
526
+ 05/31/2024 05:46:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3906, 'learning_rate': 3.8091e-05, 'epoch': 1.62}
527
+
528
+ 05/31/2024 05:47:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4302, 'learning_rate': 3.7965e-05, 'epoch': 1.63}
529
+
530
+ 05/31/2024 05:49:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4044, 'learning_rate': 3.7839e-05, 'epoch': 1.64}
531
+
532
+ 05/31/2024 05:51:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.4040, 'learning_rate': 3.7712e-05, 'epoch': 1.65}
533
+
534
+ 05/31/2024 05:54:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4390, 'learning_rate': 3.7585e-05, 'epoch': 1.66}
535
+
536
+ 05/31/2024 05:56:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.3843, 'learning_rate': 3.7457e-05, 'epoch': 1.67}
537
+
538
+ 05/31/2024 05:57:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4189, 'learning_rate': 3.7329e-05, 'epoch': 1.68}
539
+
540
+ 05/31/2024 06:00:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.4532, 'learning_rate': 3.7201e-05, 'epoch': 1.69}
541
+
542
+ 05/31/2024 06:00:05 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-900
543
+
544
+ 05/31/2024 06:00:05 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-900/tokenizer_config.json
545
+
546
+ 05/31/2024 06:00:05 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-900/special_tokens_map.json
547
+
548
+ 05/31/2024 06:02:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.4298, 'learning_rate': 3.7072e-05, 'epoch': 1.70}
549
+
550
+ 05/31/2024 06:04:20 - INFO - llmtuner.extras.callbacks - {'loss': 0.4442, 'learning_rate': 3.6943e-05, 'epoch': 1.71}
551
+
552
+ 05/31/2024 06:06:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.4263, 'learning_rate': 3.6813e-05, 'epoch': 1.72}
553
+
554
+ 05/31/2024 06:08:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4905, 'learning_rate': 3.6683e-05, 'epoch': 1.73}
555
+
556
+ 05/31/2024 06:10:28 - INFO - llmtuner.extras.callbacks - {'loss': 0.3976, 'learning_rate': 3.6553e-05, 'epoch': 1.73}
557
+
558
+ 05/31/2024 06:12:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.4259, 'learning_rate': 3.6422e-05, 'epoch': 1.74}
559
+
560
+ 05/31/2024 06:14:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.4184, 'learning_rate': 3.6291e-05, 'epoch': 1.75}
561
+
562
+ 05/31/2024 06:16:25 - INFO - llmtuner.extras.callbacks - {'loss': 0.4510, 'learning_rate': 3.6159e-05, 'epoch': 1.76}
563
+
564
+ 05/31/2024 06:18:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.4075, 'learning_rate': 3.6027e-05, 'epoch': 1.77}
565
+
566
+ 05/31/2024 06:20:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4320, 'learning_rate': 3.5894e-05, 'epoch': 1.78}
567
+
568
+ 05/31/2024 06:22:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.3979, 'learning_rate': 3.5762e-05, 'epoch': 1.79}
569
+
570
+ 05/31/2024 06:24:43 - INFO - llmtuner.extras.callbacks - {'loss': 0.4580, 'learning_rate': 3.5628e-05, 'epoch': 1.80}
571
+
572
+ 05/31/2024 06:26:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4111, 'learning_rate': 3.5495e-05, 'epoch': 1.81}
573
+
574
+ 05/31/2024 06:28:35 - INFO - llmtuner.extras.callbacks - {'loss': 0.4276, 'learning_rate': 3.5361e-05, 'epoch': 1.82}
575
+
576
+ 05/31/2024 06:30:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.3976, 'learning_rate': 3.5227e-05, 'epoch': 1.83}
577
+
578
+ 05/31/2024 06:32:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.3993, 'learning_rate': 3.5092e-05, 'epoch': 1.84}
579
+
580
+ 05/31/2024 06:34:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4019, 'learning_rate': 3.4957e-05, 'epoch': 1.85}
581
+
582
+ 05/31/2024 06:36:24 - INFO - llmtuner.extras.callbacks - {'loss': 0.3951, 'learning_rate': 3.4822e-05, 'epoch': 1.86}
583
+
584
+ 05/31/2024 06:38:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.4119, 'learning_rate': 3.4686e-05, 'epoch': 1.87}
585
+
586
+ 05/31/2024 06:40:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.3997, 'learning_rate': 3.4550e-05, 'epoch': 1.88}
587
+
588
+ 05/31/2024 06:40:19 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1000
589
+
590
+ 05/31/2024 06:40:19 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1000/tokenizer_config.json
591
+
592
+ 05/31/2024 06:40:19 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1000/special_tokens_map.json
593
+
594
+ 05/31/2024 06:42:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.3949, 'learning_rate': 3.4414e-05, 'epoch': 1.88}
595
+
596
+ 05/31/2024 06:44:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.4041, 'learning_rate': 3.4277e-05, 'epoch': 1.89}
597
+
598
+ 05/31/2024 06:46:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.4247, 'learning_rate': 3.4140e-05, 'epoch': 1.90}
599
+
600
+ 05/31/2024 06:48:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.4060, 'learning_rate': 3.4003e-05, 'epoch': 1.91}
601
+
602
+ 05/31/2024 06:50:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4050, 'learning_rate': 3.3865e-05, 'epoch': 1.92}
603
+
604
+ 05/31/2024 06:52:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4093, 'learning_rate': 3.3727e-05, 'epoch': 1.93}
605
+
606
+ 05/31/2024 06:54:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4090, 'learning_rate': 3.3589e-05, 'epoch': 1.94}
607
+
608
+ 05/31/2024 06:55:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.4052, 'learning_rate': 3.3450e-05, 'epoch': 1.95}
609
+
610
+ 05/31/2024 06:57:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4271, 'learning_rate': 3.3312e-05, 'epoch': 1.96}
611
+
612
+ 05/31/2024 06:59:55 - INFO - llmtuner.extras.callbacks - {'loss': 0.3977, 'learning_rate': 3.3172e-05, 'epoch': 1.97}
613
+
614
+ 05/31/2024 07:01:53 - INFO - llmtuner.extras.callbacks - {'loss': 0.3831, 'learning_rate': 3.3033e-05, 'epoch': 1.98}
615
+
616
+ 05/31/2024 07:03:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.3874, 'learning_rate': 3.2893e-05, 'epoch': 1.99}
617
+
618
+ 05/31/2024 07:05:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.4092, 'learning_rate': 3.2753e-05, 'epoch': 2.00}
619
+
620
+ 05/31/2024 07:07:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.3795, 'learning_rate': 3.2613e-05, 'epoch': 2.01}
621
+
622
+ 05/31/2024 07:09:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3895, 'learning_rate': 3.2473e-05, 'epoch': 2.02}
623
+
624
+ 05/31/2024 07:12:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4279, 'learning_rate': 3.2332e-05, 'epoch': 2.03}
625
+
626
+ 05/31/2024 07:13:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.4056, 'learning_rate': 3.2191e-05, 'epoch': 2.03}
627
+
628
+ 05/31/2024 07:16:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4142, 'learning_rate': 3.2050e-05, 'epoch': 2.04}
629
+
630
+ 05/31/2024 07:17:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4310, 'learning_rate': 3.1908e-05, 'epoch': 2.05}
631
+
632
+ 05/31/2024 07:19:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.3952, 'learning_rate': 3.1767e-05, 'epoch': 2.06}
633
+
634
+ 05/31/2024 07:19:54 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1100
635
+
636
+ 05/31/2024 07:19:54 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1100/tokenizer_config.json
637
+
638
+ 05/31/2024 07:19:54 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1100/special_tokens_map.json
639
+
640
+ 05/31/2024 07:21:56 - INFO - llmtuner.extras.callbacks - {'loss': 0.3717, 'learning_rate': 3.1625e-05, 'epoch': 2.07}
641
+
642
+ 05/31/2024 07:23:53 - INFO - llmtuner.extras.callbacks - {'loss': 0.3920, 'learning_rate': 3.1482e-05, 'epoch': 2.08}
643
+
644
+ 05/31/2024 07:25:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4004, 'learning_rate': 3.1340e-05, 'epoch': 2.09}
645
+
646
+ 05/31/2024 07:27:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.4095, 'learning_rate': 3.1197e-05, 'epoch': 2.10}
647
+
648
+ 05/31/2024 07:29:46 - INFO - llmtuner.extras.callbacks - {'loss': 0.4169, 'learning_rate': 3.1054e-05, 'epoch': 2.11}
649
+
650
+ 05/31/2024 07:31:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.4105, 'learning_rate': 3.0911e-05, 'epoch': 2.12}
651
+
652
+ 05/31/2024 07:33:40 - INFO - llmtuner.extras.callbacks - {'loss': 0.4085, 'learning_rate': 3.0768e-05, 'epoch': 2.13}
653
+
654
+ 05/31/2024 07:35:43 - INFO - llmtuner.extras.callbacks - {'loss': 0.4704, 'learning_rate': 3.0625e-05, 'epoch': 2.14}
655
+
656
+ 05/31/2024 07:37:38 - INFO - llmtuner.extras.callbacks - {'loss': 0.3913, 'learning_rate': 3.0481e-05, 'epoch': 2.15}
657
+
658
+ 05/31/2024 07:39:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.3904, 'learning_rate': 3.0337e-05, 'epoch': 2.16}
659
+
660
+ 05/31/2024 07:41:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.3899, 'learning_rate': 3.0193e-05, 'epoch': 2.17}
661
+
662
+ 05/31/2024 07:43:34 - INFO - llmtuner.extras.callbacks - {'loss': 0.4025, 'learning_rate': 3.0049e-05, 'epoch': 2.18}
663
+
664
+ 05/31/2024 07:45:25 - INFO - llmtuner.extras.callbacks - {'loss': 0.4038, 'learning_rate': 2.9904e-05, 'epoch': 2.18}
665
+
666
+ 05/31/2024 07:47:35 - INFO - llmtuner.extras.callbacks - {'loss': 0.4396, 'learning_rate': 2.9760e-05, 'epoch': 2.19}
667
+
668
+ 05/31/2024 07:49:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4164, 'learning_rate': 2.9615e-05, 'epoch': 2.20}
669
+
670
+ 05/31/2024 07:51:25 - INFO - llmtuner.extras.callbacks - {'loss': 0.4128, 'learning_rate': 2.9470e-05, 'epoch': 2.21}
671
+
672
+ 05/31/2024 07:53:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.4096, 'learning_rate': 2.9325e-05, 'epoch': 2.22}
673
+
674
+ 05/31/2024 07:55:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.3859, 'learning_rate': 2.9180e-05, 'epoch': 2.23}
675
+
676
+ 05/31/2024 07:57:38 - INFO - llmtuner.extras.callbacks - {'loss': 0.3905, 'learning_rate': 2.9035e-05, 'epoch': 2.24}
677
+
678
+ 05/31/2024 07:59:35 - INFO - llmtuner.extras.callbacks - {'loss': 0.4121, 'learning_rate': 2.8889e-05, 'epoch': 2.25}
679
+
680
+ 05/31/2024 07:59:35 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1200
681
+
682
+ 05/31/2024 07:59:35 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1200/tokenizer_config.json
683
+
684
+ 05/31/2024 07:59:35 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1200/special_tokens_map.json
685
+
686
+ 05/31/2024 08:01:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4000, 'learning_rate': 2.8743e-05, 'epoch': 2.26}
687
+
688
+ 05/31/2024 08:03:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4482, 'learning_rate': 2.8598e-05, 'epoch': 2.27}
689
+
690
+ 05/31/2024 08:05:30 - INFO - llmtuner.extras.callbacks - {'loss': 0.3914, 'learning_rate': 2.8452e-05, 'epoch': 2.28}
691
+
692
+ 05/31/2024 08:07:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.3862, 'learning_rate': 2.8306e-05, 'epoch': 2.29}
693
+
694
+ 05/31/2024 08:09:30 - INFO - llmtuner.extras.callbacks - {'loss': 0.4039, 'learning_rate': 2.8160e-05, 'epoch': 2.30}
695
+
696
+ 05/31/2024 08:11:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.3868, 'learning_rate': 2.8013e-05, 'epoch': 2.31}
697
+
698
+ 05/31/2024 08:13:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.4118, 'learning_rate': 2.7867e-05, 'epoch': 2.32}
699
+
700
+ 05/31/2024 08:15:25 - INFO - llmtuner.extras.callbacks - {'loss': 0.4070, 'learning_rate': 2.7721e-05, 'epoch': 2.33}
701
+
702
+ 05/31/2024 08:17:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.4101, 'learning_rate': 2.7574e-05, 'epoch': 2.33}
703
+
704
+ 05/31/2024 08:19:20 - INFO - llmtuner.extras.callbacks - {'loss': 0.4205, 'learning_rate': 2.7428e-05, 'epoch': 2.34}
705
+
706
+ 05/31/2024 08:21:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.4116, 'learning_rate': 2.7281e-05, 'epoch': 2.35}
707
+
708
+ 05/31/2024 08:23:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.3917, 'learning_rate': 2.7134e-05, 'epoch': 2.36}
709
+
710
+ 05/31/2024 08:25:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.4100, 'learning_rate': 2.6987e-05, 'epoch': 2.37}
711
+
712
+ 05/31/2024 08:27:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.4449, 'learning_rate': 2.6840e-05, 'epoch': 2.38}
713
+
714
+ 05/31/2024 08:29:35 - INFO - llmtuner.extras.callbacks - {'loss': 0.3831, 'learning_rate': 2.6693e-05, 'epoch': 2.39}
715
+
716
+ 05/31/2024 08:31:35 - INFO - llmtuner.extras.callbacks - {'loss': 0.4321, 'learning_rate': 2.6546e-05, 'epoch': 2.40}
717
+
718
+ 05/31/2024 08:33:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.4236, 'learning_rate': 2.6399e-05, 'epoch': 2.41}
719
+
720
+ 05/31/2024 08:35:35 - INFO - llmtuner.extras.callbacks - {'loss': 0.4029, 'learning_rate': 2.6252e-05, 'epoch': 2.42}
721
+
722
+ 05/31/2024 08:37:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.3794, 'learning_rate': 2.6105e-05, 'epoch': 2.43}
723
+
724
+ 05/31/2024 08:39:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.4178, 'learning_rate': 2.5958e-05, 'epoch': 2.44}
725
+
726
+ 05/31/2024 08:39:27 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1300
727
+
728
+ 05/31/2024 08:39:27 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1300/tokenizer_config.json
729
+
730
+ 05/31/2024 08:39:27 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1300/special_tokens_map.json
731
+
732
+ 05/31/2024 08:41:36 - INFO - llmtuner.extras.callbacks - {'loss': 0.4496, 'learning_rate': 2.5810e-05, 'epoch': 2.45}
733
+
734
+ 05/31/2024 08:43:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.4215, 'learning_rate': 2.5663e-05, 'epoch': 2.46}
735
+
736
+ 05/31/2024 08:45:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.3964, 'learning_rate': 2.5516e-05, 'epoch': 2.47}
737
+
738
+ 05/31/2024 08:47:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.3871, 'learning_rate': 2.5368e-05, 'epoch': 2.48}
739
+
740
+ 05/31/2024 08:49:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4146, 'learning_rate': 2.5221e-05, 'epoch': 2.48}
741
+
742
+ 05/31/2024 08:51:38 - INFO - llmtuner.extras.callbacks - {'loss': 0.3892, 'learning_rate': 2.5074e-05, 'epoch': 2.49}
743
+
744
+ 05/31/2024 08:53:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.3995, 'learning_rate': 2.4926e-05, 'epoch': 2.50}
745
+
746
+ 05/31/2024 08:55:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.4230, 'learning_rate': 2.4779e-05, 'epoch': 2.51}
747
+
748
+ 05/31/2024 08:57:28 - INFO - llmtuner.extras.callbacks - {'loss': 0.3845, 'learning_rate': 2.4632e-05, 'epoch': 2.52}
749
+
750
+ 05/31/2024 08:59:20 - INFO - llmtuner.extras.callbacks - {'loss': 0.3854, 'learning_rate': 2.4484e-05, 'epoch': 2.53}
751
+
752
+ 05/31/2024 09:01:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4096, 'learning_rate': 2.4337e-05, 'epoch': 2.54}
753
+
754
+ 05/31/2024 09:03:35 - INFO - llmtuner.extras.callbacks - {'loss': 0.4167, 'learning_rate': 2.4190e-05, 'epoch': 2.55}
755
+
756
+ 05/31/2024 09:05:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.3829, 'learning_rate': 2.4042e-05, 'epoch': 2.56}
757
+
758
+ 05/31/2024 09:07:38 - INFO - llmtuner.extras.callbacks - {'loss': 0.3861, 'learning_rate': 2.3895e-05, 'epoch': 2.57}
759
+
760
+ 05/31/2024 09:09:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.4080, 'learning_rate': 2.3748e-05, 'epoch': 2.58}
761
+
762
+ 05/31/2024 09:11:43 - INFO - llmtuner.extras.callbacks - {'loss': 0.4080, 'learning_rate': 2.3601e-05, 'epoch': 2.59}
763
+
764
+ 05/31/2024 09:13:45 - INFO - llmtuner.extras.callbacks - {'loss': 0.3994, 'learning_rate': 2.3454e-05, 'epoch': 2.60}
765
+
766
+ 05/31/2024 09:15:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.3801, 'learning_rate': 2.3307e-05, 'epoch': 2.61}
767
+
768
+ 05/31/2024 09:17:45 - INFO - llmtuner.extras.callbacks - {'loss': 0.4210, 'learning_rate': 2.3160e-05, 'epoch': 2.62}
769
+
770
+ 05/31/2024 09:19:45 - INFO - llmtuner.extras.callbacks - {'loss': 0.4058, 'learning_rate': 2.3013e-05, 'epoch': 2.63}
771
+
772
+ 05/31/2024 09:19:45 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1400
773
+
774
+ 05/31/2024 09:19:45 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1400/tokenizer_config.json
775
+
776
+ 05/31/2024 09:19:45 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1400/special_tokens_map.json
777
+
778
+ 05/31/2024 09:21:42 - INFO - llmtuner.extras.callbacks - {'loss': 0.3922, 'learning_rate': 2.2866e-05, 'epoch': 2.63}
779
+
780
+ 05/31/2024 09:23:38 - INFO - llmtuner.extras.callbacks - {'loss': 0.3822, 'learning_rate': 2.2719e-05, 'epoch': 2.64}
781
+
782
+ 05/31/2024 09:25:32 - INFO - llmtuner.extras.callbacks - {'loss': 0.3820, 'learning_rate': 2.2572e-05, 'epoch': 2.65}
783
+
784
+ 05/31/2024 09:27:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.3881, 'learning_rate': 2.2426e-05, 'epoch': 2.66}
785
+
786
+ 05/31/2024 09:29:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.4004, 'learning_rate': 2.2279e-05, 'epoch': 2.67}
787
+
788
+ 05/31/2024 09:31:16 - INFO - llmtuner.extras.callbacks - {'loss': 0.4052, 'learning_rate': 2.2133e-05, 'epoch': 2.68}
789
+
790
+ 05/31/2024 09:33:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.4018, 'learning_rate': 2.1987e-05, 'epoch': 2.69}
791
+
792
+ 05/31/2024 09:35:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.3969, 'learning_rate': 2.1840e-05, 'epoch': 2.70}
793
+
794
+ 05/31/2024 09:37:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.4210, 'learning_rate': 2.1694e-05, 'epoch': 2.71}
795
+
796
+ 05/31/2024 09:39:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.4105, 'learning_rate': 2.1548e-05, 'epoch': 2.72}
797
+
798
+ 05/31/2024 09:41:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.3879, 'learning_rate': 2.1402e-05, 'epoch': 2.73}
799
+
800
+ 05/31/2024 09:43:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.4014, 'learning_rate': 2.1257e-05, 'epoch': 2.74}
801
+
802
+ 05/31/2024 09:45:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4116, 'learning_rate': 2.1111e-05, 'epoch': 2.75}
803
+
804
+ 05/31/2024 09:47:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3940, 'learning_rate': 2.0965e-05, 'epoch': 2.76}
805
+
806
+ 05/31/2024 09:49:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.3984, 'learning_rate': 2.0820e-05, 'epoch': 2.77}
807
+
808
+ 05/31/2024 09:51:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.3906, 'learning_rate': 2.0675e-05, 'epoch': 2.78}
809
+
810
+ 05/31/2024 09:53:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4101, 'learning_rate': 2.0530e-05, 'epoch': 2.78}
811
+
812
+ 05/31/2024 09:55:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.4056, 'learning_rate': 2.0385e-05, 'epoch': 2.79}
813
+
814
+ 05/31/2024 09:57:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.4285, 'learning_rate': 2.0240e-05, 'epoch': 2.80}
815
+
816
+ 05/31/2024 09:59:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3852, 'learning_rate': 2.0096e-05, 'epoch': 2.81}
817
+
818
+ 05/31/2024 09:59:05 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1500
819
+
820
+ 05/31/2024 09:59:05 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1500/tokenizer_config.json
821
+
822
+ 05/31/2024 09:59:05 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1500/special_tokens_map.json
823
+
824
+ 05/31/2024 10:01:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.3815, 'learning_rate': 1.9951e-05, 'epoch': 2.82}
825
+
826
+ 05/31/2024 10:03:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4003, 'learning_rate': 1.9807e-05, 'epoch': 2.83}
827
+
828
+ 05/31/2024 10:05:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4190, 'learning_rate': 1.9663e-05, 'epoch': 2.84}
829
+
830
+ 05/31/2024 10:06:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3939, 'learning_rate': 1.9519e-05, 'epoch': 2.85}
831
+
832
+ 05/31/2024 10:08:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4255, 'learning_rate': 1.9375e-05, 'epoch': 2.86}
833
+
834
+ 05/31/2024 10:10:56 - INFO - llmtuner.extras.callbacks - {'loss': 0.3898, 'learning_rate': 1.9232e-05, 'epoch': 2.87}
835
+
836
+ 05/31/2024 10:13:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4040, 'learning_rate': 1.9089e-05, 'epoch': 2.88}
837
+
838
+ 05/31/2024 10:14:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.3834, 'learning_rate': 1.8946e-05, 'epoch': 2.89}
839
+
840
+ 05/31/2024 10:17:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4378, 'learning_rate': 1.8803e-05, 'epoch': 2.90}
841
+
842
+ 05/31/2024 10:19:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.3953, 'learning_rate': 1.8660e-05, 'epoch': 2.91}
843
+
844
+ 05/31/2024 10:20:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4010, 'learning_rate': 1.8518e-05, 'epoch': 2.92}
845
+
846
+ 05/31/2024 10:22:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.4101, 'learning_rate': 1.8375e-05, 'epoch': 2.93}
847
+
848
+ 05/31/2024 10:24:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4172, 'learning_rate': 1.8233e-05, 'epoch': 2.93}
849
+
850
+ 05/31/2024 10:26:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4161, 'learning_rate': 1.8092e-05, 'epoch': 2.94}
851
+
852
+ 05/31/2024 10:28:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4291, 'learning_rate': 1.7950e-05, 'epoch': 2.95}
853
+
854
+ 05/31/2024 10:30:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.4102, 'learning_rate': 1.7809e-05, 'epoch': 2.96}
855
+
856
+ 05/31/2024 10:32:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.3811, 'learning_rate': 1.7668e-05, 'epoch': 2.97}
857
+
858
+ 05/31/2024 10:34:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.4292, 'learning_rate': 1.7527e-05, 'epoch': 2.98}
859
+
860
+ 05/31/2024 10:36:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.4238, 'learning_rate': 1.7387e-05, 'epoch': 2.99}
861
+
862
+ 05/31/2024 10:38:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.4033, 'learning_rate': 1.7247e-05, 'epoch': 3.00}
863
+
864
+ 05/31/2024 10:38:49 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1600
865
+
866
+ 05/31/2024 10:38:49 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1600/tokenizer_config.json
867
+
868
+ 05/31/2024 10:38:49 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1600/special_tokens_map.json
869
+
870
+ 05/31/2024 10:40:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4157, 'learning_rate': 1.7107e-05, 'epoch': 3.01}
871
+
872
+ 05/31/2024 10:42:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.3900, 'learning_rate': 1.6967e-05, 'epoch': 3.02}
873
+
874
+ 05/31/2024 10:44:48 - INFO - llmtuner.extras.callbacks - {'loss': 0.4134, 'learning_rate': 1.6828e-05, 'epoch': 3.03}
875
+
876
+ 05/31/2024 10:46:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4095, 'learning_rate': 1.6688e-05, 'epoch': 3.04}
877
+
878
+ 05/31/2024 10:48:48 - INFO - llmtuner.extras.callbacks - {'loss': 0.4060, 'learning_rate': 1.6550e-05, 'epoch': 3.05}
879
+
880
+ 05/31/2024 10:50:44 - INFO - llmtuner.extras.callbacks - {'loss': 0.3721, 'learning_rate': 1.6411e-05, 'epoch': 3.06}
881
+
882
+ 05/31/2024 10:52:45 - INFO - llmtuner.extras.callbacks - {'loss': 0.3739, 'learning_rate': 1.6273e-05, 'epoch': 3.07}
883
+
884
+ 05/31/2024 10:54:51 - INFO - llmtuner.extras.callbacks - {'loss': 0.4147, 'learning_rate': 1.6135e-05, 'epoch': 3.08}
885
+
886
+ 05/31/2024 10:56:54 - INFO - llmtuner.extras.callbacks - {'loss': 0.3684, 'learning_rate': 1.5997e-05, 'epoch': 3.08}
887
+
888
+ 05/31/2024 10:58:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.3977, 'learning_rate': 1.5860e-05, 'epoch': 3.09}
889
+
890
+ 05/31/2024 11:00:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4219, 'learning_rate': 1.5723e-05, 'epoch': 3.10}
891
+
892
+ 05/31/2024 11:02:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.3957, 'learning_rate': 1.5586e-05, 'epoch': 3.11}
893
+
894
+ 05/31/2024 11:04:39 - INFO - llmtuner.extras.callbacks - {'loss': 0.3977, 'learning_rate': 1.5450e-05, 'epoch': 3.12}
895
+
896
+ 05/31/2024 11:06:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.3842, 'learning_rate': 1.5314e-05, 'epoch': 3.13}
897
+
898
+ 05/31/2024 11:08:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.3607, 'learning_rate': 1.5178e-05, 'epoch': 3.14}
899
+
900
+ 05/31/2024 11:10:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4065, 'learning_rate': 1.5043e-05, 'epoch': 3.15}
901
+
902
+ 05/31/2024 11:12:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.3856, 'learning_rate': 1.4908e-05, 'epoch': 3.16}
903
+
904
+ 05/31/2024 11:14:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.4035, 'learning_rate': 1.4773e-05, 'epoch': 3.17}
905
+
906
+ 05/31/2024 11:16:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.3798, 'learning_rate': 1.4639e-05, 'epoch': 3.18}
907
+
908
+ 05/31/2024 11:18:24 - INFO - llmtuner.extras.callbacks - {'loss': 0.4021, 'learning_rate': 1.4505e-05, 'epoch': 3.19}
909
+
910
+ 05/31/2024 11:18:24 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1700
911
+
912
+ 05/31/2024 11:18:24 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1700/tokenizer_config.json
913
+
914
+ 05/31/2024 11:18:24 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1700/special_tokens_map.json
915
+
916
+ 05/31/2024 11:20:16 - INFO - llmtuner.extras.callbacks - {'loss': 0.3648, 'learning_rate': 1.4372e-05, 'epoch': 3.20}
917
+
918
+ 05/31/2024 11:22:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.3895, 'learning_rate': 1.4238e-05, 'epoch': 3.21}
919
+
920
+ 05/31/2024 11:24:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.4117, 'learning_rate': 1.4106e-05, 'epoch': 3.22}
921
+
922
+ 05/31/2024 11:26:18 - INFO - llmtuner.extras.callbacks - {'loss': 0.4201, 'learning_rate': 1.3973e-05, 'epoch': 3.23}
923
+
924
+ 05/31/2024 11:28:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.3906, 'learning_rate': 1.3841e-05, 'epoch': 3.23}
925
+
926
+ 05/31/2024 11:30:16 - INFO - llmtuner.extras.callbacks - {'loss': 0.3695, 'learning_rate': 1.3709e-05, 'epoch': 3.24}
927
+
928
+ 05/31/2024 11:32:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.3650, 'learning_rate': 1.3578e-05, 'epoch': 3.25}
929
+
930
+ 05/31/2024 11:34:22 - INFO - llmtuner.extras.callbacks - {'loss': 0.4157, 'learning_rate': 1.3447e-05, 'epoch': 3.26}
931
+
932
+ 05/31/2024 11:36:15 - INFO - llmtuner.extras.callbacks - {'loss': 0.4005, 'learning_rate': 1.3317e-05, 'epoch': 3.27}
933
+
934
+ 05/31/2024 11:38:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.3792, 'learning_rate': 1.3187e-05, 'epoch': 3.28}
935
+
936
+ 05/31/2024 11:40:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.4093, 'learning_rate': 1.3057e-05, 'epoch': 3.29}
937
+
938
+ 05/31/2024 11:42:18 - INFO - llmtuner.extras.callbacks - {'loss': 0.3647, 'learning_rate': 1.2928e-05, 'epoch': 3.30}
939
+
940
+ 05/31/2024 11:44:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.3740, 'learning_rate': 1.2799e-05, 'epoch': 3.31}
941
+
942
+ 05/31/2024 11:46:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.3888, 'learning_rate': 1.2671e-05, 'epoch': 3.32}
943
+
944
+ 05/31/2024 11:48:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.3969, 'learning_rate': 1.2543e-05, 'epoch': 3.33}
945
+
946
+ 05/31/2024 11:50:12 - INFO - llmtuner.extras.callbacks - {'loss': 0.4196, 'learning_rate': 1.2415e-05, 'epoch': 3.34}
947
+
948
+ 05/31/2024 11:52:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.3885, 'learning_rate': 1.2288e-05, 'epoch': 3.35}
949
+
950
+ 05/31/2024 11:54:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.4118, 'learning_rate': 1.2161e-05, 'epoch': 3.36}
951
+
952
+ 05/31/2024 11:56:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.4124, 'learning_rate': 1.2035e-05, 'epoch': 3.37}
953
+
954
+ 05/31/2024 11:58:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3940, 'learning_rate': 1.1909e-05, 'epoch': 3.38}
955
+
956
+ 05/31/2024 11:58:05 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1800
957
+
958
+ 05/31/2024 11:58:05 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1800/tokenizer_config.json
959
+
960
+ 05/31/2024 11:58:05 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1800/special_tokens_map.json
961
+
962
+ 05/31/2024 12:00:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.3996, 'learning_rate': 1.1784e-05, 'epoch': 3.38}
963
+
964
+ 05/31/2024 12:02:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4036, 'learning_rate': 1.1659e-05, 'epoch': 3.39}
965
+
966
+ 05/31/2024 12:04:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.3976, 'learning_rate': 1.1535e-05, 'epoch': 3.40}
967
+
968
+ 05/31/2024 12:06:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4282, 'learning_rate': 1.1411e-05, 'epoch': 3.41}
969
+
970
+ 05/31/2024 12:08:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.3807, 'learning_rate': 1.1287e-05, 'epoch': 3.42}
971
+
972
+ 05/31/2024 12:10:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.3761, 'learning_rate': 1.1164e-05, 'epoch': 3.43}
973
+
974
+ 05/31/2024 12:12:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4152, 'learning_rate': 1.1042e-05, 'epoch': 3.44}
975
+
976
+ 05/31/2024 12:14:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.3630, 'learning_rate': 1.0920e-05, 'epoch': 3.45}
977
+
978
+ 05/31/2024 12:16:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.3789, 'learning_rate': 1.0798e-05, 'epoch': 3.46}
979
+
980
+ 05/31/2024 12:18:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4130, 'learning_rate': 1.0677e-05, 'epoch': 3.47}
981
+
982
+ 05/31/2024 12:20:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3812, 'learning_rate': 1.0557e-05, 'epoch': 3.48}
983
+
984
+ 05/31/2024 12:22:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.3949, 'learning_rate': 1.0437e-05, 'epoch': 3.49}
985
+
986
+ 05/31/2024 12:24:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.3649, 'learning_rate': 1.0317e-05, 'epoch': 3.50}
987
+
988
+ 05/31/2024 12:26:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.3942, 'learning_rate': 1.0198e-05, 'epoch': 3.51}
989
+
990
+ 05/31/2024 12:27:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4007, 'learning_rate': 1.0080e-05, 'epoch': 3.52}
991
+
992
+ 05/31/2024 12:29:53 - INFO - llmtuner.extras.callbacks - {'loss': 0.3773, 'learning_rate': 9.9618e-06, 'epoch': 3.53}
993
+
994
+ 05/31/2024 12:31:52 - INFO - llmtuner.extras.callbacks - {'loss': 0.4196, 'learning_rate': 9.8444e-06, 'epoch': 3.53}
995
+
996
+ 05/31/2024 12:33:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.3792, 'learning_rate': 9.7274e-06, 'epoch': 3.54}
997
+
998
+ 05/31/2024 12:35:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.4036, 'learning_rate': 9.6110e-06, 'epoch': 3.55}
999
+
1000
+ 05/31/2024 12:37:53 - INFO - llmtuner.extras.callbacks - {'loss': 0.3955, 'learning_rate': 9.4952e-06, 'epoch': 3.56}
1001
+
1002
+ 05/31/2024 12:37:53 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1900
1003
+
1004
+ 05/31/2024 12:37:53 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1900/tokenizer_config.json
1005
+
1006
+ 05/31/2024 12:37:53 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-1900/special_tokens_map.json
1007
+
1008
+ 05/31/2024 12:39:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.4056, 'learning_rate': 9.3799e-06, 'epoch': 3.57}
1009
+
1010
+ 05/31/2024 12:41:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.4144, 'learning_rate': 9.2651e-06, 'epoch': 3.58}
1011
+
1012
+ 05/31/2024 12:43:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.3900, 'learning_rate': 9.1508e-06, 'epoch': 3.59}
1013
+
1014
+ 05/31/2024 12:45:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.3976, 'learning_rate': 9.0372e-06, 'epoch': 3.60}
1015
+
1016
+ 05/31/2024 12:47:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.3774, 'learning_rate': 8.9240e-06, 'epoch': 3.61}
1017
+
1018
+ 05/31/2024 12:50:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4209, 'learning_rate': 8.8115e-06, 'epoch': 3.62}
1019
+
1020
+ 05/31/2024 12:52:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.4280, 'learning_rate': 8.6995e-06, 'epoch': 3.63}
1021
+
1022
+ 05/31/2024 12:54:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4121, 'learning_rate': 8.5880e-06, 'epoch': 3.64}
1023
+
1024
+ 05/31/2024 12:56:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.4191, 'learning_rate': 8.4772e-06, 'epoch': 3.65}
1025
+
1026
+ 05/31/2024 12:58:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4170, 'learning_rate': 8.3669e-06, 'epoch': 3.66}
1027
+
1028
+ 05/31/2024 13:00:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4047, 'learning_rate': 8.2571e-06, 'epoch': 3.67}
1029
+
1030
+ 05/31/2024 13:02:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4119, 'learning_rate': 8.1480e-06, 'epoch': 3.68}
1031
+
1032
+ 05/31/2024 13:03:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.3908, 'learning_rate': 8.0395e-06, 'epoch': 3.68}
1033
+
1034
+ 05/31/2024 13:06:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4636, 'learning_rate': 7.9315e-06, 'epoch': 3.69}
1035
+
1036
+ 05/31/2024 13:08:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.3925, 'learning_rate': 7.8241e-06, 'epoch': 3.70}
1037
+
1038
+ 05/31/2024 13:10:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.3957, 'learning_rate': 7.7173e-06, 'epoch': 3.71}
1039
+
1040
+ 05/31/2024 13:12:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.4004, 'learning_rate': 7.6112e-06, 'epoch': 3.72}
1041
+
1042
+ 05/31/2024 13:14:16 - INFO - llmtuner.extras.callbacks - {'loss': 0.3945, 'learning_rate': 7.5056e-06, 'epoch': 3.73}
1043
+
1044
+ 05/31/2024 13:16:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4112, 'learning_rate': 7.4006e-06, 'epoch': 3.74}
1045
+
1046
+ 05/31/2024 13:18:36 - INFO - llmtuner.extras.callbacks - {'loss': 0.4123, 'learning_rate': 7.2963e-06, 'epoch': 3.75}
1047
+
1048
+ 05/31/2024 13:18:36 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2000
1049
+
1050
+ 05/31/2024 13:18:36 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2000/tokenizer_config.json
1051
+
1052
+ 05/31/2024 13:18:36 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2000/special_tokens_map.json
1053
+
1054
+ 05/31/2024 13:20:41 - INFO - llmtuner.extras.callbacks - {'loss': 0.4225, 'learning_rate': 7.1926e-06, 'epoch': 3.76}
1055
+
1056
+ 05/31/2024 13:22:37 - INFO - llmtuner.extras.callbacks - {'loss': 0.3601, 'learning_rate': 7.0895e-06, 'epoch': 3.77}
1057
+
1058
+ 05/31/2024 13:24:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.3654, 'learning_rate': 6.9870e-06, 'epoch': 3.78}
1059
+
1060
+ 05/31/2024 13:26:38 - INFO - llmtuner.extras.callbacks - {'loss': 0.4040, 'learning_rate': 6.8851e-06, 'epoch': 3.79}
1061
+
1062
+ 05/31/2024 13:28:39 - INFO - llmtuner.extras.callbacks - {'loss': 0.4015, 'learning_rate': 6.7839e-06, 'epoch': 3.80}
1063
+
1064
+ 05/31/2024 13:30:40 - INFO - llmtuner.extras.callbacks - {'loss': 0.3995, 'learning_rate': 6.6833e-06, 'epoch': 3.81}
1065
+
1066
+ 05/31/2024 13:32:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4102, 'learning_rate': 6.5833e-06, 'epoch': 3.82}
1067
+
1068
+ 05/31/2024 13:34:39 - INFO - llmtuner.extras.callbacks - {'loss': 0.3872, 'learning_rate': 6.4840e-06, 'epoch': 3.83}
1069
+
1070
+ 05/31/2024 13:36:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.4137, 'learning_rate': 6.3853e-06, 'epoch': 3.83}
1071
+
1072
+ 05/31/2024 13:38:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.3769, 'learning_rate': 6.2872e-06, 'epoch': 3.84}
1073
+
1074
+ 05/31/2024 13:40:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4172, 'learning_rate': 6.1898e-06, 'epoch': 3.85}
1075
+
1076
+ 05/31/2024 13:42:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.3964, 'learning_rate': 6.0931e-06, 'epoch': 3.86}
1077
+
1078
+ 05/31/2024 13:44:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.3858, 'learning_rate': 5.9970e-06, 'epoch': 3.87}
1079
+
1080
+ 05/31/2024 13:46:20 - INFO - llmtuner.extras.callbacks - {'loss': 0.4061, 'learning_rate': 5.9016e-06, 'epoch': 3.88}
1081
+
1082
+ 05/31/2024 13:48:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.4316, 'learning_rate': 5.8069e-06, 'epoch': 3.89}
1083
+
1084
+ 05/31/2024 13:50:22 - INFO - llmtuner.extras.callbacks - {'loss': 0.3980, 'learning_rate': 5.7128e-06, 'epoch': 3.90}
1085
+
1086
+ 05/31/2024 13:52:16 - INFO - llmtuner.extras.callbacks - {'loss': 0.3819, 'learning_rate': 5.6194e-06, 'epoch': 3.91}
1087
+
1088
+ 05/31/2024 13:54:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.3873, 'learning_rate': 5.5266e-06, 'epoch': 3.92}
1089
+
1090
+ 05/31/2024 13:56:14 - INFO - llmtuner.extras.callbacks - {'loss': 0.4210, 'learning_rate': 5.4345e-06, 'epoch': 3.93}
1091
+
1092
+ 05/31/2024 13:58:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.4135, 'learning_rate': 5.3432e-06, 'epoch': 3.94}
1093
+
1094
+ 05/31/2024 13:58:13 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2100
1095
+
1096
+ 05/31/2024 13:58:13 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2100/tokenizer_config.json
1097
+
1098
+ 05/31/2024 13:58:13 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2100/special_tokens_map.json
1099
+
1100
+ 05/31/2024 14:00:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.3910, 'learning_rate': 5.2524e-06, 'epoch': 3.95}
1101
+
1102
+ 05/31/2024 14:02:16 - INFO - llmtuner.extras.callbacks - {'loss': 0.4018, 'learning_rate': 5.1624e-06, 'epoch': 3.96}
1103
+
1104
+ 05/31/2024 14:04:16 - INFO - llmtuner.extras.callbacks - {'loss': 0.3860, 'learning_rate': 5.0731e-06, 'epoch': 3.97}
1105
+
1106
+ 05/31/2024 14:06:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.4180, 'learning_rate': 4.9845e-06, 'epoch': 3.98}
1107
+
1108
+ 05/31/2024 14:08:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.3901, 'learning_rate': 4.8965e-06, 'epoch': 3.98}
1109
+
1110
+ 05/31/2024 14:10:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.3967, 'learning_rate': 4.8093e-06, 'epoch': 3.99}
1111
+
1112
+ 05/31/2024 14:12:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.4028, 'learning_rate': 4.7227e-06, 'epoch': 4.00}
1113
+
1114
+ 05/31/2024 14:14:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.4171, 'learning_rate': 4.6369e-06, 'epoch': 4.01}
1115
+
1116
+ 05/31/2024 14:16:14 - INFO - llmtuner.extras.callbacks - {'loss': 0.3881, 'learning_rate': 4.5518e-06, 'epoch': 4.02}
1117
+
1118
+ 05/31/2024 14:18:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.4012, 'learning_rate': 4.4673e-06, 'epoch': 4.03}
1119
+
1120
+ 05/31/2024 14:20:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3872, 'learning_rate': 4.3836e-06, 'epoch': 4.04}
1121
+
1122
+ 05/31/2024 14:22:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.3946, 'learning_rate': 4.3006e-06, 'epoch': 4.05}
1123
+
1124
+ 05/31/2024 14:24:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.4011, 'learning_rate': 4.2184e-06, 'epoch': 4.06}
1125
+
1126
+ 05/31/2024 14:26:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4089, 'learning_rate': 4.1368e-06, 'epoch': 4.07}
1127
+
1128
+ 05/31/2024 14:27:58 - INFO - llmtuner.extras.callbacks - {'loss': 0.3993, 'learning_rate': 4.0560e-06, 'epoch': 4.08}
1129
+
1130
+ 05/31/2024 14:29:49 - INFO - llmtuner.extras.callbacks - {'loss': 0.3773, 'learning_rate': 3.9759e-06, 'epoch': 4.09}
1131
+
1132
+ 05/31/2024 14:31:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.3855, 'learning_rate': 3.8965e-06, 'epoch': 4.10}
1133
+
1134
+ 05/31/2024 14:33:45 - INFO - llmtuner.extras.callbacks - {'loss': 0.4134, 'learning_rate': 3.8179e-06, 'epoch': 4.11}
1135
+
1136
+ 05/31/2024 14:35:47 - INFO - llmtuner.extras.callbacks - {'loss': 0.4058, 'learning_rate': 3.7400e-06, 'epoch': 4.12}
1137
+
1138
+ 05/31/2024 14:37:51 - INFO - llmtuner.extras.callbacks - {'loss': 0.3808, 'learning_rate': 3.6629e-06, 'epoch': 4.13}
1139
+
1140
+ 05/31/2024 14:37:51 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2200
1141
+
1142
+ 05/31/2024 14:37:51 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2200/tokenizer_config.json
1143
+
1144
+ 05/31/2024 14:37:51 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2200/special_tokens_map.json
1145
+
1146
+ 05/31/2024 14:39:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.3882, 'learning_rate': 3.5864e-06, 'epoch': 4.14}
1147
+
1148
+ 05/31/2024 14:41:46 - INFO - llmtuner.extras.callbacks - {'loss': 0.3846, 'learning_rate': 3.5108e-06, 'epoch': 4.14}
1149
+
1150
+ 05/31/2024 14:43:39 - INFO - llmtuner.extras.callbacks - {'loss': 0.3876, 'learning_rate': 3.4358e-06, 'epoch': 4.15}
1151
+
1152
+ 05/31/2024 14:45:33 - INFO - llmtuner.extras.callbacks - {'loss': 0.3866, 'learning_rate': 3.3617e-06, 'epoch': 4.16}
1153
+
1154
+ 05/31/2024 14:47:28 - INFO - llmtuner.extras.callbacks - {'loss': 0.3884, 'learning_rate': 3.2882e-06, 'epoch': 4.17}
1155
+
1156
+ 05/31/2024 14:49:28 - INFO - llmtuner.extras.callbacks - {'loss': 0.4142, 'learning_rate': 3.2156e-06, 'epoch': 4.18}
1157
+
1158
+ 05/31/2024 14:51:31 - INFO - llmtuner.extras.callbacks - {'loss': 0.4048, 'learning_rate': 3.1436e-06, 'epoch': 4.19}
1159
+
1160
+ 05/31/2024 14:53:30 - INFO - llmtuner.extras.callbacks - {'loss': 0.4244, 'learning_rate': 3.0725e-06, 'epoch': 4.20}
1161
+
1162
+ 05/31/2024 14:55:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.3679, 'learning_rate': 3.0021e-06, 'epoch': 4.21}
1163
+
1164
+ 05/31/2024 14:57:22 - INFO - llmtuner.extras.callbacks - {'loss': 0.4163, 'learning_rate': 2.9325e-06, 'epoch': 4.22}
1165
+
1166
+ 05/31/2024 14:59:24 - INFO - llmtuner.extras.callbacks - {'loss': 0.3861, 'learning_rate': 2.8636e-06, 'epoch': 4.23}
1167
+
1168
+ 05/31/2024 15:01:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.3841, 'learning_rate': 2.7955e-06, 'epoch': 4.24}
1169
+
1170
+ 05/31/2024 15:03:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.3884, 'learning_rate': 2.7282e-06, 'epoch': 4.25}
1171
+
1172
+ 05/31/2024 15:05:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.4325, 'learning_rate': 2.6616e-06, 'epoch': 4.26}
1173
+
1174
+ 05/31/2024 15:07:25 - INFO - llmtuner.extras.callbacks - {'loss': 0.3927, 'learning_rate': 2.5959e-06, 'epoch': 4.27}
1175
+
1176
+ 05/31/2024 15:09:22 - INFO - llmtuner.extras.callbacks - {'loss': 0.3879, 'learning_rate': 2.5309e-06, 'epoch': 4.28}
1177
+
1178
+ 05/31/2024 15:11:24 - INFO - llmtuner.extras.callbacks - {'loss': 0.4045, 'learning_rate': 2.4667e-06, 'epoch': 4.29}
1179
+
1180
+ 05/31/2024 15:13:29 - INFO - llmtuner.extras.callbacks - {'loss': 0.4215, 'learning_rate': 2.4032e-06, 'epoch': 4.29}
1181
+
1182
+ 05/31/2024 15:15:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.3735, 'learning_rate': 2.3406e-06, 'epoch': 4.30}
1183
+
1184
+ 05/31/2024 15:17:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.3858, 'learning_rate': 2.2787e-06, 'epoch': 4.31}
1185
+
1186
+ 05/31/2024 15:17:26 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2300
1187
+
1188
+ 05/31/2024 15:17:26 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2300/tokenizer_config.json
1189
+
1190
+ 05/31/2024 15:17:26 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2300/special_tokens_map.json
1191
+
1192
+ 05/31/2024 15:19:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.3568, 'learning_rate': 2.2176e-06, 'epoch': 4.32}
1193
+
1194
+ 05/31/2024 15:21:26 - INFO - llmtuner.extras.callbacks - {'loss': 0.3850, 'learning_rate': 2.1574e-06, 'epoch': 4.33}
1195
+
1196
+ 05/31/2024 15:23:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.3884, 'learning_rate': 2.0979e-06, 'epoch': 4.34}
1197
+
1198
+ 05/31/2024 15:25:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.3690, 'learning_rate': 2.0392e-06, 'epoch': 4.35}
1199
+
1200
+ 05/31/2024 15:27:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.3680, 'learning_rate': 1.9813e-06, 'epoch': 4.36}
1201
+
1202
+ 05/31/2024 15:29:25 - INFO - llmtuner.extras.callbacks - {'loss': 0.3907, 'learning_rate': 1.9242e-06, 'epoch': 4.37}
1203
+
1204
+ 05/31/2024 15:31:22 - INFO - llmtuner.extras.callbacks - {'loss': 0.3816, 'learning_rate': 1.8679e-06, 'epoch': 4.38}
1205
+
1206
+ 05/31/2024 15:33:27 - INFO - llmtuner.extras.callbacks - {'loss': 0.3577, 'learning_rate': 1.8124e-06, 'epoch': 4.39}
1207
+
1208
+ 05/31/2024 15:35:24 - INFO - llmtuner.extras.callbacks - {'loss': 0.3922, 'learning_rate': 1.7578e-06, 'epoch': 4.40}
1209
+
1210
+ 05/31/2024 15:37:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.3870, 'learning_rate': 1.7039e-06, 'epoch': 4.41}
1211
+
1212
+ 05/31/2024 15:39:14 - INFO - llmtuner.extras.callbacks - {'loss': 0.4288, 'learning_rate': 1.6508e-06, 'epoch': 4.42}
1213
+
1214
+ 05/31/2024 15:41:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.3881, 'learning_rate': 1.5986e-06, 'epoch': 4.43}
1215
+
1216
+ 05/31/2024 15:43:14 - INFO - llmtuner.extras.callbacks - {'loss': 0.4099, 'learning_rate': 1.5471e-06, 'epoch': 4.44}
1217
+
1218
+ 05/31/2024 15:45:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.3691, 'learning_rate': 1.4965e-06, 'epoch': 4.44}
1219
+
1220
+ 05/31/2024 15:47:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.3807, 'learning_rate': 1.4467e-06, 'epoch': 4.45}
1221
+
1222
+ 05/31/2024 15:49:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.3943, 'learning_rate': 1.3977e-06, 'epoch': 4.46}
1223
+
1224
+ 05/31/2024 15:51:12 - INFO - llmtuner.extras.callbacks - {'loss': 0.3941, 'learning_rate': 1.3495e-06, 'epoch': 4.47}
1225
+
1226
+ 05/31/2024 15:53:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.3850, 'learning_rate': 1.3022e-06, 'epoch': 4.48}
1227
+
1228
+ 05/31/2024 15:55:23 - INFO - llmtuner.extras.callbacks - {'loss': 0.4137, 'learning_rate': 1.2557e-06, 'epoch': 4.49}
1229
+
1230
+ 05/31/2024 15:57:19 - INFO - llmtuner.extras.callbacks - {'loss': 0.3827, 'learning_rate': 1.2100e-06, 'epoch': 4.50}
1231
+
1232
+ 05/31/2024 15:57:19 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2400
1233
+
1234
+ 05/31/2024 15:57:19 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2400/tokenizer_config.json
1235
+
1236
+ 05/31/2024 15:57:19 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2400/special_tokens_map.json
1237
+
1238
+ 05/31/2024 15:59:14 - INFO - llmtuner.extras.callbacks - {'loss': 0.3695, 'learning_rate': 1.1651e-06, 'epoch': 4.51}
1239
+
1240
+ 05/31/2024 16:01:12 - INFO - llmtuner.extras.callbacks - {'loss': 0.4440, 'learning_rate': 1.1210e-06, 'epoch': 4.52}
1241
+
1242
+ 05/31/2024 16:03:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.3816, 'learning_rate': 1.0778e-06, 'epoch': 4.53}
1243
+
1244
+ 05/31/2024 16:05:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.3774, 'learning_rate': 1.0354e-06, 'epoch': 4.54}
1245
+
1246
+ 05/31/2024 16:07:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.4021, 'learning_rate': 9.9389e-07, 'epoch': 4.55}
1247
+
1248
+ 05/31/2024 16:08:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3901, 'learning_rate': 9.5317e-07, 'epoch': 4.56}
1249
+
1250
+ 05/31/2024 16:10:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4357, 'learning_rate': 9.1329e-07, 'epoch': 4.57}
1251
+
1252
+ 05/31/2024 16:12:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3877, 'learning_rate': 8.7424e-07, 'epoch': 4.58}
1253
+
1254
+ 05/31/2024 16:14:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3994, 'learning_rate': 8.3604e-07, 'epoch': 4.59}
1255
+
1256
+ 05/31/2024 16:17:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4222, 'learning_rate': 7.9867e-07, 'epoch': 4.59}
1257
+
1258
+ 05/31/2024 16:19:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.3991, 'learning_rate': 7.6214e-07, 'epoch': 4.60}
1259
+
1260
+ 05/31/2024 16:21:00 - INFO - llmtuner.extras.callbacks - {'loss': 0.3690, 'learning_rate': 7.2645e-07, 'epoch': 4.61}
1261
+
1262
+ 05/31/2024 16:22:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3856, 'learning_rate': 6.9161e-07, 'epoch': 4.62}
1263
+
1264
+ 05/31/2024 16:25:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.4261, 'learning_rate': 6.5761e-07, 'epoch': 4.63}
1265
+
1266
+ 05/31/2024 16:27:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.3831, 'learning_rate': 6.2446e-07, 'epoch': 4.64}
1267
+
1268
+ 05/31/2024 16:29:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4014, 'learning_rate': 5.9216e-07, 'epoch': 4.65}
1269
+
1270
+ 05/31/2024 16:31:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.3954, 'learning_rate': 5.6070e-07, 'epoch': 4.66}
1271
+
1272
+ 05/31/2024 16:33:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4065, 'learning_rate': 5.3009e-07, 'epoch': 4.67}
1273
+
1274
+ 05/31/2024 16:35:08 - INFO - llmtuner.extras.callbacks - {'loss': 0.3947, 'learning_rate': 5.0033e-07, 'epoch': 4.68}
1275
+
1276
+ 05/31/2024 16:37:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4113, 'learning_rate': 4.7143e-07, 'epoch': 4.69}
1277
+
1278
+ 05/31/2024 16:37:04 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2500
1279
+
1280
+ 05/31/2024 16:37:05 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2500/tokenizer_config.json
1281
+
1282
+ 05/31/2024 16:37:05 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2500/special_tokens_map.json
1283
+
1284
+ 05/31/2024 16:39:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3972, 'learning_rate': 4.4337e-07, 'epoch': 4.70}
1285
+
1286
+ 05/31/2024 16:41:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4381, 'learning_rate': 4.1617e-07, 'epoch': 4.71}
1287
+
1288
+ 05/31/2024 16:43:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.3794, 'learning_rate': 3.8982e-07, 'epoch': 4.72}
1289
+
1290
+ 05/31/2024 16:45:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4074, 'learning_rate': 3.6433e-07, 'epoch': 4.73}
1291
+
1292
+ 05/31/2024 16:47:03 - INFO - llmtuner.extras.callbacks - {'loss': 0.3893, 'learning_rate': 3.3969e-07, 'epoch': 4.74}
1293
+
1294
+ 05/31/2024 16:49:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.3983, 'learning_rate': 3.1591e-07, 'epoch': 4.74}
1295
+
1296
+ 05/31/2024 16:51:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3846, 'learning_rate': 2.9299e-07, 'epoch': 4.75}
1297
+
1298
+ 05/31/2024 16:53:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.3793, 'learning_rate': 2.7093e-07, 'epoch': 4.76}
1299
+
1300
+ 05/31/2024 16:55:12 - INFO - llmtuner.extras.callbacks - {'loss': 0.4213, 'learning_rate': 2.4972e-07, 'epoch': 4.77}
1301
+
1302
+ 05/31/2024 16:57:10 - INFO - llmtuner.extras.callbacks - {'loss': 0.3905, 'learning_rate': 2.2937e-07, 'epoch': 4.78}
1303
+
1304
+ 05/31/2024 16:59:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.4093, 'learning_rate': 2.0989e-07, 'epoch': 4.79}
1305
+
1306
+ 05/31/2024 17:01:17 - INFO - llmtuner.extras.callbacks - {'loss': 0.4119, 'learning_rate': 1.9127e-07, 'epoch': 4.80}
1307
+
1308
+ 05/31/2024 17:03:11 - INFO - llmtuner.extras.callbacks - {'loss': 0.3885, 'learning_rate': 1.7351e-07, 'epoch': 4.81}
1309
+
1310
+ 05/31/2024 17:05:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.3872, 'learning_rate': 1.5661e-07, 'epoch': 4.82}
1311
+
1312
+ 05/31/2024 17:07:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.4040, 'learning_rate': 1.4057e-07, 'epoch': 4.83}
1313
+
1314
+ 05/31/2024 17:09:15 - INFO - llmtuner.extras.callbacks - {'loss': 0.4079, 'learning_rate': 1.2540e-07, 'epoch': 4.84}
1315
+
1316
+ 05/31/2024 17:11:21 - INFO - llmtuner.extras.callbacks - {'loss': 0.3629, 'learning_rate': 1.1109e-07, 'epoch': 4.85}
1317
+
1318
+ 05/31/2024 17:13:13 - INFO - llmtuner.extras.callbacks - {'loss': 0.3688, 'learning_rate': 9.7646e-08, 'epoch': 4.86}
1319
+
1320
+ 05/31/2024 17:15:05 - INFO - llmtuner.extras.callbacks - {'loss': 0.3782, 'learning_rate': 8.5068e-08, 'epoch': 4.87}
1321
+
1322
+ 05/31/2024 17:16:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.4003, 'learning_rate': 7.3355e-08, 'epoch': 4.88}
1323
+
1324
+ 05/31/2024 17:16:59 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2600
1325
+
1326
+ 05/31/2024 17:16:59 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2600/tokenizer_config.json
1327
+
1328
+ 05/31/2024 17:16:59 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/checkpoint-2600/special_tokens_map.json
1329
+
1330
+ 05/31/2024 17:19:02 - INFO - llmtuner.extras.callbacks - {'loss': 0.4175, 'learning_rate': 6.2508e-08, 'epoch': 4.89}
1331
+
1332
+ 05/31/2024 17:20:59 - INFO - llmtuner.extras.callbacks - {'loss': 0.3857, 'learning_rate': 5.2528e-08, 'epoch': 4.89}
1333
+
1334
+ 05/31/2024 17:22:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3995, 'learning_rate': 4.3414e-08, 'epoch': 4.90}
1335
+
1336
+ 05/31/2024 17:24:50 - INFO - llmtuner.extras.callbacks - {'loss': 0.3690, 'learning_rate': 3.5167e-08, 'epoch': 4.91}
1337
+
1338
+ 05/31/2024 17:26:51 - INFO - llmtuner.extras.callbacks - {'loss': 0.3704, 'learning_rate': 2.7788e-08, 'epoch': 4.92}
1339
+
1340
+ 05/31/2024 17:28:56 - INFO - llmtuner.extras.callbacks - {'loss': 0.4038, 'learning_rate': 2.1276e-08, 'epoch': 4.93}
1341
+
1342
+ 05/31/2024 17:31:01 - INFO - llmtuner.extras.callbacks - {'loss': 0.4069, 'learning_rate': 1.5632e-08, 'epoch': 4.94}
1343
+
1344
+ 05/31/2024 17:33:04 - INFO - llmtuner.extras.callbacks - {'loss': 0.4016, 'learning_rate': 1.0856e-08, 'epoch': 4.95}
1345
+
1346
+ 05/31/2024 17:34:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3734, 'learning_rate': 6.9479e-09, 'epoch': 4.96}
1347
+
1348
+ 05/31/2024 17:36:57 - INFO - llmtuner.extras.callbacks - {'loss': 0.3704, 'learning_rate': 3.9083e-09, 'epoch': 4.97}
1349
+
1350
+ 05/31/2024 17:39:09 - INFO - llmtuner.extras.callbacks - {'loss': 0.4141, 'learning_rate': 1.7370e-09, 'epoch': 4.98}
1351
+
1352
+ 05/31/2024 17:41:07 - INFO - llmtuner.extras.callbacks - {'loss': 0.4006, 'learning_rate': 4.3426e-10, 'epoch': 4.99}
1353
+
1354
+ 05/31/2024 17:43:06 - INFO - llmtuner.extras.callbacks - {'loss': 0.3921, 'learning_rate': 0.0000e+00, 'epoch': 5.00}
1355
+
1356
+ 05/31/2024 17:43:06 - INFO - transformers.trainer -
1357
+
1358
+ Training completed. Do not forget to share your model on huggingface.co/models =)
1359
+
1360
+
1361
+
1362
+ 05/31/2024 17:43:06 - INFO - transformers.trainer - Saving model checkpoint to /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct
1363
+
1364
+ 05/31/2024 17:43:06 - INFO - transformers.tokenization_utils_base - tokenizer config file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/tokenizer_config.json
1365
+
1366
+ 05/31/2024 17:43:06 - INFO - transformers.tokenization_utils_base - Special tokens file saved in /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct/special_tokens_map.json
1367
+
1368
+ 05/31/2024 17:43:06 - INFO - transformers.modelcard - Dropping the following result as it does not have all the necessary fields:
1369
+ {'task': {'name': 'Causal Language Modeling', 'type': 'text-generation'}}
1370
+
special_tokens_map.json ADDED
@@ -0,0 +1,30 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<s>",
4
+ "lstrip": false,
5
+ "normalized": false,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "eos_token": {
10
+ "content": "<|end|>",
11
+ "lstrip": false,
12
+ "normalized": false,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "<|endoftext|>",
18
+ "lstrip": false,
19
+ "normalized": false,
20
+ "rstrip": false,
21
+ "single_word": false
22
+ },
23
+ "unk_token": {
24
+ "content": "<unk>",
25
+ "lstrip": false,
26
+ "normalized": false,
27
+ "rstrip": false,
28
+ "single_word": false
29
+ }
30
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer.model ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9e556afd44213b6bd1be2b850ebbbd98f5481437a8021afaf58ee7fb1818d347
3
+ size 499723
tokenizer_config.json ADDED
@@ -0,0 +1,131 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": true,
3
+ "add_eos_token": false,
4
+ "added_tokens_decoder": {
5
+ "0": {
6
+ "content": "<unk>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "1": {
14
+ "content": "<s>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "2": {
22
+ "content": "</s>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": true,
26
+ "single_word": false,
27
+ "special": false
28
+ },
29
+ "32000": {
30
+ "content": "<|endoftext|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "32001": {
38
+ "content": "<|assistant|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": true,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "32002": {
46
+ "content": "<|placeholder1|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": true,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "32003": {
54
+ "content": "<|placeholder2|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": true,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "32004": {
62
+ "content": "<|placeholder3|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": true,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "32005": {
70
+ "content": "<|placeholder4|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": true,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "32006": {
78
+ "content": "<|system|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": true,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "32007": {
86
+ "content": "<|end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "32008": {
94
+ "content": "<|placeholder5|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": true,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "32009": {
102
+ "content": "<|placeholder6|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": true,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "32010": {
110
+ "content": "<|user|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": true,
114
+ "single_word": false,
115
+ "special": true
116
+ }
117
+ },
118
+ "bos_token": "<s>",
119
+ "chat_template": "{% set system_message = 'You are a helpful AI assistant.' %}{% if messages[0]['role'] == 'system' %}{% set system_message = messages[0]['content'] %}{% endif %}{% if system_message is defined %}{{ '<s>' + '<|system|>\\n' + system_message + '<|end|>\\n' }}{% endif %}{% for message in messages %}{% set content = message['content'] %}{% if message['role'] == 'user' %}{{ '<|user|>\\n' + content + '<|end|>\\n<|assistant|>\\n' }}{% elif message['role'] == 'assistant' %}{{ content + '<|end|>' + '\\n' }}{% endif %}{% endfor %}",
120
+ "clean_up_tokenization_spaces": false,
121
+ "eos_token": "<|end|>",
122
+ "legacy": false,
123
+ "model_max_length": 4096,
124
+ "pad_token": "<|endoftext|>",
125
+ "padding_side": "right",
126
+ "sp_model_kwargs": {},
127
+ "split_special_tokens": false,
128
+ "tokenizer_class": "LlamaTokenizer",
129
+ "unk_token": "<unk>",
130
+ "use_default_system_prompt": false
131
+ }
train_results.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 4.9976558837318334,
3
+ "total_flos": 1.9479197956994335e+18,
4
+ "train_loss": 0.41369020724162375,
5
+ "train_runtime": 63586.5105,
6
+ "train_samples_per_second": 0.671,
7
+ "train_steps_per_second": 0.042
8
+ }
trainer_config.yaml ADDED
@@ -0,0 +1,28 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ bf16: true
2
+ cutoff_len: 4096
3
+ dataset: LangGPT_community,LangGPT_alpaca,LangGPT_seed
4
+ dataset_dir: /datas/wangm/LLM4LangGPT
5
+ do_train: true
6
+ finetuning_type: lora
7
+ flash_attn: auto
8
+ gradient_accumulation_steps: 8
9
+ learning_rate: 5.0e-05
10
+ logging_steps: 5
11
+ lora_alpha: 16
12
+ lora_dropout: 0
13
+ lora_rank: 8
14
+ lora_target: qkv_proj
15
+ lr_scheduler_type: cosine
16
+ max_grad_norm: 1.0
17
+ max_samples: 100000
18
+ model_name_or_path: microsoft/Phi-3-mini-4k-instruct
19
+ num_train_epochs: 5.0
20
+ optim: adamw_torch
21
+ output_dir: /datas/wangm/LLM4LangGPT/output/Phi-3-mini-4k-instruct
22
+ packing: false
23
+ per_device_train_batch_size: 2
24
+ report_to: none
25
+ save_steps: 100
26
+ stage: sft
27
+ template: phi
28
+ warmup_steps: 0
trainer_log.jsonl ADDED
The diff for this file is too large to render. See raw diff
 
trainer_state.json ADDED
@@ -0,0 +1,3773 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": null,
3
+ "best_model_checkpoint": null,
4
+ "epoch": 4.9976558837318334,
5
+ "eval_steps": 500,
6
+ "global_step": 2665,
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.009376465072667605,
13
+ "grad_norm": 0.20790895819664001,
14
+ "learning_rate": 4.999956573574533e-05,
15
+ "loss": 0.6093,
16
+ "step": 5
17
+ },
18
+ {
19
+ "epoch": 0.01875293014533521,
20
+ "grad_norm": 0.22529356181621552,
21
+ "learning_rate": 4.999826295806815e-05,
22
+ "loss": 0.5708,
23
+ "step": 10
24
+ },
25
+ {
26
+ "epoch": 0.02812939521800281,
27
+ "grad_norm": 0.19532211124897003,
28
+ "learning_rate": 4.999609171222846e-05,
29
+ "loss": 0.5403,
30
+ "step": 15
31
+ },
32
+ {
33
+ "epoch": 0.03750586029067042,
34
+ "grad_norm": 0.17083343863487244,
35
+ "learning_rate": 4.99930520736578e-05,
36
+ "loss": 0.559,
37
+ "step": 20
38
+ },
39
+ {
40
+ "epoch": 0.04688232536333802,
41
+ "grad_norm": 0.14475470781326294,
42
+ "learning_rate": 4.998914414795668e-05,
43
+ "loss": 0.5298,
44
+ "step": 25
45
+ },
46
+ {
47
+ "epoch": 0.05625879043600562,
48
+ "grad_norm": 0.1513879895210266,
49
+ "learning_rate": 4.99843680708909e-05,
50
+ "loss": 0.5082,
51
+ "step": 30
52
+ },
53
+ {
54
+ "epoch": 0.06563525550867323,
55
+ "grad_norm": 0.2249026745557785,
56
+ "learning_rate": 4.997872400838682e-05,
57
+ "loss": 0.5165,
58
+ "step": 35
59
+ },
60
+ {
61
+ "epoch": 0.07501172058134084,
62
+ "grad_norm": 0.16140912473201752,
63
+ "learning_rate": 4.997221215652562e-05,
64
+ "loss": 0.5224,
65
+ "step": 40
66
+ },
67
+ {
68
+ "epoch": 0.08438818565400844,
69
+ "grad_norm": 0.14945466816425323,
70
+ "learning_rate": 4.9964832741536444e-05,
71
+ "loss": 0.5322,
72
+ "step": 45
73
+ },
74
+ {
75
+ "epoch": 0.09376465072667604,
76
+ "grad_norm": 0.12949012219905853,
77
+ "learning_rate": 4.9956586019788584e-05,
78
+ "loss": 0.4886,
79
+ "step": 50
80
+ },
81
+ {
82
+ "epoch": 0.10314111579934365,
83
+ "grad_norm": 0.1388949751853943,
84
+ "learning_rate": 4.9947472277782584e-05,
85
+ "loss": 0.487,
86
+ "step": 55
87
+ },
88
+ {
89
+ "epoch": 0.11251758087201125,
90
+ "grad_norm": 0.1725090742111206,
91
+ "learning_rate": 4.993749183214021e-05,
92
+ "loss": 0.4749,
93
+ "step": 60
94
+ },
95
+ {
96
+ "epoch": 0.12189404594467886,
97
+ "grad_norm": 0.1453619748353958,
98
+ "learning_rate": 4.992664502959351e-05,
99
+ "loss": 0.4769,
100
+ "step": 65
101
+ },
102
+ {
103
+ "epoch": 0.13127051101734646,
104
+ "grad_norm": 0.1829695701599121,
105
+ "learning_rate": 4.991493224697281e-05,
106
+ "loss": 0.4587,
107
+ "step": 70
108
+ },
109
+ {
110
+ "epoch": 0.14064697609001406,
111
+ "grad_norm": 0.20768924057483673,
112
+ "learning_rate": 4.990235389119352e-05,
113
+ "loss": 0.4858,
114
+ "step": 75
115
+ },
116
+ {
117
+ "epoch": 0.15002344116268168,
118
+ "grad_norm": 0.18472038209438324,
119
+ "learning_rate": 4.9888910399242065e-05,
120
+ "loss": 0.4485,
121
+ "step": 80
122
+ },
123
+ {
124
+ "epoch": 0.15939990623534928,
125
+ "grad_norm": 0.20636047422885895,
126
+ "learning_rate": 4.987460223816067e-05,
127
+ "loss": 0.4629,
128
+ "step": 85
129
+ },
130
+ {
131
+ "epoch": 0.16877637130801687,
132
+ "grad_norm": 0.22416724264621735,
133
+ "learning_rate": 4.985942990503119e-05,
134
+ "loss": 0.4683,
135
+ "step": 90
136
+ },
137
+ {
138
+ "epoch": 0.1781528363806845,
139
+ "grad_norm": 0.17546997964382172,
140
+ "learning_rate": 4.984339392695777e-05,
141
+ "loss": 0.4625,
142
+ "step": 95
143
+ },
144
+ {
145
+ "epoch": 0.1875293014533521,
146
+ "grad_norm": 0.18117469549179077,
147
+ "learning_rate": 4.9826494861048576e-05,
148
+ "loss": 0.4346,
149
+ "step": 100
150
+ },
151
+ {
152
+ "epoch": 0.19690576652601968,
153
+ "grad_norm": 0.18969941139221191,
154
+ "learning_rate": 4.980873329439644e-05,
155
+ "loss": 0.4871,
156
+ "step": 105
157
+ },
158
+ {
159
+ "epoch": 0.2062822315986873,
160
+ "grad_norm": 0.1979440301656723,
161
+ "learning_rate": 4.979010984405842e-05,
162
+ "loss": 0.4564,
163
+ "step": 110
164
+ },
165
+ {
166
+ "epoch": 0.2156586966713549,
167
+ "grad_norm": 0.2334485948085785,
168
+ "learning_rate": 4.9770625157034436e-05,
169
+ "loss": 0.4801,
170
+ "step": 115
171
+ },
172
+ {
173
+ "epoch": 0.2250351617440225,
174
+ "grad_norm": 0.2206389456987381,
175
+ "learning_rate": 4.975027991024473e-05,
176
+ "loss": 0.4678,
177
+ "step": 120
178
+ },
179
+ {
180
+ "epoch": 0.23441162681669012,
181
+ "grad_norm": 0.19880324602127075,
182
+ "learning_rate": 4.972907481050637e-05,
183
+ "loss": 0.4794,
184
+ "step": 125
185
+ },
186
+ {
187
+ "epoch": 0.2437880918893577,
188
+ "grad_norm": 0.22166623175144196,
189
+ "learning_rate": 4.970701059450872e-05,
190
+ "loss": 0.4729,
191
+ "step": 130
192
+ },
193
+ {
194
+ "epoch": 0.25316455696202533,
195
+ "grad_norm": 0.19174839556217194,
196
+ "learning_rate": 4.968408802878778e-05,
197
+ "loss": 0.4754,
198
+ "step": 135
199
+ },
200
+ {
201
+ "epoch": 0.26254102203469293,
202
+ "grad_norm": 0.21328027546405792,
203
+ "learning_rate": 4.9660307909699645e-05,
204
+ "loss": 0.4374,
205
+ "step": 140
206
+ },
207
+ {
208
+ "epoch": 0.2719174871073605,
209
+ "grad_norm": 0.21817001700401306,
210
+ "learning_rate": 4.963567106339276e-05,
211
+ "loss": 0.4539,
212
+ "step": 145
213
+ },
214
+ {
215
+ "epoch": 0.2812939521800281,
216
+ "grad_norm": 0.22513534128665924,
217
+ "learning_rate": 4.961017834577927e-05,
218
+ "loss": 0.4713,
219
+ "step": 150
220
+ },
221
+ {
222
+ "epoch": 0.2906704172526957,
223
+ "grad_norm": 0.22900743782520294,
224
+ "learning_rate": 4.958383064250525e-05,
225
+ "loss": 0.4394,
226
+ "step": 155
227
+ },
228
+ {
229
+ "epoch": 0.30004688232536336,
230
+ "grad_norm": 0.2164304554462433,
231
+ "learning_rate": 4.955662886891995e-05,
232
+ "loss": 0.4462,
233
+ "step": 160
234
+ },
235
+ {
236
+ "epoch": 0.30942334739803096,
237
+ "grad_norm": 0.18812324106693268,
238
+ "learning_rate": 4.952857397004401e-05,
239
+ "loss": 0.475,
240
+ "step": 165
241
+ },
242
+ {
243
+ "epoch": 0.31879981247069855,
244
+ "grad_norm": 0.21450480818748474,
245
+ "learning_rate": 4.949966692053663e-05,
246
+ "loss": 0.462,
247
+ "step": 170
248
+ },
249
+ {
250
+ "epoch": 0.32817627754336615,
251
+ "grad_norm": 0.19328171014785767,
252
+ "learning_rate": 4.946990872466164e-05,
253
+ "loss": 0.4543,
254
+ "step": 175
255
+ },
256
+ {
257
+ "epoch": 0.33755274261603374,
258
+ "grad_norm": 0.2076808661222458,
259
+ "learning_rate": 4.943930041625272e-05,
260
+ "loss": 0.442,
261
+ "step": 180
262
+ },
263
+ {
264
+ "epoch": 0.34692920768870134,
265
+ "grad_norm": 0.207493394613266,
266
+ "learning_rate": 4.940784305867741e-05,
267
+ "loss": 0.4445,
268
+ "step": 185
269
+ },
270
+ {
271
+ "epoch": 0.356305672761369,
272
+ "grad_norm": 0.2177191525697708,
273
+ "learning_rate": 4.937553774480018e-05,
274
+ "loss": 0.4327,
275
+ "step": 190
276
+ },
277
+ {
278
+ "epoch": 0.3656821378340366,
279
+ "grad_norm": 0.22189687192440033,
280
+ "learning_rate": 4.934238559694448e-05,
281
+ "loss": 0.4804,
282
+ "step": 195
283
+ },
284
+ {
285
+ "epoch": 0.3750586029067042,
286
+ "grad_norm": 0.23572292923927307,
287
+ "learning_rate": 4.9308387766853725e-05,
288
+ "loss": 0.4701,
289
+ "step": 200
290
+ },
291
+ {
292
+ "epoch": 0.38443506797937177,
293
+ "grad_norm": 0.2647152841091156,
294
+ "learning_rate": 4.92735454356513e-05,
295
+ "loss": 0.4513,
296
+ "step": 205
297
+ },
298
+ {
299
+ "epoch": 0.39381153305203936,
300
+ "grad_norm": 0.2548702657222748,
301
+ "learning_rate": 4.9237859813799535e-05,
302
+ "loss": 0.4733,
303
+ "step": 210
304
+ },
305
+ {
306
+ "epoch": 0.40318799812470696,
307
+ "grad_norm": 0.22933240234851837,
308
+ "learning_rate": 4.9201332141057623e-05,
309
+ "loss": 0.4399,
310
+ "step": 215
311
+ },
312
+ {
313
+ "epoch": 0.4125644631973746,
314
+ "grad_norm": 0.24353943765163422,
315
+ "learning_rate": 4.9163963686438575e-05,
316
+ "loss": 0.4483,
317
+ "step": 220
318
+ },
319
+ {
320
+ "epoch": 0.4219409282700422,
321
+ "grad_norm": 0.23032227158546448,
322
+ "learning_rate": 4.912575574816511e-05,
323
+ "loss": 0.4415,
324
+ "step": 225
325
+ },
326
+ {
327
+ "epoch": 0.4313173933427098,
328
+ "grad_norm": 0.27580568194389343,
329
+ "learning_rate": 4.908670965362457e-05,
330
+ "loss": 0.4167,
331
+ "step": 230
332
+ },
333
+ {
334
+ "epoch": 0.4406938584153774,
335
+ "grad_norm": 0.20118704438209534,
336
+ "learning_rate": 4.9046826759322825e-05,
337
+ "loss": 0.4625,
338
+ "step": 235
339
+ },
340
+ {
341
+ "epoch": 0.450070323488045,
342
+ "grad_norm": 0.27328649163246155,
343
+ "learning_rate": 4.9006108450837095e-05,
344
+ "loss": 0.4473,
345
+ "step": 240
346
+ },
347
+ {
348
+ "epoch": 0.45944678856071264,
349
+ "grad_norm": 0.24165798723697662,
350
+ "learning_rate": 4.8964556142767845e-05,
351
+ "loss": 0.4512,
352
+ "step": 245
353
+ },
354
+ {
355
+ "epoch": 0.46882325363338023,
356
+ "grad_norm": 0.23875291645526886,
357
+ "learning_rate": 4.892217127868965e-05,
358
+ "loss": 0.4469,
359
+ "step": 250
360
+ },
361
+ {
362
+ "epoch": 0.4781997187060478,
363
+ "grad_norm": 0.2750314176082611,
364
+ "learning_rate": 4.8878955331101026e-05,
365
+ "loss": 0.4655,
366
+ "step": 255
367
+ },
368
+ {
369
+ "epoch": 0.4875761837787154,
370
+ "grad_norm": 0.23661385476589203,
371
+ "learning_rate": 4.8834909801373264e-05,
372
+ "loss": 0.4181,
373
+ "step": 260
374
+ },
375
+ {
376
+ "epoch": 0.496952648851383,
377
+ "grad_norm": 0.2660558223724365,
378
+ "learning_rate": 4.879003621969831e-05,
379
+ "loss": 0.4295,
380
+ "step": 265
381
+ },
382
+ {
383
+ "epoch": 0.5063291139240507,
384
+ "grad_norm": 0.26039206981658936,
385
+ "learning_rate": 4.874433614503554e-05,
386
+ "loss": 0.4398,
387
+ "step": 270
388
+ },
389
+ {
390
+ "epoch": 0.5157055789967182,
391
+ "grad_norm": 0.23488390445709229,
392
+ "learning_rate": 4.869781116505768e-05,
393
+ "loss": 0.4303,
394
+ "step": 275
395
+ },
396
+ {
397
+ "epoch": 0.5250820440693859,
398
+ "grad_norm": 0.25998032093048096,
399
+ "learning_rate": 4.8650462896095597e-05,
400
+ "loss": 0.4462,
401
+ "step": 280
402
+ },
403
+ {
404
+ "epoch": 0.5344585091420534,
405
+ "grad_norm": 0.2225557565689087,
406
+ "learning_rate": 4.860229298308213e-05,
407
+ "loss": 0.4321,
408
+ "step": 285
409
+ },
410
+ {
411
+ "epoch": 0.543834974214721,
412
+ "grad_norm": 0.2588254511356354,
413
+ "learning_rate": 4.8553303099495e-05,
414
+ "loss": 0.4253,
415
+ "step": 290
416
+ },
417
+ {
418
+ "epoch": 0.5532114392873887,
419
+ "grad_norm": 0.23887360095977783,
420
+ "learning_rate": 4.8503494947298634e-05,
421
+ "loss": 0.4438,
422
+ "step": 295
423
+ },
424
+ {
425
+ "epoch": 0.5625879043600562,
426
+ "grad_norm": 0.24014081060886383,
427
+ "learning_rate": 4.845287025688503e-05,
428
+ "loss": 0.4449,
429
+ "step": 300
430
+ },
431
+ {
432
+ "epoch": 0.5719643694327239,
433
+ "grad_norm": 0.23950184881687164,
434
+ "learning_rate": 4.8401430787013666e-05,
435
+ "loss": 0.4372,
436
+ "step": 305
437
+ },
438
+ {
439
+ "epoch": 0.5813408345053914,
440
+ "grad_norm": 0.23509977757930756,
441
+ "learning_rate": 4.8349178324750387e-05,
442
+ "loss": 0.4308,
443
+ "step": 310
444
+ },
445
+ {
446
+ "epoch": 0.5907172995780591,
447
+ "grad_norm": 0.25797203183174133,
448
+ "learning_rate": 4.8296114685405324e-05,
449
+ "loss": 0.429,
450
+ "step": 315
451
+ },
452
+ {
453
+ "epoch": 0.6000937646507267,
454
+ "grad_norm": 0.4092111885547638,
455
+ "learning_rate": 4.824224171246981e-05,
456
+ "loss": 0.4755,
457
+ "step": 320
458
+ },
459
+ {
460
+ "epoch": 0.6094702297233943,
461
+ "grad_norm": 0.2742483913898468,
462
+ "learning_rate": 4.8187561277552374e-05,
463
+ "loss": 0.4391,
464
+ "step": 325
465
+ },
466
+ {
467
+ "epoch": 0.6188466947960619,
468
+ "grad_norm": 0.26388296484947205,
469
+ "learning_rate": 4.813207528031366e-05,
470
+ "loss": 0.4184,
471
+ "step": 330
472
+ },
473
+ {
474
+ "epoch": 0.6282231598687295,
475
+ "grad_norm": 0.2813189923763275,
476
+ "learning_rate": 4.807578564840051e-05,
477
+ "loss": 0.4677,
478
+ "step": 335
479
+ },
480
+ {
481
+ "epoch": 0.6375996249413971,
482
+ "grad_norm": 0.24881592392921448,
483
+ "learning_rate": 4.801869433737891e-05,
484
+ "loss": 0.4366,
485
+ "step": 340
486
+ },
487
+ {
488
+ "epoch": 0.6469760900140648,
489
+ "grad_norm": 0.24432657659053802,
490
+ "learning_rate": 4.796080333066613e-05,
491
+ "loss": 0.4536,
492
+ "step": 345
493
+ },
494
+ {
495
+ "epoch": 0.6563525550867323,
496
+ "grad_norm": 0.26776596903800964,
497
+ "learning_rate": 4.790211463946174e-05,
498
+ "loss": 0.4678,
499
+ "step": 350
500
+ },
501
+ {
502
+ "epoch": 0.6657290201593999,
503
+ "grad_norm": 0.2862718403339386,
504
+ "learning_rate": 4.784263030267781e-05,
505
+ "loss": 0.4178,
506
+ "step": 355
507
+ },
508
+ {
509
+ "epoch": 0.6751054852320675,
510
+ "grad_norm": 0.25835174322128296,
511
+ "learning_rate": 4.7782352386868035e-05,
512
+ "loss": 0.457,
513
+ "step": 360
514
+ },
515
+ {
516
+ "epoch": 0.6844819503047351,
517
+ "grad_norm": 0.245767742395401,
518
+ "learning_rate": 4.7721282986155945e-05,
519
+ "loss": 0.4098,
520
+ "step": 365
521
+ },
522
+ {
523
+ "epoch": 0.6938584153774027,
524
+ "grad_norm": 0.31210237741470337,
525
+ "learning_rate": 4.7659424222162165e-05,
526
+ "loss": 0.4263,
527
+ "step": 370
528
+ },
529
+ {
530
+ "epoch": 0.7032348804500703,
531
+ "grad_norm": 0.27777954936027527,
532
+ "learning_rate": 4.7596778243930694e-05,
533
+ "loss": 0.4433,
534
+ "step": 375
535
+ },
536
+ {
537
+ "epoch": 0.712611345522738,
538
+ "grad_norm": 0.2539767324924469,
539
+ "learning_rate": 4.7533347227854265e-05,
540
+ "loss": 0.4369,
541
+ "step": 380
542
+ },
543
+ {
544
+ "epoch": 0.7219878105954055,
545
+ "grad_norm": 0.3035132586956024,
546
+ "learning_rate": 4.7469133377598695e-05,
547
+ "loss": 0.4206,
548
+ "step": 385
549
+ },
550
+ {
551
+ "epoch": 0.7313642756680732,
552
+ "grad_norm": 0.3070785105228424,
553
+ "learning_rate": 4.740413892402639e-05,
554
+ "loss": 0.4311,
555
+ "step": 390
556
+ },
557
+ {
558
+ "epoch": 0.7407407407407407,
559
+ "grad_norm": 0.29886579513549805,
560
+ "learning_rate": 4.7338366125118775e-05,
561
+ "loss": 0.4471,
562
+ "step": 395
563
+ },
564
+ {
565
+ "epoch": 0.7501172058134083,
566
+ "grad_norm": 0.4168696105480194,
567
+ "learning_rate": 4.727181726589789e-05,
568
+ "loss": 0.4567,
569
+ "step": 400
570
+ },
571
+ {
572
+ "epoch": 0.759493670886076,
573
+ "grad_norm": 0.4680975377559662,
574
+ "learning_rate": 4.7204494658346996e-05,
575
+ "loss": 0.4307,
576
+ "step": 405
577
+ },
578
+ {
579
+ "epoch": 0.7688701359587435,
580
+ "grad_norm": 0.2854766249656677,
581
+ "learning_rate": 4.713640064133025e-05,
582
+ "loss": 0.4303,
583
+ "step": 410
584
+ },
585
+ {
586
+ "epoch": 0.7782466010314112,
587
+ "grad_norm": 0.29096436500549316,
588
+ "learning_rate": 4.706753758051145e-05,
589
+ "loss": 0.4266,
590
+ "step": 415
591
+ },
592
+ {
593
+ "epoch": 0.7876230661040787,
594
+ "grad_norm": 0.2967214286327362,
595
+ "learning_rate": 4.699790786827188e-05,
596
+ "loss": 0.4401,
597
+ "step": 420
598
+ },
599
+ {
600
+ "epoch": 0.7969995311767464,
601
+ "grad_norm": 0.30379167199134827,
602
+ "learning_rate": 4.6927513923627124e-05,
603
+ "loss": 0.4343,
604
+ "step": 425
605
+ },
606
+ {
607
+ "epoch": 0.8063759962494139,
608
+ "grad_norm": 0.28345710039138794,
609
+ "learning_rate": 4.68563581921431e-05,
610
+ "loss": 0.4205,
611
+ "step": 430
612
+ },
613
+ {
614
+ "epoch": 0.8157524613220816,
615
+ "grad_norm": 0.3067210912704468,
616
+ "learning_rate": 4.6784443145851074e-05,
617
+ "loss": 0.3997,
618
+ "step": 435
619
+ },
620
+ {
621
+ "epoch": 0.8251289263947492,
622
+ "grad_norm": 0.2822760343551636,
623
+ "learning_rate": 4.671177128316176e-05,
624
+ "loss": 0.4103,
625
+ "step": 440
626
+ },
627
+ {
628
+ "epoch": 0.8345053914674168,
629
+ "grad_norm": 0.3110799491405487,
630
+ "learning_rate": 4.663834512877853e-05,
631
+ "loss": 0.4417,
632
+ "step": 445
633
+ },
634
+ {
635
+ "epoch": 0.8438818565400844,
636
+ "grad_norm": 0.3088453710079193,
637
+ "learning_rate": 4.6564167233609736e-05,
638
+ "loss": 0.4285,
639
+ "step": 450
640
+ },
641
+ {
642
+ "epoch": 0.853258321612752,
643
+ "grad_norm": 0.2757161259651184,
644
+ "learning_rate": 4.648924017468003e-05,
645
+ "loss": 0.4207,
646
+ "step": 455
647
+ },
648
+ {
649
+ "epoch": 0.8626347866854196,
650
+ "grad_norm": 0.3142268657684326,
651
+ "learning_rate": 4.6413566555040896e-05,
652
+ "loss": 0.4621,
653
+ "step": 460
654
+ },
655
+ {
656
+ "epoch": 0.8720112517580872,
657
+ "grad_norm": 0.2766186594963074,
658
+ "learning_rate": 4.633714900368018e-05,
659
+ "loss": 0.4201,
660
+ "step": 465
661
+ },
662
+ {
663
+ "epoch": 0.8813877168307548,
664
+ "grad_norm": 0.2814094126224518,
665
+ "learning_rate": 4.625999017543075e-05,
666
+ "loss": 0.4435,
667
+ "step": 470
668
+ },
669
+ {
670
+ "epoch": 0.8907641819034224,
671
+ "grad_norm": 0.29491695761680603,
672
+ "learning_rate": 4.618209275087829e-05,
673
+ "loss": 0.4527,
674
+ "step": 475
675
+ },
676
+ {
677
+ "epoch": 0.90014064697609,
678
+ "grad_norm": 0.30693337321281433,
679
+ "learning_rate": 4.610345943626817e-05,
680
+ "loss": 0.4268,
681
+ "step": 480
682
+ },
683
+ {
684
+ "epoch": 0.9095171120487576,
685
+ "grad_norm": 0.29456719756126404,
686
+ "learning_rate": 4.602409296341141e-05,
687
+ "loss": 0.4094,
688
+ "step": 485
689
+ },
690
+ {
691
+ "epoch": 0.9188935771214253,
692
+ "grad_norm": 0.2991769015789032,
693
+ "learning_rate": 4.5943996089589775e-05,
694
+ "loss": 0.4333,
695
+ "step": 490
696
+ },
697
+ {
698
+ "epoch": 0.9282700421940928,
699
+ "grad_norm": 0.3011597692966461,
700
+ "learning_rate": 4.586317159746001e-05,
701
+ "loss": 0.4821,
702
+ "step": 495
703
+ },
704
+ {
705
+ "epoch": 0.9376465072667605,
706
+ "grad_norm": 0.33786553144454956,
707
+ "learning_rate": 4.5781622294957136e-05,
708
+ "loss": 0.4228,
709
+ "step": 500
710
+ },
711
+ {
712
+ "epoch": 0.947022972339428,
713
+ "grad_norm": 0.28369849920272827,
714
+ "learning_rate": 4.569935101519692e-05,
715
+ "loss": 0.4333,
716
+ "step": 505
717
+ },
718
+ {
719
+ "epoch": 0.9563994374120957,
720
+ "grad_norm": 0.27438902854919434,
721
+ "learning_rate": 4.561636061637745e-05,
722
+ "loss": 0.4698,
723
+ "step": 510
724
+ },
725
+ {
726
+ "epoch": 0.9657759024847632,
727
+ "grad_norm": 0.26311373710632324,
728
+ "learning_rate": 4.553265398167981e-05,
729
+ "loss": 0.4211,
730
+ "step": 515
731
+ },
732
+ {
733
+ "epoch": 0.9751523675574308,
734
+ "grad_norm": 0.3168148994445801,
735
+ "learning_rate": 4.5448234019167945e-05,
736
+ "loss": 0.4183,
737
+ "step": 520
738
+ },
739
+ {
740
+ "epoch": 0.9845288326300985,
741
+ "grad_norm": 0.3082910478115082,
742
+ "learning_rate": 4.536310366168763e-05,
743
+ "loss": 0.4251,
744
+ "step": 525
745
+ },
746
+ {
747
+ "epoch": 0.993905297702766,
748
+ "grad_norm": 0.30115172266960144,
749
+ "learning_rate": 4.5277265866764565e-05,
750
+ "loss": 0.4292,
751
+ "step": 530
752
+ },
753
+ {
754
+ "epoch": 1.0032817627754336,
755
+ "grad_norm": 0.3527440130710602,
756
+ "learning_rate": 4.519072361650163e-05,
757
+ "loss": 0.4051,
758
+ "step": 535
759
+ },
760
+ {
761
+ "epoch": 1.0126582278481013,
762
+ "grad_norm": 0.3075549006462097,
763
+ "learning_rate": 4.5103479917475286e-05,
764
+ "loss": 0.4027,
765
+ "step": 540
766
+ },
767
+ {
768
+ "epoch": 1.0220346929207689,
769
+ "grad_norm": 0.3359437584877014,
770
+ "learning_rate": 4.501553780063113e-05,
771
+ "loss": 0.4008,
772
+ "step": 545
773
+ },
774
+ {
775
+ "epoch": 1.0314111579934364,
776
+ "grad_norm": 0.29366499185562134,
777
+ "learning_rate": 4.4926900321178595e-05,
778
+ "loss": 0.4421,
779
+ "step": 550
780
+ },
781
+ {
782
+ "epoch": 1.0407876230661042,
783
+ "grad_norm": 0.3159714937210083,
784
+ "learning_rate": 4.483757055848479e-05,
785
+ "loss": 0.4124,
786
+ "step": 555
787
+ },
788
+ {
789
+ "epoch": 1.0501640881387717,
790
+ "grad_norm": 0.30557411909103394,
791
+ "learning_rate": 4.4747551615967534e-05,
792
+ "loss": 0.4023,
793
+ "step": 560
794
+ },
795
+ {
796
+ "epoch": 1.0595405532114393,
797
+ "grad_norm": 0.3260650336742401,
798
+ "learning_rate": 4.4656846620987557e-05,
799
+ "loss": 0.4376,
800
+ "step": 565
801
+ },
802
+ {
803
+ "epoch": 1.0689170182841068,
804
+ "grad_norm": 0.3325200378894806,
805
+ "learning_rate": 4.4565458724739825e-05,
806
+ "loss": 0.4421,
807
+ "step": 570
808
+ },
809
+ {
810
+ "epoch": 1.0782934833567746,
811
+ "grad_norm": 0.3431427776813507,
812
+ "learning_rate": 4.447339110214405e-05,
813
+ "loss": 0.4119,
814
+ "step": 575
815
+ },
816
+ {
817
+ "epoch": 1.087669948429442,
818
+ "grad_norm": 0.3403518497943878,
819
+ "learning_rate": 4.438064695173446e-05,
820
+ "loss": 0.4276,
821
+ "step": 580
822
+ },
823
+ {
824
+ "epoch": 1.0970464135021096,
825
+ "grad_norm": 0.35619255900382996,
826
+ "learning_rate": 4.428722949554857e-05,
827
+ "loss": 0.4258,
828
+ "step": 585
829
+ },
830
+ {
831
+ "epoch": 1.1064228785747774,
832
+ "grad_norm": 0.2965317964553833,
833
+ "learning_rate": 4.419314197901537e-05,
834
+ "loss": 0.41,
835
+ "step": 590
836
+ },
837
+ {
838
+ "epoch": 1.115799343647445,
839
+ "grad_norm": 0.31006523966789246,
840
+ "learning_rate": 4.4098387670842466e-05,
841
+ "loss": 0.4292,
842
+ "step": 595
843
+ },
844
+ {
845
+ "epoch": 1.1251758087201125,
846
+ "grad_norm": 0.3238849639892578,
847
+ "learning_rate": 4.400296986290258e-05,
848
+ "loss": 0.4079,
849
+ "step": 600
850
+ },
851
+ {
852
+ "epoch": 1.1345522737927802,
853
+ "grad_norm": 0.33775433897972107,
854
+ "learning_rate": 4.390689187011917e-05,
855
+ "loss": 0.4123,
856
+ "step": 605
857
+ },
858
+ {
859
+ "epoch": 1.1439287388654478,
860
+ "grad_norm": 0.32464325428009033,
861
+ "learning_rate": 4.3810157030351276e-05,
862
+ "loss": 0.3983,
863
+ "step": 610
864
+ },
865
+ {
866
+ "epoch": 1.1533052039381153,
867
+ "grad_norm": 0.36141082644462585,
868
+ "learning_rate": 4.371276870427753e-05,
869
+ "loss": 0.3923,
870
+ "step": 615
871
+ },
872
+ {
873
+ "epoch": 1.1626816690107828,
874
+ "grad_norm": 0.3391363322734833,
875
+ "learning_rate": 4.3614730275279457e-05,
876
+ "loss": 0.402,
877
+ "step": 620
878
+ },
879
+ {
880
+ "epoch": 1.1720581340834506,
881
+ "grad_norm": 0.3580019772052765,
882
+ "learning_rate": 4.351604514932387e-05,
883
+ "loss": 0.4138,
884
+ "step": 625
885
+ },
886
+ {
887
+ "epoch": 1.1814345991561181,
888
+ "grad_norm": 0.3803277611732483,
889
+ "learning_rate": 4.341671675484459e-05,
890
+ "loss": 0.4254,
891
+ "step": 630
892
+ },
893
+ {
894
+ "epoch": 1.1908110642287857,
895
+ "grad_norm": 0.31499192118644714,
896
+ "learning_rate": 4.331674854262331e-05,
897
+ "loss": 0.4174,
898
+ "step": 635
899
+ },
900
+ {
901
+ "epoch": 1.2001875293014534,
902
+ "grad_norm": 0.34143874049186707,
903
+ "learning_rate": 4.321614398566972e-05,
904
+ "loss": 0.3954,
905
+ "step": 640
906
+ },
907
+ {
908
+ "epoch": 1.209563994374121,
909
+ "grad_norm": 0.328500360250473,
910
+ "learning_rate": 4.3114906579100853e-05,
911
+ "loss": 0.3944,
912
+ "step": 645
913
+ },
914
+ {
915
+ "epoch": 1.2189404594467885,
916
+ "grad_norm": 0.34014376997947693,
917
+ "learning_rate": 4.301303984001967e-05,
918
+ "loss": 0.4265,
919
+ "step": 650
920
+ },
921
+ {
922
+ "epoch": 1.228316924519456,
923
+ "grad_norm": 0.33687010407447815,
924
+ "learning_rate": 4.291054730739286e-05,
925
+ "loss": 0.4255,
926
+ "step": 655
927
+ },
928
+ {
929
+ "epoch": 1.2376933895921238,
930
+ "grad_norm": 0.3507842719554901,
931
+ "learning_rate": 4.2807432541927865e-05,
932
+ "loss": 0.424,
933
+ "step": 660
934
+ },
935
+ {
936
+ "epoch": 1.2470698546647914,
937
+ "grad_norm": 0.35059022903442383,
938
+ "learning_rate": 4.2703699125949245e-05,
939
+ "loss": 0.4227,
940
+ "step": 665
941
+ },
942
+ {
943
+ "epoch": 1.256446319737459,
944
+ "grad_norm": 0.381517618894577,
945
+ "learning_rate": 4.259935066327415e-05,
946
+ "loss": 0.4674,
947
+ "step": 670
948
+ },
949
+ {
950
+ "epoch": 1.2658227848101267,
951
+ "grad_norm": 0.309592604637146,
952
+ "learning_rate": 4.2494390779087187e-05,
953
+ "loss": 0.4365,
954
+ "step": 675
955
+ },
956
+ {
957
+ "epoch": 1.2751992498827942,
958
+ "grad_norm": 0.33022499084472656,
959
+ "learning_rate": 4.238882311981441e-05,
960
+ "loss": 0.3918,
961
+ "step": 680
962
+ },
963
+ {
964
+ "epoch": 1.2845757149554617,
965
+ "grad_norm": 0.37556394934654236,
966
+ "learning_rate": 4.228265135299669e-05,
967
+ "loss": 0.4257,
968
+ "step": 685
969
+ },
970
+ {
971
+ "epoch": 1.2939521800281293,
972
+ "grad_norm": 0.32622891664505005,
973
+ "learning_rate": 4.2175879167162304e-05,
974
+ "loss": 0.4442,
975
+ "step": 690
976
+ },
977
+ {
978
+ "epoch": 1.303328645100797,
979
+ "grad_norm": 0.3617080748081207,
980
+ "learning_rate": 4.206851027169871e-05,
981
+ "loss": 0.4292,
982
+ "step": 695
983
+ },
984
+ {
985
+ "epoch": 1.3127051101734646,
986
+ "grad_norm": 0.3132336735725403,
987
+ "learning_rate": 4.196054839672382e-05,
988
+ "loss": 0.4135,
989
+ "step": 700
990
+ },
991
+ {
992
+ "epoch": 1.3220815752461323,
993
+ "grad_norm": 0.315346360206604,
994
+ "learning_rate": 4.1851997292956255e-05,
995
+ "loss": 0.4163,
996
+ "step": 705
997
+ },
998
+ {
999
+ "epoch": 1.3314580403187999,
1000
+ "grad_norm": 0.3571698069572449,
1001
+ "learning_rate": 4.174286073158516e-05,
1002
+ "loss": 0.4144,
1003
+ "step": 710
1004
+ },
1005
+ {
1006
+ "epoch": 1.3408345053914674,
1007
+ "grad_norm": 0.35016143321990967,
1008
+ "learning_rate": 4.163314250413913e-05,
1009
+ "loss": 0.3898,
1010
+ "step": 715
1011
+ },
1012
+ {
1013
+ "epoch": 1.350210970464135,
1014
+ "grad_norm": 0.34223607182502747,
1015
+ "learning_rate": 4.152284642235452e-05,
1016
+ "loss": 0.422,
1017
+ "step": 720
1018
+ },
1019
+ {
1020
+ "epoch": 1.3595874355368025,
1021
+ "grad_norm": 0.3561420142650604,
1022
+ "learning_rate": 4.141197631804298e-05,
1023
+ "loss": 0.4279,
1024
+ "step": 725
1025
+ },
1026
+ {
1027
+ "epoch": 1.3689639006094703,
1028
+ "grad_norm": 0.3987065255641937,
1029
+ "learning_rate": 4.1300536042958354e-05,
1030
+ "loss": 0.4233,
1031
+ "step": 730
1032
+ },
1033
+ {
1034
+ "epoch": 1.3783403656821378,
1035
+ "grad_norm": 0.34799569845199585,
1036
+ "learning_rate": 4.118852946866291e-05,
1037
+ "loss": 0.4214,
1038
+ "step": 735
1039
+ },
1040
+ {
1041
+ "epoch": 1.3877168307548056,
1042
+ "grad_norm": 0.4023985266685486,
1043
+ "learning_rate": 4.107596048639274e-05,
1044
+ "loss": 0.394,
1045
+ "step": 740
1046
+ },
1047
+ {
1048
+ "epoch": 1.397093295827473,
1049
+ "grad_norm": 0.3554348647594452,
1050
+ "learning_rate": 4.0962833006922675e-05,
1051
+ "loss": 0.4283,
1052
+ "step": 745
1053
+ },
1054
+ {
1055
+ "epoch": 1.4064697609001406,
1056
+ "grad_norm": 0.33551228046417236,
1057
+ "learning_rate": 4.0849150960430356e-05,
1058
+ "loss": 0.4164,
1059
+ "step": 750
1060
+ },
1061
+ {
1062
+ "epoch": 1.4158462259728082,
1063
+ "grad_norm": 0.3325096368789673,
1064
+ "learning_rate": 4.0734918296359716e-05,
1065
+ "loss": 0.4242,
1066
+ "step": 755
1067
+ },
1068
+ {
1069
+ "epoch": 1.4252226910454757,
1070
+ "grad_norm": 0.32375457882881165,
1071
+ "learning_rate": 4.0620138983283785e-05,
1072
+ "loss": 0.4356,
1073
+ "step": 760
1074
+ },
1075
+ {
1076
+ "epoch": 1.4345991561181435,
1077
+ "grad_norm": 0.3310219943523407,
1078
+ "learning_rate": 4.050481700876677e-05,
1079
+ "loss": 0.4283,
1080
+ "step": 765
1081
+ },
1082
+ {
1083
+ "epoch": 1.443975621190811,
1084
+ "grad_norm": 0.3990609347820282,
1085
+ "learning_rate": 4.038895637922559e-05,
1086
+ "loss": 0.4069,
1087
+ "step": 770
1088
+ },
1089
+ {
1090
+ "epoch": 1.4533520862634788,
1091
+ "grad_norm": 0.35942110419273376,
1092
+ "learning_rate": 4.027256111979063e-05,
1093
+ "loss": 0.4103,
1094
+ "step": 775
1095
+ },
1096
+ {
1097
+ "epoch": 1.4627285513361463,
1098
+ "grad_norm": 0.3540840744972229,
1099
+ "learning_rate": 4.015563527416595e-05,
1100
+ "loss": 0.4243,
1101
+ "step": 780
1102
+ },
1103
+ {
1104
+ "epoch": 1.4721050164088139,
1105
+ "grad_norm": 0.3438728153705597,
1106
+ "learning_rate": 4.003818290448876e-05,
1107
+ "loss": 0.4222,
1108
+ "step": 785
1109
+ },
1110
+ {
1111
+ "epoch": 1.4814814814814814,
1112
+ "grad_norm": 0.3385811150074005,
1113
+ "learning_rate": 3.992020809118832e-05,
1114
+ "loss": 0.4597,
1115
+ "step": 790
1116
+ },
1117
+ {
1118
+ "epoch": 1.4908579465541492,
1119
+ "grad_norm": 0.3348815441131592,
1120
+ "learning_rate": 3.980171493284418e-05,
1121
+ "loss": 0.4049,
1122
+ "step": 795
1123
+ },
1124
+ {
1125
+ "epoch": 1.5002344116268167,
1126
+ "grad_norm": 0.3877304494380951,
1127
+ "learning_rate": 3.9682707546043785e-05,
1128
+ "loss": 0.4573,
1129
+ "step": 800
1130
+ },
1131
+ {
1132
+ "epoch": 1.5096108766994845,
1133
+ "grad_norm": 0.372578889131546,
1134
+ "learning_rate": 3.9563190065239474e-05,
1135
+ "loss": 0.4064,
1136
+ "step": 805
1137
+ },
1138
+ {
1139
+ "epoch": 1.518987341772152,
1140
+ "grad_norm": 0.4140545725822449,
1141
+ "learning_rate": 3.9443166642604814e-05,
1142
+ "loss": 0.4125,
1143
+ "step": 810
1144
+ },
1145
+ {
1146
+ "epoch": 1.5283638068448195,
1147
+ "grad_norm": 0.30370739102363586,
1148
+ "learning_rate": 3.932264144789038e-05,
1149
+ "loss": 0.3997,
1150
+ "step": 815
1151
+ },
1152
+ {
1153
+ "epoch": 1.537740271917487,
1154
+ "grad_norm": 0.3417491018772125,
1155
+ "learning_rate": 3.920161866827889e-05,
1156
+ "loss": 0.4374,
1157
+ "step": 820
1158
+ },
1159
+ {
1160
+ "epoch": 1.5471167369901546,
1161
+ "grad_norm": 0.3708433210849762,
1162
+ "learning_rate": 3.908010250823972e-05,
1163
+ "loss": 0.4273,
1164
+ "step": 825
1165
+ },
1166
+ {
1167
+ "epoch": 1.5564932020628222,
1168
+ "grad_norm": 0.3969629108905792,
1169
+ "learning_rate": 3.895809718938283e-05,
1170
+ "loss": 0.4255,
1171
+ "step": 830
1172
+ },
1173
+ {
1174
+ "epoch": 1.56586966713549,
1175
+ "grad_norm": 0.344990998506546,
1176
+ "learning_rate": 3.883560695031213e-05,
1177
+ "loss": 0.3804,
1178
+ "step": 835
1179
+ },
1180
+ {
1181
+ "epoch": 1.5752461322081577,
1182
+ "grad_norm": 0.35197708010673523,
1183
+ "learning_rate": 3.871263604647822e-05,
1184
+ "loss": 0.4172,
1185
+ "step": 840
1186
+ },
1187
+ {
1188
+ "epoch": 1.5846225972808252,
1189
+ "grad_norm": 0.35443294048309326,
1190
+ "learning_rate": 3.858918875003053e-05,
1191
+ "loss": 0.4132,
1192
+ "step": 845
1193
+ },
1194
+ {
1195
+ "epoch": 1.5939990623534928,
1196
+ "grad_norm": 0.3435305953025818,
1197
+ "learning_rate": 3.846526934966891e-05,
1198
+ "loss": 0.4295,
1199
+ "step": 850
1200
+ },
1201
+ {
1202
+ "epoch": 1.6033755274261603,
1203
+ "grad_norm": 0.39062219858169556,
1204
+ "learning_rate": 3.834088215049464e-05,
1205
+ "loss": 0.4305,
1206
+ "step": 855
1207
+ },
1208
+ {
1209
+ "epoch": 1.6127519924988278,
1210
+ "grad_norm": 0.37184613943099976,
1211
+ "learning_rate": 3.821603147386088e-05,
1212
+ "loss": 0.4114,
1213
+ "step": 860
1214
+ },
1215
+ {
1216
+ "epoch": 1.6221284575714956,
1217
+ "grad_norm": 0.3640553057193756,
1218
+ "learning_rate": 3.80907216572225e-05,
1219
+ "loss": 0.3906,
1220
+ "step": 865
1221
+ },
1222
+ {
1223
+ "epoch": 1.6315049226441631,
1224
+ "grad_norm": 0.3880080580711365,
1225
+ "learning_rate": 3.796495705398544e-05,
1226
+ "loss": 0.4302,
1227
+ "step": 870
1228
+ },
1229
+ {
1230
+ "epoch": 1.640881387716831,
1231
+ "grad_norm": 0.3895851671695709,
1232
+ "learning_rate": 3.783874203335542e-05,
1233
+ "loss": 0.4044,
1234
+ "step": 875
1235
+ },
1236
+ {
1237
+ "epoch": 1.6502578527894984,
1238
+ "grad_norm": 0.4187454283237457,
1239
+ "learning_rate": 3.77120809801862e-05,
1240
+ "loss": 0.404,
1241
+ "step": 880
1242
+ },
1243
+ {
1244
+ "epoch": 1.659634317862166,
1245
+ "grad_norm": 0.32384535670280457,
1246
+ "learning_rate": 3.758497829482721e-05,
1247
+ "loss": 0.439,
1248
+ "step": 885
1249
+ },
1250
+ {
1251
+ "epoch": 1.6690107829348335,
1252
+ "grad_norm": 0.38500747084617615,
1253
+ "learning_rate": 3.7457438392970686e-05,
1254
+ "loss": 0.3843,
1255
+ "step": 890
1256
+ },
1257
+ {
1258
+ "epoch": 1.678387248007501,
1259
+ "grad_norm": 0.40994030237197876,
1260
+ "learning_rate": 3.732946570549825e-05,
1261
+ "loss": 0.4189,
1262
+ "step": 895
1263
+ },
1264
+ {
1265
+ "epoch": 1.6877637130801688,
1266
+ "grad_norm": 0.34361371397972107,
1267
+ "learning_rate": 3.720106467832701e-05,
1268
+ "loss": 0.4532,
1269
+ "step": 900
1270
+ },
1271
+ {
1272
+ "epoch": 1.6971401781528364,
1273
+ "grad_norm": 0.37997591495513916,
1274
+ "learning_rate": 3.707223977225507e-05,
1275
+ "loss": 0.4298,
1276
+ "step": 905
1277
+ },
1278
+ {
1279
+ "epoch": 1.7065166432255041,
1280
+ "grad_norm": 0.3335699439048767,
1281
+ "learning_rate": 3.694299546280657e-05,
1282
+ "loss": 0.4442,
1283
+ "step": 910
1284
+ },
1285
+ {
1286
+ "epoch": 1.7158931082981717,
1287
+ "grad_norm": 0.38952916860580444,
1288
+ "learning_rate": 3.681333624007623e-05,
1289
+ "loss": 0.4263,
1290
+ "step": 915
1291
+ },
1292
+ {
1293
+ "epoch": 1.7252695733708392,
1294
+ "grad_norm": 0.36404407024383545,
1295
+ "learning_rate": 3.6683266608573286e-05,
1296
+ "loss": 0.4905,
1297
+ "step": 920
1298
+ },
1299
+ {
1300
+ "epoch": 1.7346460384435067,
1301
+ "grad_norm": 0.3932304084300995,
1302
+ "learning_rate": 3.6552791087065075e-05,
1303
+ "loss": 0.3976,
1304
+ "step": 925
1305
+ },
1306
+ {
1307
+ "epoch": 1.7440225035161743,
1308
+ "grad_norm": 0.3757387697696686,
1309
+ "learning_rate": 3.642191420842e-05,
1310
+ "loss": 0.4259,
1311
+ "step": 930
1312
+ },
1313
+ {
1314
+ "epoch": 1.753398968588842,
1315
+ "grad_norm": 0.36103346943855286,
1316
+ "learning_rate": 3.6290640519450074e-05,
1317
+ "loss": 0.4184,
1318
+ "step": 935
1319
+ },
1320
+ {
1321
+ "epoch": 1.7627754336615096,
1322
+ "grad_norm": 0.3944946229457855,
1323
+ "learning_rate": 3.6158974580752954e-05,
1324
+ "loss": 0.451,
1325
+ "step": 940
1326
+ },
1327
+ {
1328
+ "epoch": 1.7721518987341773,
1329
+ "grad_norm": 0.4115646183490753,
1330
+ "learning_rate": 3.60269209665535e-05,
1331
+ "loss": 0.4075,
1332
+ "step": 945
1333
+ },
1334
+ {
1335
+ "epoch": 1.7815283638068449,
1336
+ "grad_norm": 0.36925530433654785,
1337
+ "learning_rate": 3.589448426454486e-05,
1338
+ "loss": 0.432,
1339
+ "step": 950
1340
+ },
1341
+ {
1342
+ "epoch": 1.7909048288795124,
1343
+ "grad_norm": 0.39060622453689575,
1344
+ "learning_rate": 3.5761669075729084e-05,
1345
+ "loss": 0.3979,
1346
+ "step": 955
1347
+ },
1348
+ {
1349
+ "epoch": 1.80028129395218,
1350
+ "grad_norm": 0.3404456377029419,
1351
+ "learning_rate": 3.562848001425729e-05,
1352
+ "loss": 0.458,
1353
+ "step": 960
1354
+ },
1355
+ {
1356
+ "epoch": 1.8096577590248475,
1357
+ "grad_norm": 0.3717631995677948,
1358
+ "learning_rate": 3.549492170726937e-05,
1359
+ "loss": 0.4111,
1360
+ "step": 965
1361
+ },
1362
+ {
1363
+ "epoch": 1.8190342240975153,
1364
+ "grad_norm": 0.3680458068847656,
1365
+ "learning_rate": 3.53609987947332e-05,
1366
+ "loss": 0.4276,
1367
+ "step": 970
1368
+ },
1369
+ {
1370
+ "epoch": 1.8284106891701828,
1371
+ "grad_norm": 0.3876858651638031,
1372
+ "learning_rate": 3.5226715929283506e-05,
1373
+ "loss": 0.3976,
1374
+ "step": 975
1375
+ },
1376
+ {
1377
+ "epoch": 1.8377871542428506,
1378
+ "grad_norm": 0.3375720679759979,
1379
+ "learning_rate": 3.509207777606013e-05,
1380
+ "loss": 0.3993,
1381
+ "step": 980
1382
+ },
1383
+ {
1384
+ "epoch": 1.847163619315518,
1385
+ "grad_norm": 0.3920380771160126,
1386
+ "learning_rate": 3.49570890125461e-05,
1387
+ "loss": 0.4019,
1388
+ "step": 985
1389
+ },
1390
+ {
1391
+ "epoch": 1.8565400843881856,
1392
+ "grad_norm": 0.35098692774772644,
1393
+ "learning_rate": 3.482175432840495e-05,
1394
+ "loss": 0.3951,
1395
+ "step": 990
1396
+ },
1397
+ {
1398
+ "epoch": 1.8659165494608532,
1399
+ "grad_norm": 0.3828470706939697,
1400
+ "learning_rate": 3.468607842531797e-05,
1401
+ "loss": 0.4119,
1402
+ "step": 995
1403
+ },
1404
+ {
1405
+ "epoch": 1.8752930145335207,
1406
+ "grad_norm": 0.3853389620780945,
1407
+ "learning_rate": 3.455006601682075e-05,
1408
+ "loss": 0.3997,
1409
+ "step": 1000
1410
+ },
1411
+ {
1412
+ "epoch": 1.8846694796061885,
1413
+ "grad_norm": 0.36217638850212097,
1414
+ "learning_rate": 3.441372182813946e-05,
1415
+ "loss": 0.3949,
1416
+ "step": 1005
1417
+ },
1418
+ {
1419
+ "epoch": 1.8940459446788562,
1420
+ "grad_norm": 0.38590380549430847,
1421
+ "learning_rate": 3.427705059602671e-05,
1422
+ "loss": 0.4041,
1423
+ "step": 1010
1424
+ },
1425
+ {
1426
+ "epoch": 1.9034224097515238,
1427
+ "grad_norm": 0.3818942606449127,
1428
+ "learning_rate": 3.414005706859693e-05,
1429
+ "loss": 0.4247,
1430
+ "step": 1015
1431
+ },
1432
+ {
1433
+ "epoch": 1.9127988748241913,
1434
+ "grad_norm": 0.36795973777770996,
1435
+ "learning_rate": 3.400274600516152e-05,
1436
+ "loss": 0.406,
1437
+ "step": 1020
1438
+ },
1439
+ {
1440
+ "epoch": 1.9221753398968588,
1441
+ "grad_norm": 0.37341007590293884,
1442
+ "learning_rate": 3.386512217606339e-05,
1443
+ "loss": 0.405,
1444
+ "step": 1025
1445
+ },
1446
+ {
1447
+ "epoch": 1.9315518049695264,
1448
+ "grad_norm": 0.3815973699092865,
1449
+ "learning_rate": 3.372719036251132e-05,
1450
+ "loss": 0.4093,
1451
+ "step": 1030
1452
+ },
1453
+ {
1454
+ "epoch": 1.9409282700421941,
1455
+ "grad_norm": 0.32503455877304077,
1456
+ "learning_rate": 3.3588955356413795e-05,
1457
+ "loss": 0.409,
1458
+ "step": 1035
1459
+ },
1460
+ {
1461
+ "epoch": 1.9503047351148617,
1462
+ "grad_norm": 0.41935157775878906,
1463
+ "learning_rate": 3.3450421960212566e-05,
1464
+ "loss": 0.4052,
1465
+ "step": 1040
1466
+ },
1467
+ {
1468
+ "epoch": 1.9596812001875294,
1469
+ "grad_norm": 0.3876263201236725,
1470
+ "learning_rate": 3.3311594986715814e-05,
1471
+ "loss": 0.4271,
1472
+ "step": 1045
1473
+ },
1474
+ {
1475
+ "epoch": 1.969057665260197,
1476
+ "grad_norm": 0.37812694907188416,
1477
+ "learning_rate": 3.317247925893089e-05,
1478
+ "loss": 0.3977,
1479
+ "step": 1050
1480
+ },
1481
+ {
1482
+ "epoch": 1.9784341303328645,
1483
+ "grad_norm": 0.39891424775123596,
1484
+ "learning_rate": 3.3033079609896834e-05,
1485
+ "loss": 0.3831,
1486
+ "step": 1055
1487
+ },
1488
+ {
1489
+ "epoch": 1.987810595405532,
1490
+ "grad_norm": 0.3980333209037781,
1491
+ "learning_rate": 3.289340088251642e-05,
1492
+ "loss": 0.3874,
1493
+ "step": 1060
1494
+ },
1495
+ {
1496
+ "epoch": 1.9971870604781996,
1497
+ "grad_norm": 0.3976622521877289,
1498
+ "learning_rate": 3.275344792938791e-05,
1499
+ "loss": 0.4092,
1500
+ "step": 1065
1501
+ },
1502
+ {
1503
+ "epoch": 2.006563525550867,
1504
+ "grad_norm": 0.34287935495376587,
1505
+ "learning_rate": 3.2613225612636525e-05,
1506
+ "loss": 0.3795,
1507
+ "step": 1070
1508
+ },
1509
+ {
1510
+ "epoch": 2.015939990623535,
1511
+ "grad_norm": 0.3522503674030304,
1512
+ "learning_rate": 3.247273880374542e-05,
1513
+ "loss": 0.3895,
1514
+ "step": 1075
1515
+ },
1516
+ {
1517
+ "epoch": 2.0253164556962027,
1518
+ "grad_norm": 0.4062464237213135,
1519
+ "learning_rate": 3.2331992383386566e-05,
1520
+ "loss": 0.4279,
1521
+ "step": 1080
1522
+ },
1523
+ {
1524
+ "epoch": 2.03469292076887,
1525
+ "grad_norm": 0.3659546375274658,
1526
+ "learning_rate": 3.21909912412511e-05,
1527
+ "loss": 0.4056,
1528
+ "step": 1085
1529
+ },
1530
+ {
1531
+ "epoch": 2.0440693858415377,
1532
+ "grad_norm": 0.3941885232925415,
1533
+ "learning_rate": 3.2049740275879493e-05,
1534
+ "loss": 0.4142,
1535
+ "step": 1090
1536
+ },
1537
+ {
1538
+ "epoch": 2.0534458509142053,
1539
+ "grad_norm": 0.43663620948791504,
1540
+ "learning_rate": 3.190824439449137e-05,
1541
+ "loss": 0.431,
1542
+ "step": 1095
1543
+ },
1544
+ {
1545
+ "epoch": 2.062822315986873,
1546
+ "grad_norm": 0.40177416801452637,
1547
+ "learning_rate": 3.176650851281499e-05,
1548
+ "loss": 0.3952,
1549
+ "step": 1100
1550
+ },
1551
+ {
1552
+ "epoch": 2.0721987810595404,
1553
+ "grad_norm": 0.3755819797515869,
1554
+ "learning_rate": 3.162453755491655e-05,
1555
+ "loss": 0.3717,
1556
+ "step": 1105
1557
+ },
1558
+ {
1559
+ "epoch": 2.0815752461322083,
1560
+ "grad_norm": 0.3558565676212311,
1561
+ "learning_rate": 3.1482336453028986e-05,
1562
+ "loss": 0.392,
1563
+ "step": 1110
1564
+ },
1565
+ {
1566
+ "epoch": 2.090951711204876,
1567
+ "grad_norm": 0.3933524191379547,
1568
+ "learning_rate": 3.133991014738076e-05,
1569
+ "loss": 0.4004,
1570
+ "step": 1115
1571
+ },
1572
+ {
1573
+ "epoch": 2.1003281762775434,
1574
+ "grad_norm": 0.3724795877933502,
1575
+ "learning_rate": 3.1197263586024155e-05,
1576
+ "loss": 0.4095,
1577
+ "step": 1120
1578
+ },
1579
+ {
1580
+ "epoch": 2.109704641350211,
1581
+ "grad_norm": 0.4012450873851776,
1582
+ "learning_rate": 3.105440172466337e-05,
1583
+ "loss": 0.4169,
1584
+ "step": 1125
1585
+ },
1586
+ {
1587
+ "epoch": 2.1190811064228785,
1588
+ "grad_norm": 0.43174034357070923,
1589
+ "learning_rate": 3.09113295264824e-05,
1590
+ "loss": 0.4105,
1591
+ "step": 1130
1592
+ },
1593
+ {
1594
+ "epoch": 2.128457571495546,
1595
+ "grad_norm": 0.37383630871772766,
1596
+ "learning_rate": 3.076805196197255e-05,
1597
+ "loss": 0.4085,
1598
+ "step": 1135
1599
+ },
1600
+ {
1601
+ "epoch": 2.1378340365682136,
1602
+ "grad_norm": 0.40011560916900635,
1603
+ "learning_rate": 3.0624574008759805e-05,
1604
+ "loss": 0.4704,
1605
+ "step": 1140
1606
+ },
1607
+ {
1608
+ "epoch": 2.1472105016408816,
1609
+ "grad_norm": 0.38523784279823303,
1610
+ "learning_rate": 3.0480900651431876e-05,
1611
+ "loss": 0.3913,
1612
+ "step": 1145
1613
+ },
1614
+ {
1615
+ "epoch": 2.156586966713549,
1616
+ "grad_norm": 0.39474254846572876,
1617
+ "learning_rate": 3.0337036881365045e-05,
1618
+ "loss": 0.3904,
1619
+ "step": 1150
1620
+ },
1621
+ {
1622
+ "epoch": 2.1659634317862166,
1623
+ "grad_norm": 0.3798459768295288,
1624
+ "learning_rate": 3.0192987696550746e-05,
1625
+ "loss": 0.3899,
1626
+ "step": 1155
1627
+ },
1628
+ {
1629
+ "epoch": 2.175339896858884,
1630
+ "grad_norm": 0.42982256412506104,
1631
+ "learning_rate": 3.0048758101421914e-05,
1632
+ "loss": 0.4025,
1633
+ "step": 1160
1634
+ },
1635
+ {
1636
+ "epoch": 2.1847163619315517,
1637
+ "grad_norm": 0.40922918915748596,
1638
+ "learning_rate": 2.9904353106679178e-05,
1639
+ "loss": 0.4038,
1640
+ "step": 1165
1641
+ },
1642
+ {
1643
+ "epoch": 2.1940928270042193,
1644
+ "grad_norm": 0.3726600408554077,
1645
+ "learning_rate": 2.975977772911671e-05,
1646
+ "loss": 0.4396,
1647
+ "step": 1170
1648
+ },
1649
+ {
1650
+ "epoch": 2.2034692920768872,
1651
+ "grad_norm": 0.4845339357852936,
1652
+ "learning_rate": 2.9615036991448015e-05,
1653
+ "loss": 0.4164,
1654
+ "step": 1175
1655
+ },
1656
+ {
1657
+ "epoch": 2.212845757149555,
1658
+ "grad_norm": 0.4207274317741394,
1659
+ "learning_rate": 2.947013592213137e-05,
1660
+ "loss": 0.4128,
1661
+ "step": 1180
1662
+ },
1663
+ {
1664
+ "epoch": 2.2222222222222223,
1665
+ "grad_norm": 0.3607243299484253,
1666
+ "learning_rate": 2.9325079555195163e-05,
1667
+ "loss": 0.4096,
1668
+ "step": 1185
1669
+ },
1670
+ {
1671
+ "epoch": 2.23159868729489,
1672
+ "grad_norm": 0.4174239933490753,
1673
+ "learning_rate": 2.9179872930063e-05,
1674
+ "loss": 0.3859,
1675
+ "step": 1190
1676
+ },
1677
+ {
1678
+ "epoch": 2.2409751523675574,
1679
+ "grad_norm": 0.46482330560684204,
1680
+ "learning_rate": 2.9034521091378635e-05,
1681
+ "loss": 0.3905,
1682
+ "step": 1195
1683
+ },
1684
+ {
1685
+ "epoch": 2.250351617440225,
1686
+ "grad_norm": 0.43692639470100403,
1687
+ "learning_rate": 2.8889029088830686e-05,
1688
+ "loss": 0.4121,
1689
+ "step": 1200
1690
+ },
1691
+ {
1692
+ "epoch": 2.2597280825128925,
1693
+ "grad_norm": 0.40547794103622437,
1694
+ "learning_rate": 2.8743401976977257e-05,
1695
+ "loss": 0.4,
1696
+ "step": 1205
1697
+ },
1698
+ {
1699
+ "epoch": 2.2691045475855605,
1700
+ "grad_norm": 0.3966444432735443,
1701
+ "learning_rate": 2.8597644815070263e-05,
1702
+ "loss": 0.4482,
1703
+ "step": 1210
1704
+ },
1705
+ {
1706
+ "epoch": 2.278481012658228,
1707
+ "grad_norm": 0.41211700439453125,
1708
+ "learning_rate": 2.845176266687974e-05,
1709
+ "loss": 0.3914,
1710
+ "step": 1215
1711
+ },
1712
+ {
1713
+ "epoch": 2.2878574777308955,
1714
+ "grad_norm": 0.45993107557296753,
1715
+ "learning_rate": 2.8305760600517862e-05,
1716
+ "loss": 0.3862,
1717
+ "step": 1220
1718
+ },
1719
+ {
1720
+ "epoch": 2.297233942803563,
1721
+ "grad_norm": 0.4274505078792572,
1722
+ "learning_rate": 2.815964368826292e-05,
1723
+ "loss": 0.4039,
1724
+ "step": 1225
1725
+ },
1726
+ {
1727
+ "epoch": 2.3066104078762306,
1728
+ "grad_norm": 0.4318040609359741,
1729
+ "learning_rate": 2.8013417006383076e-05,
1730
+ "loss": 0.3868,
1731
+ "step": 1230
1732
+ },
1733
+ {
1734
+ "epoch": 2.315986872948898,
1735
+ "grad_norm": 0.43052956461906433,
1736
+ "learning_rate": 2.7867085634960016e-05,
1737
+ "loss": 0.4118,
1738
+ "step": 1235
1739
+ },
1740
+ {
1741
+ "epoch": 2.3253633380215657,
1742
+ "grad_norm": 0.4302162528038025,
1743
+ "learning_rate": 2.772065465771244e-05,
1744
+ "loss": 0.407,
1745
+ "step": 1240
1746
+ },
1747
+ {
1748
+ "epoch": 2.3347398030942337,
1749
+ "grad_norm": 0.46215954422950745,
1750
+ "learning_rate": 2.7574129161819495e-05,
1751
+ "loss": 0.4101,
1752
+ "step": 1245
1753
+ },
1754
+ {
1755
+ "epoch": 2.344116268166901,
1756
+ "grad_norm": 0.37758246064186096,
1757
+ "learning_rate": 2.7427514237744e-05,
1758
+ "loss": 0.4205,
1759
+ "step": 1250
1760
+ },
1761
+ {
1762
+ "epoch": 2.3534927332395688,
1763
+ "grad_norm": 0.40978917479515076,
1764
+ "learning_rate": 2.7280814979055612e-05,
1765
+ "loss": 0.4116,
1766
+ "step": 1255
1767
+ },
1768
+ {
1769
+ "epoch": 2.3628691983122363,
1770
+ "grad_norm": 0.41880902647972107,
1771
+ "learning_rate": 2.713403648225388e-05,
1772
+ "loss": 0.3917,
1773
+ "step": 1260
1774
+ },
1775
+ {
1776
+ "epoch": 2.372245663384904,
1777
+ "grad_norm": 0.39450138807296753,
1778
+ "learning_rate": 2.698718384659114e-05,
1779
+ "loss": 0.41,
1780
+ "step": 1265
1781
+ },
1782
+ {
1783
+ "epoch": 2.3816221284575714,
1784
+ "grad_norm": 0.4140292704105377,
1785
+ "learning_rate": 2.684026217389544e-05,
1786
+ "loss": 0.4449,
1787
+ "step": 1270
1788
+ },
1789
+ {
1790
+ "epoch": 2.390998593530239,
1791
+ "grad_norm": 0.40103039145469666,
1792
+ "learning_rate": 2.6693276568393245e-05,
1793
+ "loss": 0.3831,
1794
+ "step": 1275
1795
+ },
1796
+ {
1797
+ "epoch": 2.400375058602907,
1798
+ "grad_norm": 0.4108443558216095,
1799
+ "learning_rate": 2.6546232136532083e-05,
1800
+ "loss": 0.4321,
1801
+ "step": 1280
1802
+ },
1803
+ {
1804
+ "epoch": 2.4097515236755744,
1805
+ "grad_norm": 0.39723923802375793,
1806
+ "learning_rate": 2.639913398680322e-05,
1807
+ "loss": 0.4236,
1808
+ "step": 1285
1809
+ },
1810
+ {
1811
+ "epoch": 2.419127988748242,
1812
+ "grad_norm": 0.36689993739128113,
1813
+ "learning_rate": 2.6251987229564123e-05,
1814
+ "loss": 0.4029,
1815
+ "step": 1290
1816
+ },
1817
+ {
1818
+ "epoch": 2.4285044538209095,
1819
+ "grad_norm": 0.44802841544151306,
1820
+ "learning_rate": 2.610479697686093e-05,
1821
+ "loss": 0.3794,
1822
+ "step": 1295
1823
+ },
1824
+ {
1825
+ "epoch": 2.437880918893577,
1826
+ "grad_norm": 0.4667953848838806,
1827
+ "learning_rate": 2.595756834225089e-05,
1828
+ "loss": 0.4178,
1829
+ "step": 1300
1830
+ },
1831
+ {
1832
+ "epoch": 2.4472573839662446,
1833
+ "grad_norm": 0.41082021594047546,
1834
+ "learning_rate": 2.5810306440624644e-05,
1835
+ "loss": 0.4496,
1836
+ "step": 1305
1837
+ },
1838
+ {
1839
+ "epoch": 2.456633849038912,
1840
+ "grad_norm": 0.4804684519767761,
1841
+ "learning_rate": 2.566301638802861e-05,
1842
+ "loss": 0.4215,
1843
+ "step": 1310
1844
+ },
1845
+ {
1846
+ "epoch": 2.46601031411158,
1847
+ "grad_norm": 0.4113605320453644,
1848
+ "learning_rate": 2.551570330148716e-05,
1849
+ "loss": 0.3964,
1850
+ "step": 1315
1851
+ },
1852
+ {
1853
+ "epoch": 2.4753867791842477,
1854
+ "grad_norm": 0.40913546085357666,
1855
+ "learning_rate": 2.5368372298824922e-05,
1856
+ "loss": 0.3871,
1857
+ "step": 1320
1858
+ },
1859
+ {
1860
+ "epoch": 2.484763244256915,
1861
+ "grad_norm": 0.45879778265953064,
1862
+ "learning_rate": 2.5221028498488947e-05,
1863
+ "loss": 0.4146,
1864
+ "step": 1325
1865
+ },
1866
+ {
1867
+ "epoch": 2.4941397093295827,
1868
+ "grad_norm": 0.46979445219039917,
1869
+ "learning_rate": 2.507367701937087e-05,
1870
+ "loss": 0.3892,
1871
+ "step": 1330
1872
+ },
1873
+ {
1874
+ "epoch": 2.5035161744022503,
1875
+ "grad_norm": 0.3892490565776825,
1876
+ "learning_rate": 2.492632298062913e-05,
1877
+ "loss": 0.3995,
1878
+ "step": 1335
1879
+ },
1880
+ {
1881
+ "epoch": 2.512892639474918,
1882
+ "grad_norm": 0.4790550768375397,
1883
+ "learning_rate": 2.4778971501511063e-05,
1884
+ "loss": 0.423,
1885
+ "step": 1340
1886
+ },
1887
+ {
1888
+ "epoch": 2.5222691045475853,
1889
+ "grad_norm": 0.41578853130340576,
1890
+ "learning_rate": 2.4631627701175084e-05,
1891
+ "loss": 0.3845,
1892
+ "step": 1345
1893
+ },
1894
+ {
1895
+ "epoch": 2.5316455696202533,
1896
+ "grad_norm": 0.457792192697525,
1897
+ "learning_rate": 2.448429669851285e-05,
1898
+ "loss": 0.3854,
1899
+ "step": 1350
1900
+ },
1901
+ {
1902
+ "epoch": 2.541022034692921,
1903
+ "grad_norm": 0.44336166977882385,
1904
+ "learning_rate": 2.43369836119714e-05,
1905
+ "loss": 0.4096,
1906
+ "step": 1355
1907
+ },
1908
+ {
1909
+ "epoch": 2.5503984997655884,
1910
+ "grad_norm": 0.4408751428127289,
1911
+ "learning_rate": 2.4189693559375365e-05,
1912
+ "loss": 0.4167,
1913
+ "step": 1360
1914
+ },
1915
+ {
1916
+ "epoch": 2.559774964838256,
1917
+ "grad_norm": 0.4089582860469818,
1918
+ "learning_rate": 2.4042431657749117e-05,
1919
+ "loss": 0.3829,
1920
+ "step": 1365
1921
+ },
1922
+ {
1923
+ "epoch": 2.5691514299109235,
1924
+ "grad_norm": 0.4729689657688141,
1925
+ "learning_rate": 2.3895203023139073e-05,
1926
+ "loss": 0.3861,
1927
+ "step": 1370
1928
+ },
1929
+ {
1930
+ "epoch": 2.578527894983591,
1931
+ "grad_norm": 0.3834232985973358,
1932
+ "learning_rate": 2.3748012770435883e-05,
1933
+ "loss": 0.408,
1934
+ "step": 1375
1935
+ },
1936
+ {
1937
+ "epoch": 2.5879043600562586,
1938
+ "grad_norm": 0.47135239839553833,
1939
+ "learning_rate": 2.3600866013196787e-05,
1940
+ "loss": 0.408,
1941
+ "step": 1380
1942
+ },
1943
+ {
1944
+ "epoch": 2.5972808251289266,
1945
+ "grad_norm": 0.4259538948535919,
1946
+ "learning_rate": 2.3453767863467923e-05,
1947
+ "loss": 0.3994,
1948
+ "step": 1385
1949
+ },
1950
+ {
1951
+ "epoch": 2.606657290201594,
1952
+ "grad_norm": 0.4320566654205322,
1953
+ "learning_rate": 2.3306723431606758e-05,
1954
+ "loss": 0.3801,
1955
+ "step": 1390
1956
+ },
1957
+ {
1958
+ "epoch": 2.6160337552742616,
1959
+ "grad_norm": 0.3922535479068756,
1960
+ "learning_rate": 2.3159737826104565e-05,
1961
+ "loss": 0.421,
1962
+ "step": 1395
1963
+ },
1964
+ {
1965
+ "epoch": 2.625410220346929,
1966
+ "grad_norm": 0.4332144558429718,
1967
+ "learning_rate": 2.3012816153408863e-05,
1968
+ "loss": 0.4058,
1969
+ "step": 1400
1970
+ },
1971
+ {
1972
+ "epoch": 2.6347866854195967,
1973
+ "grad_norm": 0.46418026089668274,
1974
+ "learning_rate": 2.286596351774613e-05,
1975
+ "loss": 0.3922,
1976
+ "step": 1405
1977
+ },
1978
+ {
1979
+ "epoch": 2.6441631504922647,
1980
+ "grad_norm": 0.4476454555988312,
1981
+ "learning_rate": 2.271918502094439e-05,
1982
+ "loss": 0.3822,
1983
+ "step": 1410
1984
+ },
1985
+ {
1986
+ "epoch": 2.653539615564932,
1987
+ "grad_norm": 0.4266027510166168,
1988
+ "learning_rate": 2.2572485762256005e-05,
1989
+ "loss": 0.382,
1990
+ "step": 1415
1991
+ },
1992
+ {
1993
+ "epoch": 2.6629160806375998,
1994
+ "grad_norm": 0.5318887233734131,
1995
+ "learning_rate": 2.2425870838180507e-05,
1996
+ "loss": 0.3881,
1997
+ "step": 1420
1998
+ },
1999
+ {
2000
+ "epoch": 2.6722925457102673,
2001
+ "grad_norm": 0.4814053177833557,
2002
+ "learning_rate": 2.2279345342287567e-05,
2003
+ "loss": 0.4004,
2004
+ "step": 1425
2005
+ },
2006
+ {
2007
+ "epoch": 2.681669010782935,
2008
+ "grad_norm": 0.43376603722572327,
2009
+ "learning_rate": 2.2132914365039993e-05,
2010
+ "loss": 0.4052,
2011
+ "step": 1430
2012
+ },
2013
+ {
2014
+ "epoch": 2.6910454758556024,
2015
+ "grad_norm": 0.4502093493938446,
2016
+ "learning_rate": 2.1986582993616926e-05,
2017
+ "loss": 0.4018,
2018
+ "step": 1435
2019
+ },
2020
+ {
2021
+ "epoch": 2.70042194092827,
2022
+ "grad_norm": 0.41802868247032166,
2023
+ "learning_rate": 2.1840356311737084e-05,
2024
+ "loss": 0.3969,
2025
+ "step": 1440
2026
+ },
2027
+ {
2028
+ "epoch": 2.709798406000938,
2029
+ "grad_norm": 0.37022143602371216,
2030
+ "learning_rate": 2.169423939948215e-05,
2031
+ "loss": 0.421,
2032
+ "step": 1445
2033
+ },
2034
+ {
2035
+ "epoch": 2.719174871073605,
2036
+ "grad_norm": 0.47152194380760193,
2037
+ "learning_rate": 2.154823733312027e-05,
2038
+ "loss": 0.4105,
2039
+ "step": 1450
2040
+ },
2041
+ {
2042
+ "epoch": 2.728551336146273,
2043
+ "grad_norm": 0.4552992582321167,
2044
+ "learning_rate": 2.140235518492975e-05,
2045
+ "loss": 0.3879,
2046
+ "step": 1455
2047
+ },
2048
+ {
2049
+ "epoch": 2.7379278012189405,
2050
+ "grad_norm": 0.42312508821487427,
2051
+ "learning_rate": 2.125659802302275e-05,
2052
+ "loss": 0.4014,
2053
+ "step": 1460
2054
+ },
2055
+ {
2056
+ "epoch": 2.747304266291608,
2057
+ "grad_norm": 0.37846195697784424,
2058
+ "learning_rate": 2.1110970911169316e-05,
2059
+ "loss": 0.4116,
2060
+ "step": 1465
2061
+ },
2062
+ {
2063
+ "epoch": 2.7566807313642756,
2064
+ "grad_norm": 0.42782410979270935,
2065
+ "learning_rate": 2.096547890862137e-05,
2066
+ "loss": 0.394,
2067
+ "step": 1470
2068
+ },
2069
+ {
2070
+ "epoch": 2.766057196436943,
2071
+ "grad_norm": 0.4843522310256958,
2072
+ "learning_rate": 2.0820127069937008e-05,
2073
+ "loss": 0.3984,
2074
+ "step": 1475
2075
+ },
2076
+ {
2077
+ "epoch": 2.775433661509611,
2078
+ "grad_norm": 0.46708783507347107,
2079
+ "learning_rate": 2.0674920444804847e-05,
2080
+ "loss": 0.3906,
2081
+ "step": 1480
2082
+ },
2083
+ {
2084
+ "epoch": 2.7848101265822782,
2085
+ "grad_norm": 0.4305874705314636,
2086
+ "learning_rate": 2.0529864077868643e-05,
2087
+ "loss": 0.4101,
2088
+ "step": 1485
2089
+ },
2090
+ {
2091
+ "epoch": 2.794186591654946,
2092
+ "grad_norm": 0.40540897846221924,
2093
+ "learning_rate": 2.0384963008551995e-05,
2094
+ "loss": 0.4056,
2095
+ "step": 1490
2096
+ },
2097
+ {
2098
+ "epoch": 2.8035630567276137,
2099
+ "grad_norm": 0.4375884532928467,
2100
+ "learning_rate": 2.0240222270883288e-05,
2101
+ "loss": 0.4285,
2102
+ "step": 1495
2103
+ },
2104
+ {
2105
+ "epoch": 2.8129395218002813,
2106
+ "grad_norm": 0.4903147220611572,
2107
+ "learning_rate": 2.0095646893320828e-05,
2108
+ "loss": 0.3852,
2109
+ "step": 1500
2110
+ },
2111
+ {
2112
+ "epoch": 2.822315986872949,
2113
+ "grad_norm": 0.4598534107208252,
2114
+ "learning_rate": 1.9951241898578085e-05,
2115
+ "loss": 0.3815,
2116
+ "step": 1505
2117
+ },
2118
+ {
2119
+ "epoch": 2.8316924519456164,
2120
+ "grad_norm": 0.4689639210700989,
2121
+ "learning_rate": 1.980701230344926e-05,
2122
+ "loss": 0.4003,
2123
+ "step": 1510
2124
+ },
2125
+ {
2126
+ "epoch": 2.8410689170182843,
2127
+ "grad_norm": 0.4126102924346924,
2128
+ "learning_rate": 1.9662963118634954e-05,
2129
+ "loss": 0.419,
2130
+ "step": 1515
2131
+ },
2132
+ {
2133
+ "epoch": 2.8504453820909514,
2134
+ "grad_norm": 0.5043439865112305,
2135
+ "learning_rate": 1.9519099348568127e-05,
2136
+ "loss": 0.3939,
2137
+ "step": 1520
2138
+ },
2139
+ {
2140
+ "epoch": 2.8598218471636194,
2141
+ "grad_norm": 1.107731580734253,
2142
+ "learning_rate": 1.93754259912402e-05,
2143
+ "loss": 0.4255,
2144
+ "step": 1525
2145
+ },
2146
+ {
2147
+ "epoch": 2.869198312236287,
2148
+ "grad_norm": 0.43347910046577454,
2149
+ "learning_rate": 1.9231948038027462e-05,
2150
+ "loss": 0.3898,
2151
+ "step": 1530
2152
+ },
2153
+ {
2154
+ "epoch": 2.8785747773089545,
2155
+ "grad_norm": 0.42569872736930847,
2156
+ "learning_rate": 1.9088670473517605e-05,
2157
+ "loss": 0.404,
2158
+ "step": 1535
2159
+ },
2160
+ {
2161
+ "epoch": 2.887951242381622,
2162
+ "grad_norm": 0.42402687668800354,
2163
+ "learning_rate": 1.8945598275336633e-05,
2164
+ "loss": 0.3834,
2165
+ "step": 1540
2166
+ },
2167
+ {
2168
+ "epoch": 2.8973277074542896,
2169
+ "grad_norm": 0.47469502687454224,
2170
+ "learning_rate": 1.8802736413975844e-05,
2171
+ "loss": 0.4378,
2172
+ "step": 1545
2173
+ },
2174
+ {
2175
+ "epoch": 2.9067041725269576,
2176
+ "grad_norm": 0.43439674377441406,
2177
+ "learning_rate": 1.866008985261924e-05,
2178
+ "loss": 0.3953,
2179
+ "step": 1550
2180
+ },
2181
+ {
2182
+ "epoch": 2.916080637599625,
2183
+ "grad_norm": 0.4604777693748474,
2184
+ "learning_rate": 1.8517663546971013e-05,
2185
+ "loss": 0.401,
2186
+ "step": 1555
2187
+ },
2188
+ {
2189
+ "epoch": 2.9254571026722926,
2190
+ "grad_norm": 0.46638715267181396,
2191
+ "learning_rate": 1.8375462445083464e-05,
2192
+ "loss": 0.4101,
2193
+ "step": 1560
2194
+ },
2195
+ {
2196
+ "epoch": 2.93483356774496,
2197
+ "grad_norm": 0.46090996265411377,
2198
+ "learning_rate": 1.8233491487185006e-05,
2199
+ "loss": 0.4172,
2200
+ "step": 1565
2201
+ },
2202
+ {
2203
+ "epoch": 2.9442100328176277,
2204
+ "grad_norm": 0.4011158049106598,
2205
+ "learning_rate": 1.8091755605508643e-05,
2206
+ "loss": 0.4161,
2207
+ "step": 1570
2208
+ },
2209
+ {
2210
+ "epoch": 2.9535864978902953,
2211
+ "grad_norm": 0.48108768463134766,
2212
+ "learning_rate": 1.7950259724120512e-05,
2213
+ "loss": 0.4291,
2214
+ "step": 1575
2215
+ },
2216
+ {
2217
+ "epoch": 2.962962962962963,
2218
+ "grad_norm": 0.4274104833602905,
2219
+ "learning_rate": 1.7809008758748913e-05,
2220
+ "loss": 0.4102,
2221
+ "step": 1580
2222
+ },
2223
+ {
2224
+ "epoch": 2.972339428035631,
2225
+ "grad_norm": 0.46605607867240906,
2226
+ "learning_rate": 1.766800761661344e-05,
2227
+ "loss": 0.3811,
2228
+ "step": 1585
2229
+ },
2230
+ {
2231
+ "epoch": 2.9817158931082983,
2232
+ "grad_norm": 0.5101811289787292,
2233
+ "learning_rate": 1.752726119625459e-05,
2234
+ "loss": 0.4292,
2235
+ "step": 1590
2236
+ },
2237
+ {
2238
+ "epoch": 2.991092358180966,
2239
+ "grad_norm": 0.45644745230674744,
2240
+ "learning_rate": 1.7386774387363484e-05,
2241
+ "loss": 0.4238,
2242
+ "step": 1595
2243
+ },
2244
+ {
2245
+ "epoch": 3.0004688232536334,
2246
+ "grad_norm": 0.4713057577610016,
2247
+ "learning_rate": 1.724655207061209e-05,
2248
+ "loss": 0.4033,
2249
+ "step": 1600
2250
+ },
2251
+ {
2252
+ "epoch": 3.009845288326301,
2253
+ "grad_norm": 0.43844765424728394,
2254
+ "learning_rate": 1.710659911748359e-05,
2255
+ "loss": 0.4157,
2256
+ "step": 1605
2257
+ },
2258
+ {
2259
+ "epoch": 3.0192217533989685,
2260
+ "grad_norm": 0.46663135290145874,
2261
+ "learning_rate": 1.696692039010317e-05,
2262
+ "loss": 0.39,
2263
+ "step": 1610
2264
+ },
2265
+ {
2266
+ "epoch": 3.028598218471636,
2267
+ "grad_norm": 0.433660626411438,
2268
+ "learning_rate": 1.6827520741069118e-05,
2269
+ "loss": 0.4134,
2270
+ "step": 1615
2271
+ },
2272
+ {
2273
+ "epoch": 3.037974683544304,
2274
+ "grad_norm": 0.4730021059513092,
2275
+ "learning_rate": 1.6688405013284192e-05,
2276
+ "loss": 0.4095,
2277
+ "step": 1620
2278
+ },
2279
+ {
2280
+ "epoch": 3.0473511486169715,
2281
+ "grad_norm": 0.3873763680458069,
2282
+ "learning_rate": 1.6549578039787436e-05,
2283
+ "loss": 0.406,
2284
+ "step": 1625
2285
+ },
2286
+ {
2287
+ "epoch": 3.056727613689639,
2288
+ "grad_norm": 0.4337627589702606,
2289
+ "learning_rate": 1.6411044643586204e-05,
2290
+ "loss": 0.3721,
2291
+ "step": 1630
2292
+ },
2293
+ {
2294
+ "epoch": 3.0661040787623066,
2295
+ "grad_norm": 0.4677801728248596,
2296
+ "learning_rate": 1.627280963748869e-05,
2297
+ "loss": 0.3739,
2298
+ "step": 1635
2299
+ },
2300
+ {
2301
+ "epoch": 3.075480543834974,
2302
+ "grad_norm": 0.4103066921234131,
2303
+ "learning_rate": 1.613487782393661e-05,
2304
+ "loss": 0.4147,
2305
+ "step": 1640
2306
+ },
2307
+ {
2308
+ "epoch": 3.0848570089076417,
2309
+ "grad_norm": 0.48415660858154297,
2310
+ "learning_rate": 1.5997253994838484e-05,
2311
+ "loss": 0.3684,
2312
+ "step": 1645
2313
+ },
2314
+ {
2315
+ "epoch": 3.0942334739803092,
2316
+ "grad_norm": 0.5216359496116638,
2317
+ "learning_rate": 1.5859942931403072e-05,
2318
+ "loss": 0.3977,
2319
+ "step": 1650
2320
+ },
2321
+ {
2322
+ "epoch": 3.103609939052977,
2323
+ "grad_norm": 0.46912798285484314,
2324
+ "learning_rate": 1.5722949403973308e-05,
2325
+ "loss": 0.4219,
2326
+ "step": 1655
2327
+ },
2328
+ {
2329
+ "epoch": 3.1129864041256448,
2330
+ "grad_norm": 0.5608705282211304,
2331
+ "learning_rate": 1.5586278171860546e-05,
2332
+ "loss": 0.3957,
2333
+ "step": 1660
2334
+ },
2335
+ {
2336
+ "epoch": 3.1223628691983123,
2337
+ "grad_norm": 0.44117632508277893,
2338
+ "learning_rate": 1.5449933983179256e-05,
2339
+ "loss": 0.3977,
2340
+ "step": 1665
2341
+ },
2342
+ {
2343
+ "epoch": 3.13173933427098,
2344
+ "grad_norm": 0.45745447278022766,
2345
+ "learning_rate": 1.5313921574682032e-05,
2346
+ "loss": 0.3842,
2347
+ "step": 1670
2348
+ },
2349
+ {
2350
+ "epoch": 3.1411157993436474,
2351
+ "grad_norm": 0.4728071689605713,
2352
+ "learning_rate": 1.517824567159506e-05,
2353
+ "loss": 0.3607,
2354
+ "step": 1675
2355
+ },
2356
+ {
2357
+ "epoch": 3.150492264416315,
2358
+ "grad_norm": 0.4618283808231354,
2359
+ "learning_rate": 1.5042910987453909e-05,
2360
+ "loss": 0.4065,
2361
+ "step": 1680
2362
+ },
2363
+ {
2364
+ "epoch": 3.1598687294889825,
2365
+ "grad_norm": 0.5012606978416443,
2366
+ "learning_rate": 1.4907922223939874e-05,
2367
+ "loss": 0.3856,
2368
+ "step": 1685
2369
+ },
2370
+ {
2371
+ "epoch": 3.1692451945616504,
2372
+ "grad_norm": 0.42908909916877747,
2373
+ "learning_rate": 1.4773284070716503e-05,
2374
+ "loss": 0.4035,
2375
+ "step": 1690
2376
+ },
2377
+ {
2378
+ "epoch": 3.178621659634318,
2379
+ "grad_norm": 0.4527268707752228,
2380
+ "learning_rate": 1.4639001205266803e-05,
2381
+ "loss": 0.3798,
2382
+ "step": 1695
2383
+ },
2384
+ {
2385
+ "epoch": 3.1879981247069855,
2386
+ "grad_norm": 0.4418729841709137,
2387
+ "learning_rate": 1.4505078292730632e-05,
2388
+ "loss": 0.4021,
2389
+ "step": 1700
2390
+ },
2391
+ {
2392
+ "epoch": 3.197374589779653,
2393
+ "grad_norm": 0.46943390369415283,
2394
+ "learning_rate": 1.4371519985742715e-05,
2395
+ "loss": 0.3648,
2396
+ "step": 1705
2397
+ },
2398
+ {
2399
+ "epoch": 3.2067510548523206,
2400
+ "grad_norm": 0.49398934841156006,
2401
+ "learning_rate": 1.4238330924270927e-05,
2402
+ "loss": 0.3895,
2403
+ "step": 1710
2404
+ },
2405
+ {
2406
+ "epoch": 3.216127519924988,
2407
+ "grad_norm": 0.47141122817993164,
2408
+ "learning_rate": 1.4105515735455149e-05,
2409
+ "loss": 0.4117,
2410
+ "step": 1715
2411
+ },
2412
+ {
2413
+ "epoch": 3.2255039849976557,
2414
+ "grad_norm": 0.4392653703689575,
2415
+ "learning_rate": 1.3973079033446501e-05,
2416
+ "loss": 0.4201,
2417
+ "step": 1720
2418
+ },
2419
+ {
2420
+ "epoch": 3.2348804500703237,
2421
+ "grad_norm": 0.5093908309936523,
2422
+ "learning_rate": 1.3841025419247045e-05,
2423
+ "loss": 0.3906,
2424
+ "step": 1725
2425
+ },
2426
+ {
2427
+ "epoch": 3.244256915142991,
2428
+ "grad_norm": 0.4423893094062805,
2429
+ "learning_rate": 1.3709359480549932e-05,
2430
+ "loss": 0.3695,
2431
+ "step": 1730
2432
+ },
2433
+ {
2434
+ "epoch": 3.2536333802156587,
2435
+ "grad_norm": 0.48355525732040405,
2436
+ "learning_rate": 1.3578085791580008e-05,
2437
+ "loss": 0.365,
2438
+ "step": 1735
2439
+ },
2440
+ {
2441
+ "epoch": 3.2630098452883263,
2442
+ "grad_norm": 0.41361674666404724,
2443
+ "learning_rate": 1.3447208912934927e-05,
2444
+ "loss": 0.4157,
2445
+ "step": 1740
2446
+ },
2447
+ {
2448
+ "epoch": 3.272386310360994,
2449
+ "grad_norm": 0.5110962390899658,
2450
+ "learning_rate": 1.3316733391426716e-05,
2451
+ "loss": 0.4005,
2452
+ "step": 1745
2453
+ },
2454
+ {
2455
+ "epoch": 3.2817627754336613,
2456
+ "grad_norm": 0.4553833603858948,
2457
+ "learning_rate": 1.3186663759923782e-05,
2458
+ "loss": 0.3792,
2459
+ "step": 1750
2460
+ },
2461
+ {
2462
+ "epoch": 3.291139240506329,
2463
+ "grad_norm": 0.5377179980278015,
2464
+ "learning_rate": 1.3057004537193423e-05,
2465
+ "loss": 0.4093,
2466
+ "step": 1755
2467
+ },
2468
+ {
2469
+ "epoch": 3.300515705578997,
2470
+ "grad_norm": 0.4575432240962982,
2471
+ "learning_rate": 1.2927760227744943e-05,
2472
+ "loss": 0.3647,
2473
+ "step": 1760
2474
+ },
2475
+ {
2476
+ "epoch": 3.3098921706516644,
2477
+ "grad_norm": 0.5318431854248047,
2478
+ "learning_rate": 1.2798935321673e-05,
2479
+ "loss": 0.374,
2480
+ "step": 1765
2481
+ },
2482
+ {
2483
+ "epoch": 3.319268635724332,
2484
+ "grad_norm": 0.4416927695274353,
2485
+ "learning_rate": 1.2670534294501756e-05,
2486
+ "loss": 0.3888,
2487
+ "step": 1770
2488
+ },
2489
+ {
2490
+ "epoch": 3.3286451007969995,
2491
+ "grad_norm": 0.5091699361801147,
2492
+ "learning_rate": 1.2542561607029322e-05,
2493
+ "loss": 0.3969,
2494
+ "step": 1775
2495
+ },
2496
+ {
2497
+ "epoch": 3.338021565869667,
2498
+ "grad_norm": 0.45796316862106323,
2499
+ "learning_rate": 1.2415021705172799e-05,
2500
+ "loss": 0.4196,
2501
+ "step": 1780
2502
+ },
2503
+ {
2504
+ "epoch": 3.3473980309423346,
2505
+ "grad_norm": 0.5065374970436096,
2506
+ "learning_rate": 1.2287919019813807e-05,
2507
+ "loss": 0.3885,
2508
+ "step": 1785
2509
+ },
2510
+ {
2511
+ "epoch": 3.356774496015002,
2512
+ "grad_norm": 0.5083961486816406,
2513
+ "learning_rate": 1.2161257966644588e-05,
2514
+ "loss": 0.4118,
2515
+ "step": 1790
2516
+ },
2517
+ {
2518
+ "epoch": 3.36615096108767,
2519
+ "grad_norm": 0.44367310404777527,
2520
+ "learning_rate": 1.2035042946014572e-05,
2521
+ "loss": 0.4124,
2522
+ "step": 1795
2523
+ },
2524
+ {
2525
+ "epoch": 3.3755274261603376,
2526
+ "grad_norm": 0.46685874462127686,
2527
+ "learning_rate": 1.1909278342777513e-05,
2528
+ "loss": 0.394,
2529
+ "step": 1800
2530
+ },
2531
+ {
2532
+ "epoch": 3.384903891233005,
2533
+ "grad_norm": 0.4649623930454254,
2534
+ "learning_rate": 1.1783968526139121e-05,
2535
+ "loss": 0.3996,
2536
+ "step": 1805
2537
+ },
2538
+ {
2539
+ "epoch": 3.3942803563056727,
2540
+ "grad_norm": 0.5142059922218323,
2541
+ "learning_rate": 1.1659117849505367e-05,
2542
+ "loss": 0.4036,
2543
+ "step": 1810
2544
+ },
2545
+ {
2546
+ "epoch": 3.4036568213783402,
2547
+ "grad_norm": 0.4626547396183014,
2548
+ "learning_rate": 1.1534730650331096e-05,
2549
+ "loss": 0.3976,
2550
+ "step": 1815
2551
+ },
2552
+ {
2553
+ "epoch": 3.413033286451008,
2554
+ "grad_norm": 0.4900161623954773,
2555
+ "learning_rate": 1.1410811249969475e-05,
2556
+ "loss": 0.4282,
2557
+ "step": 1820
2558
+ },
2559
+ {
2560
+ "epoch": 3.4224097515236753,
2561
+ "grad_norm": 0.43262672424316406,
2562
+ "learning_rate": 1.1287363953521779e-05,
2563
+ "loss": 0.3807,
2564
+ "step": 1825
2565
+ },
2566
+ {
2567
+ "epoch": 3.4317862165963433,
2568
+ "grad_norm": 0.46232739090919495,
2569
+ "learning_rate": 1.1164393049687868e-05,
2570
+ "loss": 0.3761,
2571
+ "step": 1830
2572
+ },
2573
+ {
2574
+ "epoch": 3.441162681669011,
2575
+ "grad_norm": 0.5012332201004028,
2576
+ "learning_rate": 1.104190281061718e-05,
2577
+ "loss": 0.4152,
2578
+ "step": 1835
2579
+ },
2580
+ {
2581
+ "epoch": 3.4505391467416784,
2582
+ "grad_norm": 0.4876830279827118,
2583
+ "learning_rate": 1.0919897491760279e-05,
2584
+ "loss": 0.363,
2585
+ "step": 1840
2586
+ },
2587
+ {
2588
+ "epoch": 3.459915611814346,
2589
+ "grad_norm": 0.44954073429107666,
2590
+ "learning_rate": 1.0798381331721109e-05,
2591
+ "loss": 0.3789,
2592
+ "step": 1845
2593
+ },
2594
+ {
2595
+ "epoch": 3.4692920768870135,
2596
+ "grad_norm": 0.44105660915374756,
2597
+ "learning_rate": 1.0677358552109618e-05,
2598
+ "loss": 0.413,
2599
+ "step": 1850
2600
+ },
2601
+ {
2602
+ "epoch": 3.4786685419596814,
2603
+ "grad_norm": 0.45533353090286255,
2604
+ "learning_rate": 1.0556833357395188e-05,
2605
+ "loss": 0.3812,
2606
+ "step": 1855
2607
+ },
2608
+ {
2609
+ "epoch": 3.488045007032349,
2610
+ "grad_norm": 0.4477691054344177,
2611
+ "learning_rate": 1.0436809934760527e-05,
2612
+ "loss": 0.3949,
2613
+ "step": 1860
2614
+ },
2615
+ {
2616
+ "epoch": 3.4974214721050165,
2617
+ "grad_norm": 0.4761820137500763,
2618
+ "learning_rate": 1.031729245395622e-05,
2619
+ "loss": 0.3649,
2620
+ "step": 1865
2621
+ },
2622
+ {
2623
+ "epoch": 3.506797937177684,
2624
+ "grad_norm": 0.48367804288864136,
2625
+ "learning_rate": 1.0198285067155827e-05,
2626
+ "loss": 0.3942,
2627
+ "step": 1870
2628
+ },
2629
+ {
2630
+ "epoch": 3.5161744022503516,
2631
+ "grad_norm": 0.46382734179496765,
2632
+ "learning_rate": 1.0079791908811683e-05,
2633
+ "loss": 0.4007,
2634
+ "step": 1875
2635
+ },
2636
+ {
2637
+ "epoch": 3.525550867323019,
2638
+ "grad_norm": 0.43440571427345276,
2639
+ "learning_rate": 9.961817095511242e-06,
2640
+ "loss": 0.3773,
2641
+ "step": 1880
2642
+ },
2643
+ {
2644
+ "epoch": 3.5349273323956867,
2645
+ "grad_norm": 0.45736581087112427,
2646
+ "learning_rate": 9.844364725834057e-06,
2647
+ "loss": 0.4196,
2648
+ "step": 1885
2649
+ },
2650
+ {
2651
+ "epoch": 3.5443037974683547,
2652
+ "grad_norm": 0.49210745096206665,
2653
+ "learning_rate": 9.727438880209366e-06,
2654
+ "loss": 0.3792,
2655
+ "step": 1890
2656
+ },
2657
+ {
2658
+ "epoch": 3.5536802625410218,
2659
+ "grad_norm": 0.5130970478057861,
2660
+ "learning_rate": 9.611043620774419e-06,
2661
+ "loss": 0.4036,
2662
+ "step": 1895
2663
+ },
2664
+ {
2665
+ "epoch": 3.5630567276136897,
2666
+ "grad_norm": 0.471587598323822,
2667
+ "learning_rate": 9.495182991233236e-06,
2668
+ "loss": 0.3955,
2669
+ "step": 1900
2670
+ },
2671
+ {
2672
+ "epoch": 3.5724331926863573,
2673
+ "grad_norm": 0.522293746471405,
2674
+ "learning_rate": 9.379861016716224e-06,
2675
+ "loss": 0.4056,
2676
+ "step": 1905
2677
+ },
2678
+ {
2679
+ "epoch": 3.581809657759025,
2680
+ "grad_norm": 0.4667339026927948,
2681
+ "learning_rate": 9.265081703640285e-06,
2682
+ "loss": 0.4144,
2683
+ "step": 1910
2684
+ },
2685
+ {
2686
+ "epoch": 3.5911861228316924,
2687
+ "grad_norm": 0.4434965252876282,
2688
+ "learning_rate": 9.150849039569655e-06,
2689
+ "loss": 0.39,
2690
+ "step": 1915
2691
+ },
2692
+ {
2693
+ "epoch": 3.60056258790436,
2694
+ "grad_norm": 0.46499741077423096,
2695
+ "learning_rate": 9.037166993077337e-06,
2696
+ "loss": 0.3976,
2697
+ "step": 1920
2698
+ },
2699
+ {
2700
+ "epoch": 3.609939052977028,
2701
+ "grad_norm": 0.47565406560897827,
2702
+ "learning_rate": 8.92403951360726e-06,
2703
+ "loss": 0.3774,
2704
+ "step": 1925
2705
+ },
2706
+ {
2707
+ "epoch": 3.6193155180496954,
2708
+ "grad_norm": 0.45665204524993896,
2709
+ "learning_rate": 8.811470531337102e-06,
2710
+ "loss": 0.4209,
2711
+ "step": 1930
2712
+ },
2713
+ {
2714
+ "epoch": 3.628691983122363,
2715
+ "grad_norm": 0.4445512890815735,
2716
+ "learning_rate": 8.699463957041649e-06,
2717
+ "loss": 0.428,
2718
+ "step": 1935
2719
+ },
2720
+ {
2721
+ "epoch": 3.6380684481950305,
2722
+ "grad_norm": 0.5019098520278931,
2723
+ "learning_rate": 8.588023681957028e-06,
2724
+ "loss": 0.4121,
2725
+ "step": 1940
2726
+ },
2727
+ {
2728
+ "epoch": 3.647444913267698,
2729
+ "grad_norm": 0.4833836555480957,
2730
+ "learning_rate": 8.477153577645481e-06,
2731
+ "loss": 0.4191,
2732
+ "step": 1945
2733
+ },
2734
+ {
2735
+ "epoch": 3.6568213783403656,
2736
+ "grad_norm": 0.8952960968017578,
2737
+ "learning_rate": 8.36685749586087e-06,
2738
+ "loss": 0.417,
2739
+ "step": 1950
2740
+ },
2741
+ {
2742
+ "epoch": 3.666197843413033,
2743
+ "grad_norm": 0.537151575088501,
2744
+ "learning_rate": 8.257139268414844e-06,
2745
+ "loss": 0.4047,
2746
+ "step": 1955
2747
+ },
2748
+ {
2749
+ "epoch": 3.675574308485701,
2750
+ "grad_norm": 0.5016284584999084,
2751
+ "learning_rate": 8.14800270704375e-06,
2752
+ "loss": 0.4119,
2753
+ "step": 1960
2754
+ },
2755
+ {
2756
+ "epoch": 3.6849507735583686,
2757
+ "grad_norm": 0.49896350502967834,
2758
+ "learning_rate": 8.039451603276185e-06,
2759
+ "loss": 0.3908,
2760
+ "step": 1965
2761
+ },
2762
+ {
2763
+ "epoch": 3.694327238631036,
2764
+ "grad_norm": 0.4538595974445343,
2765
+ "learning_rate": 7.931489728301292e-06,
2766
+ "loss": 0.4636,
2767
+ "step": 1970
2768
+ },
2769
+ {
2770
+ "epoch": 3.7037037037037037,
2771
+ "grad_norm": 0.5051478147506714,
2772
+ "learning_rate": 7.8241208328377e-06,
2773
+ "loss": 0.3925,
2774
+ "step": 1975
2775
+ },
2776
+ {
2777
+ "epoch": 3.7130801687763713,
2778
+ "grad_norm": 0.464751660823822,
2779
+ "learning_rate": 7.71734864700331e-06,
2780
+ "loss": 0.3957,
2781
+ "step": 1980
2782
+ },
2783
+ {
2784
+ "epoch": 3.722456633849039,
2785
+ "grad_norm": 0.4575950801372528,
2786
+ "learning_rate": 7.611176880185597e-06,
2787
+ "loss": 0.4004,
2788
+ "step": 1985
2789
+ },
2790
+ {
2791
+ "epoch": 3.7318330989217063,
2792
+ "grad_norm": 1.0100325345993042,
2793
+ "learning_rate": 7.505609220912821e-06,
2794
+ "loss": 0.3945,
2795
+ "step": 1990
2796
+ },
2797
+ {
2798
+ "epoch": 3.7412095639943743,
2799
+ "grad_norm": 0.47300100326538086,
2800
+ "learning_rate": 7.4006493367258515e-06,
2801
+ "loss": 0.4112,
2802
+ "step": 1995
2803
+ },
2804
+ {
2805
+ "epoch": 3.750586029067042,
2806
+ "grad_norm": 0.4961658716201782,
2807
+ "learning_rate": 7.2963008740507656e-06,
2808
+ "loss": 0.4123,
2809
+ "step": 2000
2810
+ },
2811
+ {
2812
+ "epoch": 3.7599624941397094,
2813
+ "grad_norm": 0.4959772229194641,
2814
+ "learning_rate": 7.192567458072138e-06,
2815
+ "loss": 0.4225,
2816
+ "step": 2005
2817
+ },
2818
+ {
2819
+ "epoch": 3.769338959212377,
2820
+ "grad_norm": 0.4662582576274872,
2821
+ "learning_rate": 7.089452692607146e-06,
2822
+ "loss": 0.3601,
2823
+ "step": 2010
2824
+ },
2825
+ {
2826
+ "epoch": 3.7787154242850445,
2827
+ "grad_norm": 0.4932651221752167,
2828
+ "learning_rate": 6.986960159980327e-06,
2829
+ "loss": 0.3654,
2830
+ "step": 2015
2831
+ },
2832
+ {
2833
+ "epoch": 3.788091889357712,
2834
+ "grad_norm": 0.4127211272716522,
2835
+ "learning_rate": 6.885093420899152e-06,
2836
+ "loss": 0.404,
2837
+ "step": 2020
2838
+ },
2839
+ {
2840
+ "epoch": 3.7974683544303796,
2841
+ "grad_norm": 0.5077162384986877,
2842
+ "learning_rate": 6.783856014330281e-06,
2843
+ "loss": 0.4015,
2844
+ "step": 2025
2845
+ },
2846
+ {
2847
+ "epoch": 3.8068448195030475,
2848
+ "grad_norm": 0.48392489552497864,
2849
+ "learning_rate": 6.68325145737669e-06,
2850
+ "loss": 0.3995,
2851
+ "step": 2030
2852
+ },
2853
+ {
2854
+ "epoch": 3.816221284575715,
2855
+ "grad_norm": 0.472433865070343,
2856
+ "learning_rate": 6.583283245155414e-06,
2857
+ "loss": 0.4102,
2858
+ "step": 2035
2859
+ },
2860
+ {
2861
+ "epoch": 3.8255977496483826,
2862
+ "grad_norm": 0.5179023742675781,
2863
+ "learning_rate": 6.483954850676133e-06,
2864
+ "loss": 0.3872,
2865
+ "step": 2040
2866
+ },
2867
+ {
2868
+ "epoch": 3.83497421472105,
2869
+ "grad_norm": 0.473317414522171,
2870
+ "learning_rate": 6.385269724720547e-06,
2871
+ "loss": 0.4137,
2872
+ "step": 2045
2873
+ },
2874
+ {
2875
+ "epoch": 3.8443506797937177,
2876
+ "grad_norm": 0.5055838227272034,
2877
+ "learning_rate": 6.28723129572247e-06,
2878
+ "loss": 0.3769,
2879
+ "step": 2050
2880
+ },
2881
+ {
2882
+ "epoch": 3.8537271448663852,
2883
+ "grad_norm": 0.7340875267982483,
2884
+ "learning_rate": 6.189842969648737e-06,
2885
+ "loss": 0.4172,
2886
+ "step": 2055
2887
+ },
2888
+ {
2889
+ "epoch": 3.8631036099390528,
2890
+ "grad_norm": 0.47141486406326294,
2891
+ "learning_rate": 6.0931081298808316e-06,
2892
+ "loss": 0.3964,
2893
+ "step": 2060
2894
+ },
2895
+ {
2896
+ "epoch": 3.8724800750117208,
2897
+ "grad_norm": 0.48367300629615784,
2898
+ "learning_rate": 5.997030137097426e-06,
2899
+ "loss": 0.3858,
2900
+ "step": 2065
2901
+ },
2902
+ {
2903
+ "epoch": 3.8818565400843883,
2904
+ "grad_norm": 0.4850892424583435,
2905
+ "learning_rate": 5.901612329157535e-06,
2906
+ "loss": 0.4061,
2907
+ "step": 2070
2908
+ },
2909
+ {
2910
+ "epoch": 3.891233005157056,
2911
+ "grad_norm": 0.45096391439437866,
2912
+ "learning_rate": 5.806858020984629e-06,
2913
+ "loss": 0.4316,
2914
+ "step": 2075
2915
+ },
2916
+ {
2917
+ "epoch": 3.9006094702297234,
2918
+ "grad_norm": 0.4780539274215698,
2919
+ "learning_rate": 5.712770504451426e-06,
2920
+ "loss": 0.398,
2921
+ "step": 2080
2922
+ },
2923
+ {
2924
+ "epoch": 3.909985935302391,
2925
+ "grad_norm": 0.5059804320335388,
2926
+ "learning_rate": 5.619353048265552e-06,
2927
+ "loss": 0.3819,
2928
+ "step": 2085
2929
+ },
2930
+ {
2931
+ "epoch": 3.9193624003750585,
2932
+ "grad_norm": 0.4585495889186859,
2933
+ "learning_rate": 5.526608897855953e-06,
2934
+ "loss": 0.3873,
2935
+ "step": 2090
2936
+ },
2937
+ {
2938
+ "epoch": 3.928738865447726,
2939
+ "grad_norm": 0.5159944295883179,
2940
+ "learning_rate": 5.434541275260182e-06,
2941
+ "loss": 0.421,
2942
+ "step": 2095
2943
+ },
2944
+ {
2945
+ "epoch": 3.938115330520394,
2946
+ "grad_norm": 0.4670829176902771,
2947
+ "learning_rate": 5.343153379012444e-06,
2948
+ "loss": 0.4135,
2949
+ "step": 2100
2950
+ },
2951
+ {
2952
+ "epoch": 3.9474917955930615,
2953
+ "grad_norm": 0.4940509796142578,
2954
+ "learning_rate": 5.252448384032471e-06,
2955
+ "loss": 0.391,
2956
+ "step": 2105
2957
+ },
2958
+ {
2959
+ "epoch": 3.956868260665729,
2960
+ "grad_norm": 0.4698173999786377,
2961
+ "learning_rate": 5.162429441515221e-06,
2962
+ "loss": 0.4018,
2963
+ "step": 2110
2964
+ },
2965
+ {
2966
+ "epoch": 3.9662447257383966,
2967
+ "grad_norm": 0.49286118149757385,
2968
+ "learning_rate": 5.073099678821413e-06,
2969
+ "loss": 0.386,
2970
+ "step": 2115
2971
+ },
2972
+ {
2973
+ "epoch": 3.975621190811064,
2974
+ "grad_norm": 0.4916246235370636,
2975
+ "learning_rate": 4.984462199368872e-06,
2976
+ "loss": 0.418,
2977
+ "step": 2120
2978
+ },
2979
+ {
2980
+ "epoch": 3.9849976558837317,
2981
+ "grad_norm": 0.5064667463302612,
2982
+ "learning_rate": 4.8965200825247245e-06,
2983
+ "loss": 0.3901,
2984
+ "step": 2125
2985
+ },
2986
+ {
2987
+ "epoch": 3.994374120956399,
2988
+ "grad_norm": 0.40669238567352295,
2989
+ "learning_rate": 4.809276383498376e-06,
2990
+ "loss": 0.3967,
2991
+ "step": 2130
2992
+ },
2993
+ {
2994
+ "epoch": 4.003750586029067,
2995
+ "grad_norm": 0.46348291635513306,
2996
+ "learning_rate": 4.722734133235438e-06,
2997
+ "loss": 0.4028,
2998
+ "step": 2135
2999
+ },
3000
+ {
3001
+ "epoch": 4.013127051101734,
3002
+ "grad_norm": 0.4899981617927551,
3003
+ "learning_rate": 4.636896338312374e-06,
3004
+ "loss": 0.4171,
3005
+ "step": 2140
3006
+ },
3007
+ {
3008
+ "epoch": 4.022503516174402,
3009
+ "grad_norm": 0.4799928665161133,
3010
+ "learning_rate": 4.551765980832059e-06,
3011
+ "loss": 0.3881,
3012
+ "step": 2145
3013
+ },
3014
+ {
3015
+ "epoch": 4.03187998124707,
3016
+ "grad_norm": 0.5409300327301025,
3017
+ "learning_rate": 4.467346018320198e-06,
3018
+ "loss": 0.4012,
3019
+ "step": 2150
3020
+ },
3021
+ {
3022
+ "epoch": 4.041256446319737,
3023
+ "grad_norm": 0.4798271358013153,
3024
+ "learning_rate": 4.383639383622557e-06,
3025
+ "loss": 0.3872,
3026
+ "step": 2155
3027
+ },
3028
+ {
3029
+ "epoch": 4.050632911392405,
3030
+ "grad_norm": 0.487051784992218,
3031
+ "learning_rate": 4.300648984803085e-06,
3032
+ "loss": 0.3946,
3033
+ "step": 2160
3034
+ },
3035
+ {
3036
+ "epoch": 4.060009376465072,
3037
+ "grad_norm": 0.4268711507320404,
3038
+ "learning_rate": 4.218377705042867e-06,
3039
+ "loss": 0.4011,
3040
+ "step": 2165
3041
+ },
3042
+ {
3043
+ "epoch": 4.06938584153774,
3044
+ "grad_norm": 0.44820597767829895,
3045
+ "learning_rate": 4.1368284025399965e-06,
3046
+ "loss": 0.4089,
3047
+ "step": 2170
3048
+ },
3049
+ {
3050
+ "epoch": 4.0787623066104075,
3051
+ "grad_norm": 0.42342251539230347,
3052
+ "learning_rate": 4.0560039104102305e-06,
3053
+ "loss": 0.3993,
3054
+ "step": 2175
3055
+ },
3056
+ {
3057
+ "epoch": 4.0881387716830755,
3058
+ "grad_norm": 0.45130422711372375,
3059
+ "learning_rate": 3.975907036588594e-06,
3060
+ "loss": 0.3773,
3061
+ "step": 2180
3062
+ },
3063
+ {
3064
+ "epoch": 4.0975152367557435,
3065
+ "grad_norm": 0.486767053604126,
3066
+ "learning_rate": 3.8965405637318294e-06,
3067
+ "loss": 0.3855,
3068
+ "step": 2185
3069
+ },
3070
+ {
3071
+ "epoch": 4.106891701828411,
3072
+ "grad_norm": 0.5100731253623962,
3073
+ "learning_rate": 3.817907249121713e-06,
3074
+ "loss": 0.4134,
3075
+ "step": 2190
3076
+ },
3077
+ {
3078
+ "epoch": 4.1162681669010786,
3079
+ "grad_norm": 0.46529749035835266,
3080
+ "learning_rate": 3.7400098245692572e-06,
3081
+ "loss": 0.4058,
3082
+ "step": 2195
3083
+ },
3084
+ {
3085
+ "epoch": 4.125644631973746,
3086
+ "grad_norm": 0.4404692053794861,
3087
+ "learning_rate": 3.662850996319825e-06,
3088
+ "loss": 0.3808,
3089
+ "step": 2200
3090
+ },
3091
+ {
3092
+ "epoch": 4.135021097046414,
3093
+ "grad_norm": 0.5206236839294434,
3094
+ "learning_rate": 3.586433444959103e-06,
3095
+ "loss": 0.3882,
3096
+ "step": 2205
3097
+ },
3098
+ {
3099
+ "epoch": 4.144397562119081,
3100
+ "grad_norm": 0.5646428465843201,
3101
+ "learning_rate": 3.5107598253199758e-06,
3102
+ "loss": 0.3846,
3103
+ "step": 2210
3104
+ },
3105
+ {
3106
+ "epoch": 4.153774027191749,
3107
+ "grad_norm": 0.45417729020118713,
3108
+ "learning_rate": 3.4358327663902677e-06,
3109
+ "loss": 0.3876,
3110
+ "step": 2215
3111
+ },
3112
+ {
3113
+ "epoch": 4.163150492264417,
3114
+ "grad_norm": 0.557522177696228,
3115
+ "learning_rate": 3.3616548712214756e-06,
3116
+ "loss": 0.3866,
3117
+ "step": 2220
3118
+ },
3119
+ {
3120
+ "epoch": 4.172526957337084,
3121
+ "grad_norm": 0.4840220510959625,
3122
+ "learning_rate": 3.288228716838246e-06,
3123
+ "loss": 0.3884,
3124
+ "step": 2225
3125
+ },
3126
+ {
3127
+ "epoch": 4.181903422409752,
3128
+ "grad_norm": 0.513700008392334,
3129
+ "learning_rate": 3.2155568541489268e-06,
3130
+ "loss": 0.4142,
3131
+ "step": 2230
3132
+ },
3133
+ {
3134
+ "epoch": 4.191279887482419,
3135
+ "grad_norm": 0.44611451029777527,
3136
+ "learning_rate": 3.143641807856898e-06,
3137
+ "loss": 0.4048,
3138
+ "step": 2235
3139
+ },
3140
+ {
3141
+ "epoch": 4.200656352555087,
3142
+ "grad_norm": 0.4795036017894745,
3143
+ "learning_rate": 3.0724860763728767e-06,
3144
+ "loss": 0.4244,
3145
+ "step": 2240
3146
+ },
3147
+ {
3148
+ "epoch": 4.210032817627754,
3149
+ "grad_norm": 0.4182005524635315,
3150
+ "learning_rate": 3.0020921317281264e-06,
3151
+ "loss": 0.3679,
3152
+ "step": 2245
3153
+ },
3154
+ {
3155
+ "epoch": 4.219409282700422,
3156
+ "grad_norm": 0.485270619392395,
3157
+ "learning_rate": 2.9324624194885436e-06,
3158
+ "loss": 0.4163,
3159
+ "step": 2250
3160
+ },
3161
+ {
3162
+ "epoch": 4.22878574777309,
3163
+ "grad_norm": 0.5020278096199036,
3164
+ "learning_rate": 2.8635993586697553e-06,
3165
+ "loss": 0.3861,
3166
+ "step": 2255
3167
+ },
3168
+ {
3169
+ "epoch": 4.238162212845757,
3170
+ "grad_norm": 0.449848473072052,
3171
+ "learning_rate": 2.795505341653007e-06,
3172
+ "loss": 0.3841,
3173
+ "step": 2260
3174
+ },
3175
+ {
3176
+ "epoch": 4.247538677918425,
3177
+ "grad_norm": 0.49279651045799255,
3178
+ "learning_rate": 2.728182734102111e-06,
3179
+ "loss": 0.3884,
3180
+ "step": 2265
3181
+ },
3182
+ {
3183
+ "epoch": 4.256915142991092,
3184
+ "grad_norm": 0.4899311363697052,
3185
+ "learning_rate": 2.6616338748812255e-06,
3186
+ "loss": 0.4325,
3187
+ "step": 2270
3188
+ },
3189
+ {
3190
+ "epoch": 4.26629160806376,
3191
+ "grad_norm": 0.4672718942165375,
3192
+ "learning_rate": 2.595861075973613e-06,
3193
+ "loss": 0.3927,
3194
+ "step": 2275
3195
+ },
3196
+ {
3197
+ "epoch": 4.275668073136427,
3198
+ "grad_norm": 0.4548036754131317,
3199
+ "learning_rate": 2.530866622401304e-06,
3200
+ "loss": 0.3879,
3201
+ "step": 2280
3202
+ },
3203
+ {
3204
+ "epoch": 4.285044538209095,
3205
+ "grad_norm": 0.4743858575820923,
3206
+ "learning_rate": 2.4666527721457416e-06,
3207
+ "loss": 0.4045,
3208
+ "step": 2285
3209
+ },
3210
+ {
3211
+ "epoch": 4.294421003281763,
3212
+ "grad_norm": 0.405335932970047,
3213
+ "learning_rate": 2.40322175606931e-06,
3214
+ "loss": 0.4215,
3215
+ "step": 2290
3216
+ },
3217
+ {
3218
+ "epoch": 4.30379746835443,
3219
+ "grad_norm": 0.5168406367301941,
3220
+ "learning_rate": 2.3405757778378445e-06,
3221
+ "loss": 0.3735,
3222
+ "step": 2295
3223
+ },
3224
+ {
3225
+ "epoch": 4.313173933427098,
3226
+ "grad_norm": 0.47989800572395325,
3227
+ "learning_rate": 2.278717013844059e-06,
3228
+ "loss": 0.3858,
3229
+ "step": 2300
3230
+ },
3231
+ {
3232
+ "epoch": 4.322550398499765,
3233
+ "grad_norm": 0.4565723240375519,
3234
+ "learning_rate": 2.2176476131319707e-06,
3235
+ "loss": 0.3568,
3236
+ "step": 2305
3237
+ },
3238
+ {
3239
+ "epoch": 4.331926863572433,
3240
+ "grad_norm": 0.5169614553451538,
3241
+ "learning_rate": 2.1573696973221922e-06,
3242
+ "loss": 0.385,
3243
+ "step": 2310
3244
+ },
3245
+ {
3246
+ "epoch": 4.3413033286451,
3247
+ "grad_norm": 0.487652987241745,
3248
+ "learning_rate": 2.0978853605382624e-06,
3249
+ "loss": 0.3884,
3250
+ "step": 2315
3251
+ },
3252
+ {
3253
+ "epoch": 4.350679793717768,
3254
+ "grad_norm": 0.46447455883026123,
3255
+ "learning_rate": 2.0391966693338733e-06,
3256
+ "loss": 0.369,
3257
+ "step": 2320
3258
+ },
3259
+ {
3260
+ "epoch": 4.360056258790436,
3261
+ "grad_norm": 0.4496999979019165,
3262
+ "learning_rate": 1.9813056626210886e-06,
3263
+ "loss": 0.368,
3264
+ "step": 2325
3265
+ },
3266
+ {
3267
+ "epoch": 4.369432723863103,
3268
+ "grad_norm": 0.4512302577495575,
3269
+ "learning_rate": 1.9242143515994933e-06,
3270
+ "loss": 0.3907,
3271
+ "step": 2330
3272
+ },
3273
+ {
3274
+ "epoch": 4.378809188935771,
3275
+ "grad_norm": 0.4967067837715149,
3276
+ "learning_rate": 1.8679247196863425e-06,
3277
+ "loss": 0.3816,
3278
+ "step": 2335
3279
+ },
3280
+ {
3281
+ "epoch": 4.3881856540084385,
3282
+ "grad_norm": 0.47957539558410645,
3283
+ "learning_rate": 1.8124387224476347e-06,
3284
+ "loss": 0.3577,
3285
+ "step": 2340
3286
+ },
3287
+ {
3288
+ "epoch": 4.3975621190811065,
3289
+ "grad_norm": 0.5050100684165955,
3290
+ "learning_rate": 1.757758287530195e-06,
3291
+ "loss": 0.3922,
3292
+ "step": 2345
3293
+ },
3294
+ {
3295
+ "epoch": 4.4069385841537745,
3296
+ "grad_norm": 0.4630352258682251,
3297
+ "learning_rate": 1.7038853145946804e-06,
3298
+ "loss": 0.387,
3299
+ "step": 2350
3300
+ },
3301
+ {
3302
+ "epoch": 4.416315049226442,
3303
+ "grad_norm": 0.47333136200904846,
3304
+ "learning_rate": 1.6508216752496141e-06,
3305
+ "loss": 0.4288,
3306
+ "step": 2355
3307
+ },
3308
+ {
3309
+ "epoch": 4.42569151429911,
3310
+ "grad_norm": 0.502042829990387,
3311
+ "learning_rate": 1.5985692129863395e-06,
3312
+ "loss": 0.3881,
3313
+ "step": 2360
3314
+ },
3315
+ {
3316
+ "epoch": 4.435067979371777,
3317
+ "grad_norm": 0.47139260172843933,
3318
+ "learning_rate": 1.547129743114978e-06,
3319
+ "loss": 0.4099,
3320
+ "step": 2365
3321
+ },
3322
+ {
3323
+ "epoch": 4.444444444444445,
3324
+ "grad_norm": 0.4579063653945923,
3325
+ "learning_rate": 1.496505052701372e-06,
3326
+ "loss": 0.3691,
3327
+ "step": 2370
3328
+ },
3329
+ {
3330
+ "epoch": 4.453820909517112,
3331
+ "grad_norm": 0.49161937832832336,
3332
+ "learning_rate": 1.4466969005050013e-06,
3333
+ "loss": 0.3807,
3334
+ "step": 2375
3335
+ },
3336
+ {
3337
+ "epoch": 4.46319737458978,
3338
+ "grad_norm": 0.4590076506137848,
3339
+ "learning_rate": 1.3977070169178763e-06,
3340
+ "loss": 0.3943,
3341
+ "step": 2380
3342
+ },
3343
+ {
3344
+ "epoch": 4.472573839662447,
3345
+ "grad_norm": 0.4571836590766907,
3346
+ "learning_rate": 1.349537103904408e-06,
3347
+ "loss": 0.3941,
3348
+ "step": 2385
3349
+ },
3350
+ {
3351
+ "epoch": 4.481950304735115,
3352
+ "grad_norm": 0.49009573459625244,
3353
+ "learning_rate": 1.3021888349423222e-06,
3354
+ "loss": 0.385,
3355
+ "step": 2390
3356
+ },
3357
+ {
3358
+ "epoch": 4.491326769807783,
3359
+ "grad_norm": 0.457081139087677,
3360
+ "learning_rate": 1.2556638549644644e-06,
3361
+ "loss": 0.4137,
3362
+ "step": 2395
3363
+ },
3364
+ {
3365
+ "epoch": 4.50070323488045,
3366
+ "grad_norm": 0.46972543001174927,
3367
+ "learning_rate": 1.2099637803016983e-06,
3368
+ "loss": 0.3827,
3369
+ "step": 2400
3370
+ },
3371
+ {
3372
+ "epoch": 4.510079699953118,
3373
+ "grad_norm": 0.44439297914505005,
3374
+ "learning_rate": 1.1650901986267365e-06,
3375
+ "loss": 0.3695,
3376
+ "step": 2405
3377
+ },
3378
+ {
3379
+ "epoch": 4.519456165025785,
3380
+ "grad_norm": 0.5357493162155151,
3381
+ "learning_rate": 1.1210446688989768e-06,
3382
+ "loss": 0.444,
3383
+ "step": 2410
3384
+ },
3385
+ {
3386
+ "epoch": 4.528832630098453,
3387
+ "grad_norm": 0.4965517818927765,
3388
+ "learning_rate": 1.0778287213103478e-06,
3389
+ "loss": 0.3816,
3390
+ "step": 2415
3391
+ },
3392
+ {
3393
+ "epoch": 4.538209095171121,
3394
+ "grad_norm": 0.5623694062232971,
3395
+ "learning_rate": 1.0354438572321546e-06,
3396
+ "loss": 0.3774,
3397
+ "step": 2420
3398
+ },
3399
+ {
3400
+ "epoch": 4.547585560243788,
3401
+ "grad_norm": 0.48698845505714417,
3402
+ "learning_rate": 9.938915491629063e-07,
3403
+ "loss": 0.4021,
3404
+ "step": 2425
3405
+ },
3406
+ {
3407
+ "epoch": 4.556962025316456,
3408
+ "grad_norm": 0.4880342483520508,
3409
+ "learning_rate": 9.531732406771771e-07,
3410
+ "loss": 0.3901,
3411
+ "step": 2430
3412
+ },
3413
+ {
3414
+ "epoch": 4.566338490389123,
3415
+ "grad_norm": 0.5080013871192932,
3416
+ "learning_rate": 9.132903463754256e-07,
3417
+ "loss": 0.4357,
3418
+ "step": 2435
3419
+ },
3420
+ {
3421
+ "epoch": 4.575714955461791,
3422
+ "grad_norm": 0.5003151893615723,
3423
+ "learning_rate": 8.742442518348965e-07,
3424
+ "loss": 0.3877,
3425
+ "step": 2440
3426
+ },
3427
+ {
3428
+ "epoch": 4.585091420534458,
3429
+ "grad_norm": 0.49231135845184326,
3430
+ "learning_rate": 8.360363135614307e-07,
3431
+ "loss": 0.3994,
3432
+ "step": 2445
3433
+ },
3434
+ {
3435
+ "epoch": 4.594467885607126,
3436
+ "grad_norm": 0.4957781732082367,
3437
+ "learning_rate": 7.986678589423758e-07,
3438
+ "loss": 0.4222,
3439
+ "step": 2450
3440
+ },
3441
+ {
3442
+ "epoch": 4.603844350679793,
3443
+ "grad_norm": 0.428396075963974,
3444
+ "learning_rate": 7.621401862004634e-07,
3445
+ "loss": 0.3991,
3446
+ "step": 2455
3447
+ },
3448
+ {
3449
+ "epoch": 4.613220815752461,
3450
+ "grad_norm": 0.49666279554367065,
3451
+ "learning_rate": 7.264545643486997e-07,
3452
+ "loss": 0.369,
3453
+ "step": 2460
3454
+ },
3455
+ {
3456
+ "epoch": 4.622597280825129,
3457
+ "grad_norm": 0.4541693925857544,
3458
+ "learning_rate": 6.916122331462799e-07,
3459
+ "loss": 0.3856,
3460
+ "step": 2465
3461
+ },
3462
+ {
3463
+ "epoch": 4.631973745897796,
3464
+ "grad_norm": 0.41727012395858765,
3465
+ "learning_rate": 6.576144030555259e-07,
3466
+ "loss": 0.4261,
3467
+ "step": 2470
3468
+ },
3469
+ {
3470
+ "epoch": 4.641350210970464,
3471
+ "grad_norm": 0.41427725553512573,
3472
+ "learning_rate": 6.244622551998203e-07,
3473
+ "loss": 0.3831,
3474
+ "step": 2475
3475
+ },
3476
+ {
3477
+ "epoch": 4.650726676043131,
3478
+ "grad_norm": 0.5246068239212036,
3479
+ "learning_rate": 5.921569413225913e-07,
3480
+ "loss": 0.4014,
3481
+ "step": 2480
3482
+ },
3483
+ {
3484
+ "epoch": 4.660103141115799,
3485
+ "grad_norm": 0.5102460384368896,
3486
+ "learning_rate": 5.606995837472817e-07,
3487
+ "loss": 0.3954,
3488
+ "step": 2485
3489
+ },
3490
+ {
3491
+ "epoch": 4.669479606188467,
3492
+ "grad_norm": 0.45667141675949097,
3493
+ "learning_rate": 5.300912753383625e-07,
3494
+ "loss": 0.4065,
3495
+ "step": 2490
3496
+ },
3497
+ {
3498
+ "epoch": 4.6788560712611345,
3499
+ "grad_norm": 0.4597122371196747,
3500
+ "learning_rate": 5.003330794633776e-07,
3501
+ "loss": 0.3947,
3502
+ "step": 2495
3503
+ },
3504
+ {
3505
+ "epoch": 4.688232536333802,
3506
+ "grad_norm": 0.5187001824378967,
3507
+ "learning_rate": 4.714260299559875e-07,
3508
+ "loss": 0.4113,
3509
+ "step": 2500
3510
+ },
3511
+ {
3512
+ "epoch": 4.6976090014064695,
3513
+ "grad_norm": 0.48345983028411865,
3514
+ "learning_rate": 4.4337113108005314e-07,
3515
+ "loss": 0.3972,
3516
+ "step": 2505
3517
+ },
3518
+ {
3519
+ "epoch": 4.7069854664791375,
3520
+ "grad_norm": 0.4524119198322296,
3521
+ "learning_rate": 4.161693574947556e-07,
3522
+ "loss": 0.4381,
3523
+ "step": 2510
3524
+ },
3525
+ {
3526
+ "epoch": 4.716361931551805,
3527
+ "grad_norm": 0.44738277792930603,
3528
+ "learning_rate": 3.8982165422073445e-07,
3529
+ "loss": 0.3794,
3530
+ "step": 2515
3531
+ },
3532
+ {
3533
+ "epoch": 4.725738396624473,
3534
+ "grad_norm": 0.44519349932670593,
3535
+ "learning_rate": 3.6432893660723886e-07,
3536
+ "loss": 0.4074,
3537
+ "step": 2520
3538
+ },
3539
+ {
3540
+ "epoch": 4.73511486169714,
3541
+ "grad_norm": 0.4711282253265381,
3542
+ "learning_rate": 3.396920903003559e-07,
3543
+ "loss": 0.3893,
3544
+ "step": 2525
3545
+ },
3546
+ {
3547
+ "epoch": 4.744491326769808,
3548
+ "grad_norm": 0.4641968905925751,
3549
+ "learning_rate": 3.1591197121222107e-07,
3550
+ "loss": 0.3983,
3551
+ "step": 2530
3552
+ },
3553
+ {
3554
+ "epoch": 4.753867791842476,
3555
+ "grad_norm": 0.4854121804237366,
3556
+ "learning_rate": 2.9298940549128964e-07,
3557
+ "loss": 0.3846,
3558
+ "step": 2535
3559
+ },
3560
+ {
3561
+ "epoch": 4.763244256915143,
3562
+ "grad_norm": 0.4864709973335266,
3563
+ "learning_rate": 2.7092518949362875e-07,
3564
+ "loss": 0.3793,
3565
+ "step": 2540
3566
+ },
3567
+ {
3568
+ "epoch": 4.772620721987811,
3569
+ "grad_norm": 0.4431411027908325,
3570
+ "learning_rate": 2.4972008975527593e-07,
3571
+ "loss": 0.4213,
3572
+ "step": 2545
3573
+ },
3574
+ {
3575
+ "epoch": 4.781997187060478,
3576
+ "grad_norm": 0.47686663269996643,
3577
+ "learning_rate": 2.2937484296556566e-07,
3578
+ "loss": 0.3905,
3579
+ "step": 2550
3580
+ },
3581
+ {
3582
+ "epoch": 4.791373652133146,
3583
+ "grad_norm": 0.4837285876274109,
3584
+ "learning_rate": 2.0989015594158058e-07,
3585
+ "loss": 0.4093,
3586
+ "step": 2555
3587
+ },
3588
+ {
3589
+ "epoch": 4.800750117205814,
3590
+ "grad_norm": 0.46795183420181274,
3591
+ "learning_rate": 1.9126670560356553e-07,
3592
+ "loss": 0.4119,
3593
+ "step": 2560
3594
+ },
3595
+ {
3596
+ "epoch": 4.810126582278481,
3597
+ "grad_norm": 0.49227696657180786,
3598
+ "learning_rate": 1.735051389514214e-07,
3599
+ "loss": 0.3885,
3600
+ "step": 2565
3601
+ },
3602
+ {
3603
+ "epoch": 4.819503047351149,
3604
+ "grad_norm": 0.45765581727027893,
3605
+ "learning_rate": 1.5660607304223141e-07,
3606
+ "loss": 0.3872,
3607
+ "step": 2570
3608
+ },
3609
+ {
3610
+ "epoch": 4.828879512423816,
3611
+ "grad_norm": 0.496937096118927,
3612
+ "learning_rate": 1.4057009496881158e-07,
3613
+ "loss": 0.404,
3614
+ "step": 2575
3615
+ },
3616
+ {
3617
+ "epoch": 4.838255977496484,
3618
+ "grad_norm": 0.5063027143478394,
3619
+ "learning_rate": 1.2539776183932982e-07,
3620
+ "loss": 0.4079,
3621
+ "step": 2580
3622
+ },
3623
+ {
3624
+ "epoch": 4.847632442569151,
3625
+ "grad_norm": 0.44478198885917664,
3626
+ "learning_rate": 1.1108960075794372e-07,
3627
+ "loss": 0.3629,
3628
+ "step": 2585
3629
+ },
3630
+ {
3631
+ "epoch": 4.857008907641819,
3632
+ "grad_norm": 0.5043444037437439,
3633
+ "learning_rate": 9.764610880648451e-08,
3634
+ "loss": 0.3688,
3635
+ "step": 2590
3636
+ },
3637
+ {
3638
+ "epoch": 4.866385372714487,
3639
+ "grad_norm": 0.47527217864990234,
3640
+ "learning_rate": 8.506775302719039e-08,
3641
+ "loss": 0.3782,
3642
+ "step": 2595
3643
+ },
3644
+ {
3645
+ "epoch": 4.875761837787154,
3646
+ "grad_norm": 0.46921849250793457,
3647
+ "learning_rate": 7.335497040648898e-08,
3648
+ "loss": 0.4003,
3649
+ "step": 2600
3650
+ },
3651
+ {
3652
+ "epoch": 4.885138302859822,
3653
+ "grad_norm": 0.4486777186393738,
3654
+ "learning_rate": 6.250816785980385e-08,
3655
+ "loss": 0.4175,
3656
+ "step": 2605
3657
+ },
3658
+ {
3659
+ "epoch": 4.894514767932489,
3660
+ "grad_norm": 0.5218645930290222,
3661
+ "learning_rate": 5.2527722217421416e-08,
3662
+ "loss": 0.3857,
3663
+ "step": 2610
3664
+ },
3665
+ {
3666
+ "epoch": 4.903891233005157,
3667
+ "grad_norm": 0.480591744184494,
3668
+ "learning_rate": 4.3413980211412516e-08,
3669
+ "loss": 0.3995,
3670
+ "step": 2615
3671
+ },
3672
+ {
3673
+ "epoch": 4.913267698077824,
3674
+ "grad_norm": 0.5079865455627441,
3675
+ "learning_rate": 3.516725846355873e-08,
3676
+ "loss": 0.369,
3677
+ "step": 2620
3678
+ },
3679
+ {
3680
+ "epoch": 4.922644163150492,
3681
+ "grad_norm": 0.5890299677848816,
3682
+ "learning_rate": 2.7787843474386123e-08,
3683
+ "loss": 0.3704,
3684
+ "step": 2625
3685
+ },
3686
+ {
3687
+ "epoch": 4.93202062822316,
3688
+ "grad_norm": 0.49126380681991577,
3689
+ "learning_rate": 2.127599161318161e-08,
3690
+ "loss": 0.4038,
3691
+ "step": 2630
3692
+ },
3693
+ {
3694
+ "epoch": 4.941397093295827,
3695
+ "grad_norm": 0.47775766253471375,
3696
+ "learning_rate": 1.5631929109102828e-08,
3697
+ "loss": 0.4069,
3698
+ "step": 2635
3699
+ },
3700
+ {
3701
+ "epoch": 4.950773558368495,
3702
+ "grad_norm": 0.48111775517463684,
3703
+ "learning_rate": 1.0855852043323289e-08,
3704
+ "loss": 0.4016,
3705
+ "step": 2640
3706
+ },
3707
+ {
3708
+ "epoch": 4.960150023441162,
3709
+ "grad_norm": 0.4834578335285187,
3710
+ "learning_rate": 6.947926342204536e-09,
3711
+ "loss": 0.3734,
3712
+ "step": 2645
3713
+ },
3714
+ {
3715
+ "epoch": 4.96952648851383,
3716
+ "grad_norm": 0.4474198818206787,
3717
+ "learning_rate": 3.908287771542396e-09,
3718
+ "loss": 0.3704,
3719
+ "step": 2650
3720
+ },
3721
+ {
3722
+ "epoch": 4.978902953586498,
3723
+ "grad_norm": 0.4454098045825958,
3724
+ "learning_rate": 1.737041931845762e-09,
3725
+ "loss": 0.4141,
3726
+ "step": 2655
3727
+ },
3728
+ {
3729
+ "epoch": 4.9882794186591655,
3730
+ "grad_norm": 0.48251986503601074,
3731
+ "learning_rate": 4.3426425467008035e-10,
3732
+ "loss": 0.4006,
3733
+ "step": 2660
3734
+ },
3735
+ {
3736
+ "epoch": 4.9976558837318334,
3737
+ "grad_norm": 0.4934045970439911,
3738
+ "learning_rate": 0.0,
3739
+ "loss": 0.3921,
3740
+ "step": 2665
3741
+ },
3742
+ {
3743
+ "epoch": 4.9976558837318334,
3744
+ "step": 2665,
3745
+ "total_flos": 1.9479197956994335e+18,
3746
+ "train_loss": 0.41369020724162375,
3747
+ "train_runtime": 63586.5105,
3748
+ "train_samples_per_second": 0.671,
3749
+ "train_steps_per_second": 0.042
3750
+ }
3751
+ ],
3752
+ "logging_steps": 5,
3753
+ "max_steps": 2665,
3754
+ "num_input_tokens_seen": 0,
3755
+ "num_train_epochs": 5,
3756
+ "save_steps": 100,
3757
+ "stateful_callbacks": {
3758
+ "TrainerControl": {
3759
+ "args": {
3760
+ "should_epoch_stop": false,
3761
+ "should_evaluate": false,
3762
+ "should_log": false,
3763
+ "should_save": true,
3764
+ "should_training_stop": false
3765
+ },
3766
+ "attributes": {}
3767
+ }
3768
+ },
3769
+ "total_flos": 1.9479197956994335e+18,
3770
+ "train_batch_size": 2,
3771
+ "trial_name": null,
3772
+ "trial_params": null
3773
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:40f550dd6a557b77301b87c75ef03587bf53e4543e7ac522a3ed9481b5330d2d
3
+ size 5304