juyongjiang commited on
Commit
2e4c345
1 Parent(s): da43346

upload model checkpoint

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
README.md CHANGED
@@ -1,3 +1,76 @@
1
- ---
2
- license: gemma
3
- ---
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: peft
3
+ tags:
4
+ - alignment-handbook
5
+ - generated_from_trainer
6
+ datasets:
7
+ - llama-duo/synth_summarize_dataset_dedup
8
+ base_model: google/gemma-7b
9
+ model-index:
10
+ - name: gemma7b-summarize-gemini1_5flash-32k
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
+ # gemma7b-summarize-gemini1_5flash-32k
18
+
19
+ This model is a fine-tuned version of [google/gemma-7b](https://huggingface.co/google/gemma-7b) on the llama-duo/synth_summarize_dataset_dedup dataset.
20
+ It achieves the following results on the evaluation set:
21
+ - Loss: 2.5408
22
+
23
+ ## Model description
24
+
25
+ More information needed
26
+
27
+ ## Intended uses & limitations
28
+
29
+ More information needed
30
+
31
+ ## Training and evaluation data
32
+
33
+ More information needed
34
+
35
+ ## Training procedure
36
+
37
+ ### Training hyperparameters
38
+
39
+ The following hyperparameters were used during training:
40
+ - learning_rate: 0.0002
41
+ - train_batch_size: 4
42
+ - eval_batch_size: 2
43
+ - seed: 42
44
+ - distributed_type: multi-GPU
45
+ - num_devices: 8
46
+ - gradient_accumulation_steps: 2
47
+ - total_train_batch_size: 64
48
+ - total_eval_batch_size: 16
49
+ - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
50
+ - lr_scheduler_type: cosine
51
+ - lr_scheduler_warmup_ratio: 0.1
52
+ - num_epochs: 10
53
+
54
+ ### Training results
55
+
56
+ | Training Loss | Epoch | Step | Validation Loss |
57
+ |:-------------:|:-----:|:----:|:---------------:|
58
+ | 7.4587 | 1.0 | 52 | 4.9639 |
59
+ | 1.2656 | 2.0 | 104 | 2.7099 |
60
+ | 1.1018 | 3.0 | 156 | 2.5878 |
61
+ | 1.0198 | 4.0 | 208 | 2.5538 |
62
+ | 0.9682 | 5.0 | 260 | 2.5424 |
63
+ | 0.9349 | 6.0 | 312 | 2.5212 |
64
+ | 0.9093 | 7.0 | 364 | 2.5261 |
65
+ | 0.906 | 8.0 | 416 | 2.5334 |
66
+ | 0.9005 | 9.0 | 468 | 2.5352 |
67
+ | 0.8909 | 10.0 | 520 | 2.5408 |
68
+
69
+
70
+ ### Framework versions
71
+
72
+ - PEFT 0.10.0
73
+ - Transformers 4.40.0
74
+ - Pytorch 2.1.2+cu121
75
+ - Datasets 2.18.0
76
+ - Tokenizers 0.19.1
adapter_config.json ADDED
@@ -0,0 +1,29 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "google/gemma-7b",
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": 32,
14
+ "lora_dropout": 0.05,
15
+ "megatron_config": null,
16
+ "megatron_core": "megatron.core",
17
+ "modules_to_save": null,
18
+ "peft_type": "LORA",
19
+ "r": 16,
20
+ "rank_pattern": {},
21
+ "revision": null,
22
+ "target_modules": [
23
+ "q_proj",
24
+ "v_proj"
25
+ ],
26
+ "task_type": "CAUSAL_LM",
27
+ "use_dora": false,
28
+ "use_rslora": false
29
+ }
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:47ad46d8f3e0a1fe352ee907a71714709e03914a99365d6296cb57856a4a6494
3
+ size 12860096
all_results.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 10.0,
3
+ "eval_loss": 2.5407798290252686,
4
+ "eval_runtime": 0.2399,
5
+ "eval_samples": 25,
6
+ "eval_samples_per_second": 41.685,
7
+ "eval_steps_per_second": 4.168,
8
+ "total_flos": 1.586229114665173e+18,
9
+ "train_loss": 3.2695524289057807,
10
+ "train_runtime": 1270.6632,
11
+ "train_samples": 31676,
12
+ "train_samples_per_second": 26.183,
13
+ "train_steps_per_second": 0.409
14
+ }
config.json ADDED
@@ -0,0 +1,44 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "google/gemma-7b",
3
+ "architectures": [
4
+ "GemmaForCausalLM"
5
+ ],
6
+ "attention_bias": false,
7
+ "attention_dropout": 0.0,
8
+ "bos_token_id": 2,
9
+ "eos_token_id": 1,
10
+ "head_dim": 256,
11
+ "hidden_act": "gelu",
12
+ "hidden_activation": null,
13
+ "hidden_size": 3072,
14
+ "initializer_range": 0.02,
15
+ "intermediate_size": 24576,
16
+ "max_position_embeddings": 8192,
17
+ "model_type": "gemma",
18
+ "num_attention_heads": 16,
19
+ "num_hidden_layers": 28,
20
+ "num_key_value_heads": 16,
21
+ "pad_token_id": 0,
22
+ "quantization_config": {
23
+ "_load_in_4bit": true,
24
+ "_load_in_8bit": false,
25
+ "bnb_4bit_compute_dtype": "bfloat16",
26
+ "bnb_4bit_quant_storage": "uint8",
27
+ "bnb_4bit_quant_type": "nf4",
28
+ "bnb_4bit_use_double_quant": false,
29
+ "llm_int8_enable_fp32_cpu_offload": false,
30
+ "llm_int8_has_fp16_weight": false,
31
+ "llm_int8_skip_modules": null,
32
+ "llm_int8_threshold": 6.0,
33
+ "load_in_4bit": true,
34
+ "load_in_8bit": false,
35
+ "quant_method": "bitsandbytes"
36
+ },
37
+ "rms_norm_eps": 1e-06,
38
+ "rope_scaling": null,
39
+ "rope_theta": 10000.0,
40
+ "torch_dtype": "bfloat16",
41
+ "transformers_version": "4.40.0",
42
+ "use_cache": true,
43
+ "vocab_size": 256000
44
+ }
eval_results.json ADDED
@@ -0,0 +1,8 @@
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 10.0,
3
+ "eval_loss": 2.5407798290252686,
4
+ "eval_runtime": 0.2399,
5
+ "eval_samples": 25,
6
+ "eval_samples_per_second": 41.685,
7
+ "eval_steps_per_second": 4.168
8
+ }
runs/Jun13_16-38-17_gpu1-1/events.out.tfevents.1718268273.gpu1-1.630857.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b960da0d3a846227c195d046d107f4669c186f72307751e200c53aa28e4d035a
3
+ size 30592
runs/Jun13_16-38-17_gpu1-1/events.out.tfevents.1718269544.gpu1-1.630857.1 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:8c1355fa438922c0c0e87998f61d3bc2aa066d6f49aeda885188fd83dfc3b812
3
+ size 359
special_tokens_map.json ADDED
@@ -0,0 +1,34 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>"
5
+ ],
6
+ "bos_token": {
7
+ "content": "<bos>",
8
+ "lstrip": false,
9
+ "normalized": false,
10
+ "rstrip": false,
11
+ "single_word": false
12
+ },
13
+ "eos_token": {
14
+ "content": "<eos>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false
19
+ },
20
+ "pad_token": {
21
+ "content": "<pad>",
22
+ "lstrip": false,
23
+ "normalized": false,
24
+ "rstrip": false,
25
+ "single_word": false
26
+ },
27
+ "unk_token": {
28
+ "content": "<unk>",
29
+ "lstrip": false,
30
+ "normalized": false,
31
+ "rstrip": false,
32
+ "single_word": false
33
+ }
34
+ }
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:322a5f52ab5cab196761ab397a022d6fa3a2e1418585e532bb6efb2fedd2ae94
3
+ size 17477501
tokenizer_config.json ADDED
@@ -0,0 +1,70 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_eos_token": false,
4
+ "added_tokens_decoder": {
5
+ "0": {
6
+ "content": "<pad>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "1": {
14
+ "content": "<eos>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "2": {
22
+ "content": "<bos>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "3": {
30
+ "content": "<unk>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "106": {
38
+ "content": "<|im_start|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "107": {
46
+ "content": "<|im_end|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ }
53
+ },
54
+ "additional_special_tokens": [
55
+ "<|im_start|>",
56
+ "<|im_end|>"
57
+ ],
58
+ "bos_token": "<bos>",
59
+ "chat_template": "{% if messages[0]['role'] == 'user' or messages[0]['role'] == 'system' %}{{ bos_token }}{% endif %}{% for message in messages %}{{ '<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n' }}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% elif messages[-1]['role'] == 'assistant' %}{{ eos_token }}{% endif %}",
60
+ "clean_up_tokenization_spaces": false,
61
+ "eos_token": "<eos>",
62
+ "legacy": null,
63
+ "model_max_length": 2048,
64
+ "pad_token": "<pad>",
65
+ "sp_model_kwargs": {},
66
+ "spaces_between_special_tokens": false,
67
+ "tokenizer_class": "GemmaTokenizer",
68
+ "unk_token": "<unk>",
69
+ "use_default_system_prompt": false
70
+ }
train_results.json ADDED
@@ -0,0 +1,9 @@
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "epoch": 10.0,
3
+ "total_flos": 1.586229114665173e+18,
4
+ "train_loss": 3.2695524289057807,
5
+ "train_runtime": 1270.6632,
6
+ "train_samples": 31676,
7
+ "train_samples_per_second": 26.183,
8
+ "train_steps_per_second": 0.409
9
+ }
trainer_state.json ADDED
@@ -0,0 +1,845 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_metric": null,
3
+ "best_model_checkpoint": null,
4
+ "epoch": 10.0,
5
+ "eval_steps": 500,
6
+ "global_step": 520,
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.019230769230769232,
13
+ "grad_norm": 304.0,
14
+ "learning_rate": 3.846153846153847e-06,
15
+ "loss": 51.2248,
16
+ "step": 1
17
+ },
18
+ {
19
+ "epoch": 0.09615384615384616,
20
+ "grad_norm": 230.0,
21
+ "learning_rate": 1.923076923076923e-05,
22
+ "loss": 49.4747,
23
+ "step": 5
24
+ },
25
+ {
26
+ "epoch": 0.19230769230769232,
27
+ "grad_norm": 117.5,
28
+ "learning_rate": 3.846153846153846e-05,
29
+ "loss": 40.9096,
30
+ "step": 10
31
+ },
32
+ {
33
+ "epoch": 0.28846153846153844,
34
+ "grad_norm": 21.0,
35
+ "learning_rate": 5.769230769230769e-05,
36
+ "loss": 28.3937,
37
+ "step": 15
38
+ },
39
+ {
40
+ "epoch": 0.38461538461538464,
41
+ "grad_norm": 17.5,
42
+ "learning_rate": 7.692307692307693e-05,
43
+ "loss": 24.1455,
44
+ "step": 20
45
+ },
46
+ {
47
+ "epoch": 0.4807692307692308,
48
+ "grad_norm": 5.21875,
49
+ "learning_rate": 9.615384615384617e-05,
50
+ "loss": 21.2416,
51
+ "step": 25
52
+ },
53
+ {
54
+ "epoch": 0.5769230769230769,
55
+ "grad_norm": 4.8125,
56
+ "learning_rate": 0.00011538461538461538,
57
+ "loss": 20.1092,
58
+ "step": 30
59
+ },
60
+ {
61
+ "epoch": 0.6730769230769231,
62
+ "grad_norm": 8.5625,
63
+ "learning_rate": 0.00013461538461538464,
64
+ "loss": 18.6551,
65
+ "step": 35
66
+ },
67
+ {
68
+ "epoch": 0.7692307692307693,
69
+ "grad_norm": 12.75,
70
+ "learning_rate": 0.00015384615384615385,
71
+ "loss": 17.0793,
72
+ "step": 40
73
+ },
74
+ {
75
+ "epoch": 0.8653846153846154,
76
+ "grad_norm": 26.5,
77
+ "learning_rate": 0.0001730769230769231,
78
+ "loss": 13.6753,
79
+ "step": 45
80
+ },
81
+ {
82
+ "epoch": 0.9615384615384616,
83
+ "grad_norm": 29.125,
84
+ "learning_rate": 0.00019230769230769233,
85
+ "loss": 7.4587,
86
+ "step": 50
87
+ },
88
+ {
89
+ "epoch": 1.0,
90
+ "eval_loss": 4.9638800621032715,
91
+ "eval_runtime": 0.2381,
92
+ "eval_samples_per_second": 41.995,
93
+ "eval_steps_per_second": 4.199,
94
+ "step": 52
95
+ },
96
+ {
97
+ "epoch": 1.0576923076923077,
98
+ "grad_norm": 9.125,
99
+ "learning_rate": 0.00019997972289848503,
100
+ "loss": 2.9338,
101
+ "step": 55
102
+ },
103
+ {
104
+ "epoch": 1.1538461538461537,
105
+ "grad_norm": 6.125,
106
+ "learning_rate": 0.00019985583705641418,
107
+ "loss": 2.3661,
108
+ "step": 60
109
+ },
110
+ {
111
+ "epoch": 1.25,
112
+ "grad_norm": 5.0,
113
+ "learning_rate": 0.00019961946980917456,
114
+ "loss": 1.8737,
115
+ "step": 65
116
+ },
117
+ {
118
+ "epoch": 1.3461538461538463,
119
+ "grad_norm": 5.40625,
120
+ "learning_rate": 0.0001992708874098054,
121
+ "loss": 1.711,
122
+ "step": 70
123
+ },
124
+ {
125
+ "epoch": 1.4423076923076923,
126
+ "grad_norm": 1.65625,
127
+ "learning_rate": 0.0001988104825147528,
128
+ "loss": 1.5595,
129
+ "step": 75
130
+ },
131
+ {
132
+ "epoch": 1.5384615384615383,
133
+ "grad_norm": 3.234375,
134
+ "learning_rate": 0.00019823877374156647,
135
+ "loss": 1.4982,
136
+ "step": 80
137
+ },
138
+ {
139
+ "epoch": 1.6346153846153846,
140
+ "grad_norm": 0.98828125,
141
+ "learning_rate": 0.00019755640508470942,
142
+ "loss": 1.4297,
143
+ "step": 85
144
+ },
145
+ {
146
+ "epoch": 1.7307692307692308,
147
+ "grad_norm": 0.859375,
148
+ "learning_rate": 0.00019676414519013781,
149
+ "loss": 1.3676,
150
+ "step": 90
151
+ },
152
+ {
153
+ "epoch": 1.8269230769230769,
154
+ "grad_norm": 0.9140625,
155
+ "learning_rate": 0.00019586288648946947,
156
+ "loss": 1.321,
157
+ "step": 95
158
+ },
159
+ {
160
+ "epoch": 1.9230769230769231,
161
+ "grad_norm": 1.2109375,
162
+ "learning_rate": 0.00019485364419471454,
163
+ "loss": 1.2656,
164
+ "step": 100
165
+ },
166
+ {
167
+ "epoch": 2.0,
168
+ "eval_loss": 2.7099387645721436,
169
+ "eval_runtime": 0.239,
170
+ "eval_samples_per_second": 41.836,
171
+ "eval_steps_per_second": 4.184,
172
+ "step": 104
173
+ },
174
+ {
175
+ "epoch": 2.019230769230769,
176
+ "grad_norm": 0.80859375,
177
+ "learning_rate": 0.00019373755515470254,
178
+ "loss": 1.2309,
179
+ "step": 105
180
+ },
181
+ {
182
+ "epoch": 2.1153846153846154,
183
+ "grad_norm": 0.5390625,
184
+ "learning_rate": 0.00019251587657449236,
185
+ "loss": 1.1992,
186
+ "step": 110
187
+ },
188
+ {
189
+ "epoch": 2.2115384615384617,
190
+ "grad_norm": 1.75,
191
+ "learning_rate": 0.00019118998459920902,
192
+ "loss": 1.1813,
193
+ "step": 115
194
+ },
195
+ {
196
+ "epoch": 2.3076923076923075,
197
+ "grad_norm": 1.546875,
198
+ "learning_rate": 0.0001897613727639014,
199
+ "loss": 1.1643,
200
+ "step": 120
201
+ },
202
+ {
203
+ "epoch": 2.4038461538461537,
204
+ "grad_norm": 3.4375,
205
+ "learning_rate": 0.0001882316503111678,
206
+ "loss": 1.1501,
207
+ "step": 125
208
+ },
209
+ {
210
+ "epoch": 2.5,
211
+ "grad_norm": 1.3046875,
212
+ "learning_rate": 0.00018660254037844388,
213
+ "loss": 1.1451,
214
+ "step": 130
215
+ },
216
+ {
217
+ "epoch": 2.5961538461538463,
218
+ "grad_norm": 12.4375,
219
+ "learning_rate": 0.00018487587805699526,
220
+ "loss": 1.124,
221
+ "step": 135
222
+ },
223
+ {
224
+ "epoch": 2.6923076923076925,
225
+ "grad_norm": 1.2265625,
226
+ "learning_rate": 0.00018305360832480117,
227
+ "loss": 1.125,
228
+ "step": 140
229
+ },
230
+ {
231
+ "epoch": 2.7884615384615383,
232
+ "grad_norm": 4.375,
233
+ "learning_rate": 0.00018113778385565733,
234
+ "loss": 1.1124,
235
+ "step": 145
236
+ },
237
+ {
238
+ "epoch": 2.8846153846153846,
239
+ "grad_norm": 2.109375,
240
+ "learning_rate": 0.0001791305627069662,
241
+ "loss": 1.106,
242
+ "step": 150
243
+ },
244
+ {
245
+ "epoch": 2.980769230769231,
246
+ "grad_norm": 1.4140625,
247
+ "learning_rate": 0.00017703420588881946,
248
+ "loss": 1.1018,
249
+ "step": 155
250
+ },
251
+ {
252
+ "epoch": 3.0,
253
+ "eval_loss": 2.5878167152404785,
254
+ "eval_runtime": 0.2386,
255
+ "eval_samples_per_second": 41.914,
256
+ "eval_steps_per_second": 4.191,
257
+ "step": 156
258
+ },
259
+ {
260
+ "epoch": 3.076923076923077,
261
+ "grad_norm": 1.53125,
262
+ "learning_rate": 0.00017485107481711012,
263
+ "loss": 1.0905,
264
+ "step": 160
265
+ },
266
+ {
267
+ "epoch": 3.173076923076923,
268
+ "grad_norm": 0.6328125,
269
+ "learning_rate": 0.00017258362865354426,
270
+ "loss": 1.0538,
271
+ "step": 165
272
+ },
273
+ {
274
+ "epoch": 3.269230769230769,
275
+ "grad_norm": 0.640625,
276
+ "learning_rate": 0.00017023442153554777,
277
+ "loss": 1.0444,
278
+ "step": 170
279
+ },
280
+ {
281
+ "epoch": 3.3653846153846154,
282
+ "grad_norm": 1.1328125,
283
+ "learning_rate": 0.0001678060996991891,
284
+ "loss": 1.0419,
285
+ "step": 175
286
+ },
287
+ {
288
+ "epoch": 3.4615384615384617,
289
+ "grad_norm": 1.28125,
290
+ "learning_rate": 0.0001653013984983585,
291
+ "loss": 1.0547,
292
+ "step": 180
293
+ },
294
+ {
295
+ "epoch": 3.5576923076923075,
296
+ "grad_norm": 1.359375,
297
+ "learning_rate": 0.00016272313932356162,
298
+ "loss": 1.0499,
299
+ "step": 185
300
+ },
301
+ {
302
+ "epoch": 3.6538461538461537,
303
+ "grad_norm": 1.0703125,
304
+ "learning_rate": 0.0001600742264237979,
305
+ "loss": 1.0271,
306
+ "step": 190
307
+ },
308
+ {
309
+ "epoch": 3.75,
310
+ "grad_norm": 0.95703125,
311
+ "learning_rate": 0.0001573576436351046,
312
+ "loss": 1.0199,
313
+ "step": 195
314
+ },
315
+ {
316
+ "epoch": 3.8461538461538463,
317
+ "grad_norm": 0.84765625,
318
+ "learning_rate": 0.00015457645101945046,
319
+ "loss": 1.0173,
320
+ "step": 200
321
+ },
322
+ {
323
+ "epoch": 3.9423076923076925,
324
+ "grad_norm": 0.73046875,
325
+ "learning_rate": 0.00015173378141776568,
326
+ "loss": 1.0198,
327
+ "step": 205
328
+ },
329
+ {
330
+ "epoch": 4.0,
331
+ "eval_loss": 2.5538089275360107,
332
+ "eval_runtime": 0.2387,
333
+ "eval_samples_per_second": 41.901,
334
+ "eval_steps_per_second": 4.19,
335
+ "step": 208
336
+ },
337
+ {
338
+ "epoch": 4.038461538461538,
339
+ "grad_norm": 1.84375,
340
+ "learning_rate": 0.00014883283692099112,
341
+ "loss": 1.0044,
342
+ "step": 210
343
+ },
344
+ {
345
+ "epoch": 4.134615384615385,
346
+ "grad_norm": 2.390625,
347
+ "learning_rate": 0.00014587688526312143,
348
+ "loss": 0.9975,
349
+ "step": 215
350
+ },
351
+ {
352
+ "epoch": 4.230769230769231,
353
+ "grad_norm": 1.7734375,
354
+ "learning_rate": 0.00014286925614030542,
355
+ "loss": 0.9872,
356
+ "step": 220
357
+ },
358
+ {
359
+ "epoch": 4.326923076923077,
360
+ "grad_norm": 1.1328125,
361
+ "learning_rate": 0.0001398133374601501,
362
+ "loss": 0.9851,
363
+ "step": 225
364
+ },
365
+ {
366
+ "epoch": 4.423076923076923,
367
+ "grad_norm": 1.5234375,
368
+ "learning_rate": 0.00013671257152545277,
369
+ "loss": 0.9774,
370
+ "step": 230
371
+ },
372
+ {
373
+ "epoch": 4.519230769230769,
374
+ "grad_norm": 1.34375,
375
+ "learning_rate": 0.0001335704511566605,
376
+ "loss": 0.9794,
377
+ "step": 235
378
+ },
379
+ {
380
+ "epoch": 4.615384615384615,
381
+ "grad_norm": 2.421875,
382
+ "learning_rate": 0.0001303905157574247,
383
+ "loss": 0.9764,
384
+ "step": 240
385
+ },
386
+ {
387
+ "epoch": 4.711538461538462,
388
+ "grad_norm": 0.90625,
389
+ "learning_rate": 0.00012717634732768243,
390
+ "loss": 0.9714,
391
+ "step": 245
392
+ },
393
+ {
394
+ "epoch": 4.8076923076923075,
395
+ "grad_norm": 1.4375,
396
+ "learning_rate": 0.0001239315664287558,
397
+ "loss": 0.9649,
398
+ "step": 250
399
+ },
400
+ {
401
+ "epoch": 4.903846153846154,
402
+ "grad_norm": 0.9921875,
403
+ "learning_rate": 0.00012065982810501404,
404
+ "loss": 0.9635,
405
+ "step": 255
406
+ },
407
+ {
408
+ "epoch": 5.0,
409
+ "grad_norm": 1.3828125,
410
+ "learning_rate": 0.00011736481776669306,
411
+ "loss": 0.9682,
412
+ "step": 260
413
+ },
414
+ {
415
+ "epoch": 5.0,
416
+ "eval_loss": 2.542388439178467,
417
+ "eval_runtime": 0.2362,
418
+ "eval_samples_per_second": 42.339,
419
+ "eval_steps_per_second": 4.234,
420
+ "step": 260
421
+ },
422
+ {
423
+ "epoch": 5.096153846153846,
424
+ "grad_norm": 0.8046875,
425
+ "learning_rate": 0.00011405024703850929,
426
+ "loss": 0.9485,
427
+ "step": 265
428
+ },
429
+ {
430
+ "epoch": 5.1923076923076925,
431
+ "grad_norm": 0.71875,
432
+ "learning_rate": 0.00011071984957874479,
433
+ "loss": 0.95,
434
+ "step": 270
435
+ },
436
+ {
437
+ "epoch": 5.288461538461538,
438
+ "grad_norm": 0.54296875,
439
+ "learning_rate": 0.00010737737687351284,
440
+ "loss": 0.9429,
441
+ "step": 275
442
+ },
443
+ {
444
+ "epoch": 5.384615384615385,
445
+ "grad_norm": 0.75,
446
+ "learning_rate": 0.00010402659401094152,
447
+ "loss": 0.9439,
448
+ "step": 280
449
+ },
450
+ {
451
+ "epoch": 5.480769230769231,
452
+ "grad_norm": 0.8984375,
453
+ "learning_rate": 0.00010067127544003563,
454
+ "loss": 0.9454,
455
+ "step": 285
456
+ },
457
+ {
458
+ "epoch": 5.576923076923077,
459
+ "grad_norm": 0.984375,
460
+ "learning_rate": 9.73152007189939e-05,
461
+ "loss": 0.9446,
462
+ "step": 290
463
+ },
464
+ {
465
+ "epoch": 5.673076923076923,
466
+ "grad_norm": 0.59375,
467
+ "learning_rate": 9.396215025777139e-05,
468
+ "loss": 0.9427,
469
+ "step": 295
470
+ },
471
+ {
472
+ "epoch": 5.769230769230769,
473
+ "grad_norm": 0.4765625,
474
+ "learning_rate": 9.061590105968208e-05,
475
+ "loss": 0.9351,
476
+ "step": 300
477
+ },
478
+ {
479
+ "epoch": 5.865384615384615,
480
+ "grad_norm": 1.4609375,
481
+ "learning_rate": 8.728022246683894e-05,
482
+ "loss": 0.94,
483
+ "step": 305
484
+ },
485
+ {
486
+ "epoch": 5.961538461538462,
487
+ "grad_norm": 1.390625,
488
+ "learning_rate": 8.395887191422397e-05,
489
+ "loss": 0.9349,
490
+ "step": 310
491
+ },
492
+ {
493
+ "epoch": 6.0,
494
+ "eval_loss": 2.521150588989258,
495
+ "eval_runtime": 0.2386,
496
+ "eval_samples_per_second": 41.905,
497
+ "eval_steps_per_second": 4.191,
498
+ "step": 312
499
+ },
500
+ {
501
+ "epoch": 6.0576923076923075,
502
+ "grad_norm": 2.0625,
503
+ "learning_rate": 8.065559069717088e-05,
504
+ "loss": 0.9261,
505
+ "step": 315
506
+ },
507
+ {
508
+ "epoch": 6.153846153846154,
509
+ "grad_norm": 1.6875,
510
+ "learning_rate": 7.73740997570278e-05,
511
+ "loss": 0.9233,
512
+ "step": 320
513
+ },
514
+ {
515
+ "epoch": 6.25,
516
+ "grad_norm": 0.546875,
517
+ "learning_rate": 7.411809548974792e-05,
518
+ "loss": 0.9199,
519
+ "step": 325
520
+ },
521
+ {
522
+ "epoch": 6.346153846153846,
523
+ "grad_norm": 0.71875,
524
+ "learning_rate": 7.089124558212871e-05,
525
+ "loss": 0.9295,
526
+ "step": 330
527
+ },
528
+ {
529
+ "epoch": 6.4423076923076925,
530
+ "grad_norm": 0.73828125,
531
+ "learning_rate": 6.769718488039023e-05,
532
+ "loss": 0.9141,
533
+ "step": 335
534
+ },
535
+ {
536
+ "epoch": 6.538461538461538,
537
+ "grad_norm": 0.69140625,
538
+ "learning_rate": 6.453951129574644e-05,
539
+ "loss": 0.9129,
540
+ "step": 340
541
+ },
542
+ {
543
+ "epoch": 6.634615384615385,
544
+ "grad_norm": 0.578125,
545
+ "learning_rate": 6.142178175158149e-05,
546
+ "loss": 0.917,
547
+ "step": 345
548
+ },
549
+ {
550
+ "epoch": 6.730769230769231,
551
+ "grad_norm": 0.7421875,
552
+ "learning_rate": 5.834750817679606e-05,
553
+ "loss": 0.9146,
554
+ "step": 350
555
+ },
556
+ {
557
+ "epoch": 6.826923076923077,
558
+ "grad_norm": 0.61328125,
559
+ "learning_rate": 5.5320153549837415e-05,
560
+ "loss": 0.9191,
561
+ "step": 355
562
+ },
563
+ {
564
+ "epoch": 6.923076923076923,
565
+ "grad_norm": 0.55078125,
566
+ "learning_rate": 5.234312799786921e-05,
567
+ "loss": 0.9093,
568
+ "step": 360
569
+ },
570
+ {
571
+ "epoch": 7.0,
572
+ "eval_loss": 2.5261104106903076,
573
+ "eval_runtime": 0.2385,
574
+ "eval_samples_per_second": 41.933,
575
+ "eval_steps_per_second": 4.193,
576
+ "step": 364
577
+ },
578
+ {
579
+ "epoch": 7.019230769230769,
580
+ "grad_norm": 0.65625,
581
+ "learning_rate": 4.9419784955474524e-05,
582
+ "loss": 0.9152,
583
+ "step": 365
584
+ },
585
+ {
586
+ "epoch": 7.115384615384615,
587
+ "grad_norm": 0.447265625,
588
+ "learning_rate": 4.6553417387219886e-05,
589
+ "loss": 0.8965,
590
+ "step": 370
591
+ },
592
+ {
593
+ "epoch": 7.211538461538462,
594
+ "grad_norm": 0.5703125,
595
+ "learning_rate": 4.374725407833532e-05,
596
+ "loss": 0.9012,
597
+ "step": 375
598
+ },
599
+ {
600
+ "epoch": 7.3076923076923075,
601
+ "grad_norm": 0.46484375,
602
+ "learning_rate": 4.100445599768774e-05,
603
+ "loss": 0.9105,
604
+ "step": 380
605
+ },
606
+ {
607
+ "epoch": 7.403846153846154,
608
+ "grad_norm": 0.451171875,
609
+ "learning_rate": 3.832811273714569e-05,
610
+ "loss": 0.9071,
611
+ "step": 385
612
+ },
613
+ {
614
+ "epoch": 7.5,
615
+ "grad_norm": 0.498046875,
616
+ "learning_rate": 3.5721239031346066e-05,
617
+ "loss": 0.903,
618
+ "step": 390
619
+ },
620
+ {
621
+ "epoch": 7.596153846153846,
622
+ "grad_norm": 0.47265625,
623
+ "learning_rate": 3.318677136178228e-05,
624
+ "loss": 0.898,
625
+ "step": 395
626
+ },
627
+ {
628
+ "epoch": 7.6923076923076925,
629
+ "grad_norm": 0.470703125,
630
+ "learning_rate": 3.072756464904006e-05,
631
+ "loss": 0.9056,
632
+ "step": 400
633
+ },
634
+ {
635
+ "epoch": 7.788461538461538,
636
+ "grad_norm": 0.40625,
637
+ "learning_rate": 2.8346389036906828e-05,
638
+ "loss": 0.9032,
639
+ "step": 405
640
+ },
641
+ {
642
+ "epoch": 7.884615384615385,
643
+ "grad_norm": 0.4296875,
644
+ "learning_rate": 2.6045926771976303e-05,
645
+ "loss": 0.9025,
646
+ "step": 410
647
+ },
648
+ {
649
+ "epoch": 7.980769230769231,
650
+ "grad_norm": 0.59375,
651
+ "learning_rate": 2.382876918226409e-05,
652
+ "loss": 0.906,
653
+ "step": 415
654
+ },
655
+ {
656
+ "epoch": 8.0,
657
+ "eval_loss": 2.533395528793335,
658
+ "eval_runtime": 0.2363,
659
+ "eval_samples_per_second": 42.318,
660
+ "eval_steps_per_second": 4.232,
661
+ "step": 416
662
+ },
663
+ {
664
+ "epoch": 8.076923076923077,
665
+ "grad_norm": 0.578125,
666
+ "learning_rate": 2.1697413758237784e-05,
667
+ "loss": 0.8984,
668
+ "step": 420
669
+ },
670
+ {
671
+ "epoch": 8.173076923076923,
672
+ "grad_norm": 0.6796875,
673
+ "learning_rate": 1.965426133954854e-05,
674
+ "loss": 0.8971,
675
+ "step": 425
676
+ },
677
+ {
678
+ "epoch": 8.26923076923077,
679
+ "grad_norm": 0.48046875,
680
+ "learning_rate": 1.7701613410634365e-05,
681
+ "loss": 0.8991,
682
+ "step": 430
683
+ },
684
+ {
685
+ "epoch": 8.365384615384615,
686
+ "grad_norm": 0.58984375,
687
+ "learning_rate": 1.584166950824061e-05,
688
+ "loss": 0.897,
689
+ "step": 435
690
+ },
691
+ {
692
+ "epoch": 8.461538461538462,
693
+ "grad_norm": 0.58984375,
694
+ "learning_rate": 1.4076524743778319e-05,
695
+ "loss": 0.8916,
696
+ "step": 440
697
+ },
698
+ {
699
+ "epoch": 8.557692307692308,
700
+ "grad_norm": 0.470703125,
701
+ "learning_rate": 1.2408167443311214e-05,
702
+ "loss": 0.8914,
703
+ "step": 445
704
+ },
705
+ {
706
+ "epoch": 8.653846153846153,
707
+ "grad_norm": 0.423828125,
708
+ "learning_rate": 1.083847690782972e-05,
709
+ "loss": 0.8918,
710
+ "step": 450
711
+ },
712
+ {
713
+ "epoch": 8.75,
714
+ "grad_norm": 0.42578125,
715
+ "learning_rate": 9.369221296335006e-06,
716
+ "loss": 0.8964,
717
+ "step": 455
718
+ },
719
+ {
720
+ "epoch": 8.846153846153847,
721
+ "grad_norm": 0.439453125,
722
+ "learning_rate": 8.002055634117578e-06,
723
+ "loss": 0.9012,
724
+ "step": 460
725
+ },
726
+ {
727
+ "epoch": 8.942307692307692,
728
+ "grad_norm": 0.40625,
729
+ "learning_rate": 6.738519948473976e-06,
730
+ "loss": 0.9005,
731
+ "step": 465
732
+ },
733
+ {
734
+ "epoch": 9.0,
735
+ "eval_loss": 2.5352470874786377,
736
+ "eval_runtime": 0.2402,
737
+ "eval_samples_per_second": 41.631,
738
+ "eval_steps_per_second": 4.163,
739
+ "step": 468
740
+ },
741
+ {
742
+ "epoch": 9.038461538461538,
743
+ "grad_norm": 0.3984375,
744
+ "learning_rate": 5.580037533961546e-06,
745
+ "loss": 0.9032,
746
+ "step": 470
747
+ },
748
+ {
749
+ "epoch": 9.134615384615385,
750
+ "grad_norm": 0.4140625,
751
+ "learning_rate": 4.527913349145441e-06,
752
+ "loss": 0.8882,
753
+ "step": 475
754
+ },
755
+ {
756
+ "epoch": 9.23076923076923,
757
+ "grad_norm": 0.4140625,
758
+ "learning_rate": 3.5833325466437694e-06,
759
+ "loss": 0.8951,
760
+ "step": 480
761
+ },
762
+ {
763
+ "epoch": 9.326923076923077,
764
+ "grad_norm": 0.41015625,
765
+ "learning_rate": 2.7473591381266708e-06,
766
+ "loss": 0.8969,
767
+ "step": 485
768
+ },
769
+ {
770
+ "epoch": 9.423076923076923,
771
+ "grad_norm": 0.494140625,
772
+ "learning_rate": 2.0209347957732328e-06,
773
+ "loss": 0.893,
774
+ "step": 490
775
+ },
776
+ {
777
+ "epoch": 9.51923076923077,
778
+ "grad_norm": 0.453125,
779
+ "learning_rate": 1.404877791536141e-06,
780
+ "loss": 0.9007,
781
+ "step": 495
782
+ },
783
+ {
784
+ "epoch": 9.615384615384615,
785
+ "grad_norm": 0.431640625,
786
+ "learning_rate": 8.998820754091531e-07,
787
+ "loss": 0.8921,
788
+ "step": 500
789
+ },
790
+ {
791
+ "epoch": 9.711538461538462,
792
+ "grad_norm": 0.41015625,
793
+ "learning_rate": 5.065164937354428e-07,
794
+ "loss": 0.895,
795
+ "step": 505
796
+ },
797
+ {
798
+ "epoch": 9.807692307692308,
799
+ "grad_norm": 0.412109375,
800
+ "learning_rate": 2.2522414843748618e-07,
801
+ "loss": 0.9003,
802
+ "step": 510
803
+ },
804
+ {
805
+ "epoch": 9.903846153846153,
806
+ "grad_norm": 0.416015625,
807
+ "learning_rate": 5.632189789027687e-08,
808
+ "loss": 0.8975,
809
+ "step": 515
810
+ },
811
+ {
812
+ "epoch": 10.0,
813
+ "grad_norm": 0.41015625,
814
+ "learning_rate": 0.0,
815
+ "loss": 0.8909,
816
+ "step": 520
817
+ },
818
+ {
819
+ "epoch": 10.0,
820
+ "eval_loss": 2.5407798290252686,
821
+ "eval_runtime": 0.2364,
822
+ "eval_samples_per_second": 42.307,
823
+ "eval_steps_per_second": 4.231,
824
+ "step": 520
825
+ },
826
+ {
827
+ "epoch": 10.0,
828
+ "step": 520,
829
+ "total_flos": 1.586229114665173e+18,
830
+ "train_loss": 3.2695524289057807,
831
+ "train_runtime": 1270.6632,
832
+ "train_samples_per_second": 26.183,
833
+ "train_steps_per_second": 0.409
834
+ }
835
+ ],
836
+ "logging_steps": 5,
837
+ "max_steps": 520,
838
+ "num_input_tokens_seen": 0,
839
+ "num_train_epochs": 10,
840
+ "save_steps": 100,
841
+ "total_flos": 1.586229114665173e+18,
842
+ "train_batch_size": 4,
843
+ "trial_name": null,
844
+ "trial_params": null
845
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ddbcec7504f4d43203690f7bb5a7c7bd59e765b356fba6ac0a0fbabfeeeff186
3
+ size 5176