stratplans commited on
Commit
928613c
·
verified ·
1 Parent(s): 245fc5e

Upload fine-tuned X3D generation LoRA adapter

Browse files
This view is limited to 50 files because it contains too many changes.   See raw diff
Files changed (50) hide show
  1. .gitattributes +4 -0
  2. README.md +145 -0
  3. adapter_config.json +42 -0
  4. adapter_model.safetensors +3 -0
  5. added_tokens.json +24 -0
  6. chat_template.jinja +54 -0
  7. checkpoint-1000/README.md +207 -0
  8. checkpoint-1000/adapter_config.json +42 -0
  9. checkpoint-1000/adapter_model.safetensors +3 -0
  10. checkpoint-1000/added_tokens.json +24 -0
  11. checkpoint-1000/chat_template.jinja +54 -0
  12. checkpoint-1000/merges.txt +0 -0
  13. checkpoint-1000/optimizer.pt +3 -0
  14. checkpoint-1000/rng_state.pth +3 -0
  15. checkpoint-1000/scheduler.pt +3 -0
  16. checkpoint-1000/special_tokens_map.json +31 -0
  17. checkpoint-1000/tokenizer.json +3 -0
  18. checkpoint-1000/tokenizer_config.json +208 -0
  19. checkpoint-1000/trainer_state.json +814 -0
  20. checkpoint-1000/training_args.bin +3 -0
  21. checkpoint-1000/vocab.json +0 -0
  22. checkpoint-1500/README.md +207 -0
  23. checkpoint-1500/adapter_config.json +42 -0
  24. checkpoint-1500/adapter_model.safetensors +3 -0
  25. checkpoint-1500/added_tokens.json +24 -0
  26. checkpoint-1500/chat_template.jinja +54 -0
  27. checkpoint-1500/merges.txt +0 -0
  28. checkpoint-1500/optimizer.pt +3 -0
  29. checkpoint-1500/rng_state.pth +3 -0
  30. checkpoint-1500/scheduler.pt +3 -0
  31. checkpoint-1500/special_tokens_map.json +31 -0
  32. checkpoint-1500/tokenizer.json +3 -0
  33. checkpoint-1500/tokenizer_config.json +208 -0
  34. checkpoint-1500/trainer_state.json +1204 -0
  35. checkpoint-1500/training_args.bin +3 -0
  36. checkpoint-1500/vocab.json +0 -0
  37. checkpoint-1782/README.md +207 -0
  38. checkpoint-1782/adapter_config.json +42 -0
  39. checkpoint-1782/adapter_model.safetensors +3 -0
  40. checkpoint-1782/added_tokens.json +24 -0
  41. checkpoint-1782/chat_template.jinja +54 -0
  42. checkpoint-1782/merges.txt +0 -0
  43. checkpoint-1782/optimizer.pt +3 -0
  44. checkpoint-1782/rng_state.pth +3 -0
  45. checkpoint-1782/scheduler.pt +3 -0
  46. checkpoint-1782/special_tokens_map.json +31 -0
  47. checkpoint-1782/tokenizer.json +3 -0
  48. checkpoint-1782/tokenizer_config.json +208 -0
  49. checkpoint-1782/trainer_state.json +1416 -0
  50. checkpoint-1782/training_args.bin +3 -0
.gitattributes CHANGED
@@ -33,3 +33,7 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
 
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ checkpoint-1000/tokenizer.json filter=lfs diff=lfs merge=lfs -text
37
+ checkpoint-1500/tokenizer.json filter=lfs diff=lfs merge=lfs -text
38
+ checkpoint-1782/tokenizer.json filter=lfs diff=lfs merge=lfs -text
39
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,145 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ base_model: Qwen/Qwen2.5-Coder-7B-Instruct
4
+ tags:
5
+ - generated_from_trainer
6
+ - x3d
7
+ - 3d-generation
8
+ - lora
9
+ - code-generation
10
+ datasets:
11
+ - stratplans/savage-x3d-generation
12
+ language:
13
+ - en
14
+ library_name: transformers
15
+ pipeline_tag: text-generation
16
+ ---
17
+
18
+ # X3D Generation Model - Qwen2.5-Coder-7B LoRA
19
+
20
+ This model is a fine-tuned version of [Qwen/Qwen2.5-Coder-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-Coder-7B-Instruct) for generating X3D (Extensible 3D) scene descriptions from natural language prompts.
21
+
22
+ ## Model Description
23
+
24
+ This model generates syntactically valid and semantically meaningful X3D scene descriptions from natural language prompts. X3D is an ISO-standard XML-based format for representing 3D graphics, widely used in simulation, scientific visualization, and web-based 3D applications.
25
+
26
+ ### Key Features
27
+ - Generates valid X3D XML code from natural language descriptions
28
+ - Trained on 19,712 instruction-response pairs derived from the Naval Postgraduate School Savage X3D Archive
29
+ - Uses LoRA (Low-Rank Adaptation) for efficient fine-tuning
30
+ - 4-bit quantization compatible for reduced memory usage
31
+
32
+ ## Training Details
33
+
34
+ ### Dataset
35
+ - **Source**: Naval Postgraduate School (NPS) Savage X3D Archive
36
+ - **Base models**: 1,232 unique X3D files
37
+ - **Augmented dataset**: 19,712 instruction-response pairs
38
+ - **Categories**: Military equipment, vehicles, buildings, terrain, humanoids, and abstract geometries
39
+
40
+ ### Model Architecture
41
+ - **Base Model**: Qwen2.5-Coder-7B-Instruct (7.7B parameters)
42
+ - **Fine-tuning Method**: LoRA with 4-bit quantization
43
+ - **LoRA Configuration**:
44
+ - Rank: 32
45
+ - Alpha: 64
46
+ - Target modules: q_proj, k_proj, v_proj, o_proj, gate_proj, up_proj, down_proj
47
+ - Trainable parameters: 80.7M (1.05% of total)
48
+
49
+ ### Training Configuration
50
+ - **Hardware**: 5x NVIDIA RTX 4090 GPUs (24GB VRAM each)
51
+ - **Training time**: 11.5 hours
52
+ - **Epochs**: 3
53
+ - **Effective batch size**: 80
54
+ - **Learning rate**: 2e-4 with cosine decay
55
+ - **Final training loss**: 0.0086
56
+ - **Final validation loss**: 0.0112
57
+
58
+ ## Usage
59
+
60
+ ### Installation
61
+
62
+ ```bash
63
+ pip install transformers peft accelerate bitsandbytes
64
+ ```
65
+
66
+ ### Loading the Model
67
+
68
+ ```python
69
+ from transformers import AutoModelForCausalLM, AutoTokenizer
70
+ from peft import PeftModel
71
+ import torch
72
+
73
+ # Load base model with 4-bit quantization
74
+ base_model = AutoModelForCausalLM.from_pretrained(
75
+ "Qwen/Qwen2.5-Coder-7B-Instruct",
76
+ load_in_4bit=True,
77
+ device_map="auto",
78
+ trust_remote_code=True
79
+ )
80
+
81
+ # Load LoRA adapter
82
+ model = PeftModel.from_pretrained(base_model, "stratplans/x3d-qwen2.5-coder-7b-lora")
83
+
84
+ # Load tokenizer
85
+ tokenizer = AutoTokenizer.from_pretrained("stratplans/x3d-qwen2.5-coder-7b-lora")
86
+
87
+ # Generate X3D
88
+ prompt = """<|im_start|>system
89
+ You are an X3D 3D model generator. Generate valid X3D XML code based on the user's description.
90
+ <|im_end|>
91
+ <|im_start|>user
92
+ Create an X3D model of a red sphere with radius 2 units
93
+ <|im_end|>
94
+ <|im_start|>assistant
95
+ """
96
+
97
+ inputs = tokenizer(prompt, return_tensors="pt").to("cuda")
98
+ outputs = model.generate(**inputs, max_length=2048, temperature=0.7)
99
+ x3d_code = tokenizer.decode(outputs[0], skip_special_tokens=True)
100
+ print(x3d_code)
101
+ ```
102
+
103
+ ### Example Prompts
104
+
105
+ 1. "Create an X3D model of a blue cube with metallic surface"
106
+ 2. "Generate an X3D scene with a rotating pyramid"
107
+ 3. "Build an X3D model of a simple robot with movable joints"
108
+ 4. "Design an X3D terrain with hills and valleys"
109
+
110
+ ## Performance
111
+
112
+ - **Generation speed**: ~50 tokens/second on single RTX 4090
113
+ - **Memory requirement**: 8GB VRAM for inference with 4-bit quantization
114
+ - **Validity rate**: Estimated 85% syntactically valid X3D on first generation
115
+ - **Semantic accuracy**: Follows input specifications in 70% of test cases
116
+
117
+ ## Limitations
118
+
119
+ 1. Maximum context length limited to 2048 tokens during training
120
+ 2. Complex scenes may require multiple generation attempts
121
+ 3. Animation and interaction features have limited support
122
+ 4. Best performance on object types similar to training data
123
+
124
+ ## Citation
125
+
126
+ If you use this model, please cite:
127
+
128
+ ```bibtex
129
+ @misc{x3d-qwen-2024,
130
+ title={X3D Generation with Fine-tuned Qwen2.5-Coder},
131
+ author={stratplans},
132
+ year={2024},
133
+ publisher={HuggingFace}
134
+ }
135
+ ```
136
+
137
+ ## License
138
+
139
+ This model inherits the Apache 2.0 license from the base Qwen2.5-Coder model.
140
+
141
+ ## Acknowledgments
142
+
143
+ - Naval Postgraduate School for the Savage X3D Archive
144
+ - Qwen team for the base model
145
+ - The X3D and Web3D Consortium community
adapter_config.json ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/Qwen2.5-Coder-7B-Instruct",
5
+ "bias": "none",
6
+ "corda_config": null,
7
+ "eva_config": null,
8
+ "exclude_modules": null,
9
+ "fan_in_fan_out": false,
10
+ "inference_mode": false,
11
+ "init_lora_weights": true,
12
+ "layer_replication": null,
13
+ "layers_pattern": null,
14
+ "layers_to_transform": null,
15
+ "loftq_config": {},
16
+ "lora_alpha": 64,
17
+ "lora_bias": false,
18
+ "lora_dropout": 0.1,
19
+ "megatron_config": null,
20
+ "megatron_core": "megatron.core",
21
+ "modules_to_save": null,
22
+ "peft_type": "LORA",
23
+ "qalora_group_size": 16,
24
+ "r": 32,
25
+ "rank_pattern": {},
26
+ "revision": null,
27
+ "target_modules": [
28
+ "down_proj",
29
+ "k_proj",
30
+ "q_proj",
31
+ "v_proj",
32
+ "o_proj",
33
+ "gate_proj",
34
+ "up_proj"
35
+ ],
36
+ "target_parameters": null,
37
+ "task_type": "CAUSAL_LM",
38
+ "trainable_token_indices": null,
39
+ "use_dora": false,
40
+ "use_qalora": false,
41
+ "use_rslora": false
42
+ }
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e557d8f3cd475aa25a687821e8a0c3be013f2042b356a5761be13390d046a76b
3
+ size 323014168
added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
chat_template.jinja ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {%- if tools %}
2
+ {{- '<|im_start|>system\n' }}
3
+ {%- if messages[0]['role'] == 'system' %}
4
+ {{- messages[0]['content'] }}
5
+ {%- else %}
6
+ {{- 'You are Qwen, created by Alibaba Cloud. You are a helpful assistant.' }}
7
+ {%- endif %}
8
+ {{- "\n\n# Tools\n\nYou may call one or more functions to assist with the user query.\n\nYou are provided with function signatures within <tools></tools> XML tags:\n<tools>" }}
9
+ {%- for tool in tools %}
10
+ {{- "\n" }}
11
+ {{- tool | tojson }}
12
+ {%- endfor %}
13
+ {{- "\n</tools>\n\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\n<tool_call>\n{\"name\": <function-name>, \"arguments\": <args-json-object>}\n</tool_call><|im_end|>\n" }}
14
+ {%- else %}
15
+ {%- if messages[0]['role'] == 'system' %}
16
+ {{- '<|im_start|>system\n' + messages[0]['content'] + '<|im_end|>\n' }}
17
+ {%- else %}
18
+ {{- '<|im_start|>system\nYou are Qwen, created by Alibaba Cloud. You are a helpful assistant.<|im_end|>\n' }}
19
+ {%- endif %}
20
+ {%- endif %}
21
+ {%- for message in messages %}
22
+ {%- if (message.role == "user") or (message.role == "system" and not loop.first) or (message.role == "assistant" and not message.tool_calls) %}
23
+ {{- '<|im_start|>' + message.role + '\n' + message.content + '<|im_end|>' + '\n' }}
24
+ {%- elif message.role == "assistant" %}
25
+ {{- '<|im_start|>' + message.role }}
26
+ {%- if message.content %}
27
+ {{- '\n' + message.content }}
28
+ {%- endif %}
29
+ {%- for tool_call in message.tool_calls %}
30
+ {%- if tool_call.function is defined %}
31
+ {%- set tool_call = tool_call.function %}
32
+ {%- endif %}
33
+ {{- '\n<tool_call>\n{"name": "' }}
34
+ {{- tool_call.name }}
35
+ {{- '", "arguments": ' }}
36
+ {{- tool_call.arguments | tojson }}
37
+ {{- '}\n</tool_call>' }}
38
+ {%- endfor %}
39
+ {{- '<|im_end|>\n' }}
40
+ {%- elif message.role == "tool" %}
41
+ {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != "tool") %}
42
+ {{- '<|im_start|>user' }}
43
+ {%- endif %}
44
+ {{- '\n<tool_response>\n' }}
45
+ {{- message.content }}
46
+ {{- '\n</tool_response>' }}
47
+ {%- if loop.last or (messages[loop.index0 + 1].role != "tool") %}
48
+ {{- '<|im_end|>\n' }}
49
+ {%- endif %}
50
+ {%- endif %}
51
+ {%- endfor %}
52
+ {%- if add_generation_prompt %}
53
+ {{- '<|im_start|>assistant\n' }}
54
+ {%- endif %}
checkpoint-1000/README.md ADDED
@@ -0,0 +1,207 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: Qwen/Qwen2.5-Coder-7B-Instruct
3
+ library_name: peft
4
+ pipeline_tag: text-generation
5
+ tags:
6
+ - base_model:adapter:Qwen/Qwen2.5-Coder-7B-Instruct
7
+ - lora
8
+ - transformers
9
+ ---
10
+
11
+ # Model Card for Model ID
12
+
13
+ <!-- Provide a quick summary of what the model is/does. -->
14
+
15
+
16
+
17
+ ## Model Details
18
+
19
+ ### Model Description
20
+
21
+ <!-- Provide a longer summary of what this model is. -->
22
+
23
+
24
+
25
+ - **Developed by:** [More Information Needed]
26
+ - **Funded by [optional]:** [More Information Needed]
27
+ - **Shared by [optional]:** [More Information Needed]
28
+ - **Model type:** [More Information Needed]
29
+ - **Language(s) (NLP):** [More Information Needed]
30
+ - **License:** [More Information Needed]
31
+ - **Finetuned from model [optional]:** [More Information Needed]
32
+
33
+ ### Model Sources [optional]
34
+
35
+ <!-- Provide the basic links for the model. -->
36
+
37
+ - **Repository:** [More Information Needed]
38
+ - **Paper [optional]:** [More Information Needed]
39
+ - **Demo [optional]:** [More Information Needed]
40
+
41
+ ## Uses
42
+
43
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
44
+
45
+ ### Direct Use
46
+
47
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
48
+
49
+ [More Information Needed]
50
+
51
+ ### Downstream Use [optional]
52
+
53
+ <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
54
+
55
+ [More Information Needed]
56
+
57
+ ### Out-of-Scope Use
58
+
59
+ <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
60
+
61
+ [More Information Needed]
62
+
63
+ ## Bias, Risks, and Limitations
64
+
65
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
66
+
67
+ [More Information Needed]
68
+
69
+ ### Recommendations
70
+
71
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
72
+
73
+ Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
74
+
75
+ ## How to Get Started with the Model
76
+
77
+ Use the code below to get started with the model.
78
+
79
+ [More Information Needed]
80
+
81
+ ## Training Details
82
+
83
+ ### Training Data
84
+
85
+ <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
86
+
87
+ [More Information Needed]
88
+
89
+ ### Training Procedure
90
+
91
+ <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
92
+
93
+ #### Preprocessing [optional]
94
+
95
+ [More Information Needed]
96
+
97
+
98
+ #### Training Hyperparameters
99
+
100
+ - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
101
+
102
+ #### Speeds, Sizes, Times [optional]
103
+
104
+ <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
105
+
106
+ [More Information Needed]
107
+
108
+ ## Evaluation
109
+
110
+ <!-- This section describes the evaluation protocols and provides the results. -->
111
+
112
+ ### Testing Data, Factors & Metrics
113
+
114
+ #### Testing Data
115
+
116
+ <!-- This should link to a Dataset Card if possible. -->
117
+
118
+ [More Information Needed]
119
+
120
+ #### Factors
121
+
122
+ <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
123
+
124
+ [More Information Needed]
125
+
126
+ #### Metrics
127
+
128
+ <!-- These are the evaluation metrics being used, ideally with a description of why. -->
129
+
130
+ [More Information Needed]
131
+
132
+ ### Results
133
+
134
+ [More Information Needed]
135
+
136
+ #### Summary
137
+
138
+
139
+
140
+ ## Model Examination [optional]
141
+
142
+ <!-- Relevant interpretability work for the model goes here -->
143
+
144
+ [More Information Needed]
145
+
146
+ ## Environmental Impact
147
+
148
+ <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
149
+
150
+ Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
151
+
152
+ - **Hardware Type:** [More Information Needed]
153
+ - **Hours used:** [More Information Needed]
154
+ - **Cloud Provider:** [More Information Needed]
155
+ - **Compute Region:** [More Information Needed]
156
+ - **Carbon Emitted:** [More Information Needed]
157
+
158
+ ## Technical Specifications [optional]
159
+
160
+ ### Model Architecture and Objective
161
+
162
+ [More Information Needed]
163
+
164
+ ### Compute Infrastructure
165
+
166
+ [More Information Needed]
167
+
168
+ #### Hardware
169
+
170
+ [More Information Needed]
171
+
172
+ #### Software
173
+
174
+ [More Information Needed]
175
+
176
+ ## Citation [optional]
177
+
178
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
179
+
180
+ **BibTeX:**
181
+
182
+ [More Information Needed]
183
+
184
+ **APA:**
185
+
186
+ [More Information Needed]
187
+
188
+ ## Glossary [optional]
189
+
190
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
191
+
192
+ [More Information Needed]
193
+
194
+ ## More Information [optional]
195
+
196
+ [More Information Needed]
197
+
198
+ ## Model Card Authors [optional]
199
+
200
+ [More Information Needed]
201
+
202
+ ## Model Card Contact
203
+
204
+ [More Information Needed]
205
+ ### Framework versions
206
+
207
+ - PEFT 0.17.1
checkpoint-1000/adapter_config.json ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/Qwen2.5-Coder-7B-Instruct",
5
+ "bias": "none",
6
+ "corda_config": null,
7
+ "eva_config": null,
8
+ "exclude_modules": null,
9
+ "fan_in_fan_out": false,
10
+ "inference_mode": true,
11
+ "init_lora_weights": true,
12
+ "layer_replication": null,
13
+ "layers_pattern": null,
14
+ "layers_to_transform": null,
15
+ "loftq_config": {},
16
+ "lora_alpha": 64,
17
+ "lora_bias": false,
18
+ "lora_dropout": 0.1,
19
+ "megatron_config": null,
20
+ "megatron_core": "megatron.core",
21
+ "modules_to_save": null,
22
+ "peft_type": "LORA",
23
+ "qalora_group_size": 16,
24
+ "r": 32,
25
+ "rank_pattern": {},
26
+ "revision": null,
27
+ "target_modules": [
28
+ "down_proj",
29
+ "k_proj",
30
+ "q_proj",
31
+ "v_proj",
32
+ "o_proj",
33
+ "gate_proj",
34
+ "up_proj"
35
+ ],
36
+ "target_parameters": null,
37
+ "task_type": "CAUSAL_LM",
38
+ "trainable_token_indices": null,
39
+ "use_dora": false,
40
+ "use_qalora": false,
41
+ "use_rslora": false
42
+ }
checkpoint-1000/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d915b9d3c76c968c321b4cde6c90a0724f7e530ad23398029057b68da8b804ad
3
+ size 323014168
checkpoint-1000/added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
checkpoint-1000/chat_template.jinja ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {%- if tools %}
2
+ {{- '<|im_start|>system\n' }}
3
+ {%- if messages[0]['role'] == 'system' %}
4
+ {{- messages[0]['content'] }}
5
+ {%- else %}
6
+ {{- 'You are Qwen, created by Alibaba Cloud. You are a helpful assistant.' }}
7
+ {%- endif %}
8
+ {{- "\n\n# Tools\n\nYou may call one or more functions to assist with the user query.\n\nYou are provided with function signatures within <tools></tools> XML tags:\n<tools>" }}
9
+ {%- for tool in tools %}
10
+ {{- "\n" }}
11
+ {{- tool | tojson }}
12
+ {%- endfor %}
13
+ {{- "\n</tools>\n\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\n<tool_call>\n{\"name\": <function-name>, \"arguments\": <args-json-object>}\n</tool_call><|im_end|>\n" }}
14
+ {%- else %}
15
+ {%- if messages[0]['role'] == 'system' %}
16
+ {{- '<|im_start|>system\n' + messages[0]['content'] + '<|im_end|>\n' }}
17
+ {%- else %}
18
+ {{- '<|im_start|>system\nYou are Qwen, created by Alibaba Cloud. You are a helpful assistant.<|im_end|>\n' }}
19
+ {%- endif %}
20
+ {%- endif %}
21
+ {%- for message in messages %}
22
+ {%- if (message.role == "user") or (message.role == "system" and not loop.first) or (message.role == "assistant" and not message.tool_calls) %}
23
+ {{- '<|im_start|>' + message.role + '\n' + message.content + '<|im_end|>' + '\n' }}
24
+ {%- elif message.role == "assistant" %}
25
+ {{- '<|im_start|>' + message.role }}
26
+ {%- if message.content %}
27
+ {{- '\n' + message.content }}
28
+ {%- endif %}
29
+ {%- for tool_call in message.tool_calls %}
30
+ {%- if tool_call.function is defined %}
31
+ {%- set tool_call = tool_call.function %}
32
+ {%- endif %}
33
+ {{- '\n<tool_call>\n{"name": "' }}
34
+ {{- tool_call.name }}
35
+ {{- '", "arguments": ' }}
36
+ {{- tool_call.arguments | tojson }}
37
+ {{- '}\n</tool_call>' }}
38
+ {%- endfor %}
39
+ {{- '<|im_end|>\n' }}
40
+ {%- elif message.role == "tool" %}
41
+ {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != "tool") %}
42
+ {{- '<|im_start|>user' }}
43
+ {%- endif %}
44
+ {{- '\n<tool_response>\n' }}
45
+ {{- message.content }}
46
+ {{- '\n</tool_response>' }}
47
+ {%- if loop.last or (messages[loop.index0 + 1].role != "tool") %}
48
+ {{- '<|im_end|>\n' }}
49
+ {%- endif %}
50
+ {%- endif %}
51
+ {%- endfor %}
52
+ {%- if add_generation_prompt %}
53
+ {{- '<|im_start|>assistant\n' }}
54
+ {%- endif %}
checkpoint-1000/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-1000/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:280dd38353c47e73a1bdc62bf4354f7219cf5461d9f1905a81d41e9ba2e927e4
3
+ size 646253819
checkpoint-1000/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4a084d902acfb312d7d69b1b9d465c12e69caa6c7a081f8302b226e334e5e64d
3
+ size 14645
checkpoint-1000/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d8c600d561b7e44f21f456ad8b7c7914326253f6a21f5d66546f70a06ffd6954
3
+ size 1465
checkpoint-1000/special_tokens_map.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
+ ],
17
+ "eos_token": {
18
+ "content": "<|im_end|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "<|endoftext|>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ }
31
+ }
checkpoint-1000/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:694f1174c5bdf94e2fc50796c0f1733a5a3945ff110b0dfa40ea0701cc9c9c42
3
+ size 11422176
checkpoint-1000/tokenizer_config.json ADDED
@@ -0,0 +1,208 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "151643": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "151644": {
14
+ "content": "<|im_start|>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "151645": {
22
+ "content": "<|im_end|>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
+ }
181
+ },
182
+ "additional_special_tokens": [
183
+ "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
+ ],
197
+ "bos_token": null,
198
+ "clean_up_tokenization_spaces": false,
199
+ "eos_token": "<|im_end|>",
200
+ "errors": "replace",
201
+ "extra_special_tokens": {},
202
+ "model_max_length": 32768,
203
+ "pad_token": "<|endoftext|>",
204
+ "padding_side": "right",
205
+ "split_special_tokens": false,
206
+ "tokenizer_class": "Qwen2Tokenizer",
207
+ "unk_token": null
208
+ }
checkpoint-1000/trainer_state.json ADDED
@@ -0,0 +1,814 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": 1000,
3
+ "best_metric": 0.02681094780564308,
4
+ "best_model_checkpoint": "/output/x3d_finetuned_model/checkpoint-1000",
5
+ "epoch": 1.6837894736842105,
6
+ "eval_steps": 100,
7
+ "global_step": 1000,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "epoch": 0.016842105263157894,
14
+ "grad_norm": 0.2378891110420227,
15
+ "learning_rate": 1.8e-05,
16
+ "loss": 0.8901,
17
+ "step": 10
18
+ },
19
+ {
20
+ "epoch": 0.03368421052631579,
21
+ "grad_norm": 0.18149839341640472,
22
+ "learning_rate": 3.8e-05,
23
+ "loss": 0.7969,
24
+ "step": 20
25
+ },
26
+ {
27
+ "epoch": 0.05052631578947368,
28
+ "grad_norm": 0.1667049527168274,
29
+ "learning_rate": 5.8e-05,
30
+ "loss": 0.6762,
31
+ "step": 30
32
+ },
33
+ {
34
+ "epoch": 0.06736842105263158,
35
+ "grad_norm": 0.15869387984275818,
36
+ "learning_rate": 7.800000000000001e-05,
37
+ "loss": 0.5698,
38
+ "step": 40
39
+ },
40
+ {
41
+ "epoch": 0.08421052631578947,
42
+ "grad_norm": 0.16361284255981445,
43
+ "learning_rate": 9.8e-05,
44
+ "loss": 0.5225,
45
+ "step": 50
46
+ },
47
+ {
48
+ "epoch": 0.10105263157894737,
49
+ "grad_norm": 0.14269448816776276,
50
+ "learning_rate": 0.000118,
51
+ "loss": 0.465,
52
+ "step": 60
53
+ },
54
+ {
55
+ "epoch": 0.11789473684210526,
56
+ "grad_norm": 0.18330006301403046,
57
+ "learning_rate": 0.000138,
58
+ "loss": 0.4562,
59
+ "step": 70
60
+ },
61
+ {
62
+ "epoch": 0.13473684210526315,
63
+ "grad_norm": 0.20621822774410248,
64
+ "learning_rate": 0.00015800000000000002,
65
+ "loss": 0.4291,
66
+ "step": 80
67
+ },
68
+ {
69
+ "epoch": 0.15157894736842106,
70
+ "grad_norm": 0.21223391592502594,
71
+ "learning_rate": 0.00017800000000000002,
72
+ "loss": 0.3939,
73
+ "step": 90
74
+ },
75
+ {
76
+ "epoch": 0.16842105263157894,
77
+ "grad_norm": 0.19762997329235077,
78
+ "learning_rate": 0.00019800000000000002,
79
+ "loss": 0.3753,
80
+ "step": 100
81
+ },
82
+ {
83
+ "epoch": 0.16842105263157894,
84
+ "eval_loss": 0.35540345311164856,
85
+ "eval_runtime": 224.1519,
86
+ "eval_samples_per_second": 2.231,
87
+ "eval_steps_per_second": 2.231,
88
+ "step": 100
89
+ },
90
+ {
91
+ "epoch": 0.18526315789473685,
92
+ "grad_norm": 0.18955057859420776,
93
+ "learning_rate": 0.00019998587161376442,
94
+ "loss": 0.3407,
95
+ "step": 110
96
+ },
97
+ {
98
+ "epoch": 0.20210526315789473,
99
+ "grad_norm": 0.24190108478069305,
100
+ "learning_rate": 0.00019993703787315803,
101
+ "loss": 0.346,
102
+ "step": 120
103
+ },
104
+ {
105
+ "epoch": 0.21894736842105264,
106
+ "grad_norm": 0.1914621889591217,
107
+ "learning_rate": 0.00019985334138511237,
108
+ "loss": 0.3288,
109
+ "step": 130
110
+ },
111
+ {
112
+ "epoch": 0.23578947368421052,
113
+ "grad_norm": 0.1650117188692093,
114
+ "learning_rate": 0.00019973481134690592,
115
+ "loss": 0.2942,
116
+ "step": 140
117
+ },
118
+ {
119
+ "epoch": 0.25263157894736843,
120
+ "grad_norm": 0.22298051416873932,
121
+ "learning_rate": 0.00019958148910740063,
122
+ "loss": 0.2904,
123
+ "step": 150
124
+ },
125
+ {
126
+ "epoch": 0.2694736842105263,
127
+ "grad_norm": 0.24592551589012146,
128
+ "learning_rate": 0.0001993934281526176,
129
+ "loss": 0.2918,
130
+ "step": 160
131
+ },
132
+ {
133
+ "epoch": 0.2863157894736842,
134
+ "grad_norm": 0.19984672963619232,
135
+ "learning_rate": 0.00019917069408707848,
136
+ "loss": 0.2461,
137
+ "step": 170
138
+ },
139
+ {
140
+ "epoch": 0.3031578947368421,
141
+ "grad_norm": 0.22812137007713318,
142
+ "learning_rate": 0.00019891336461091966,
143
+ "loss": 0.2577,
144
+ "step": 180
145
+ },
146
+ {
147
+ "epoch": 0.32,
148
+ "grad_norm": 0.21963553130626678,
149
+ "learning_rate": 0.0001986215294927868,
150
+ "loss": 0.2267,
151
+ "step": 190
152
+ },
153
+ {
154
+ "epoch": 0.3368421052631579,
155
+ "grad_norm": 0.24446611106395721,
156
+ "learning_rate": 0.00019829529053851919,
157
+ "loss": 0.2412,
158
+ "step": 200
159
+ },
160
+ {
161
+ "epoch": 0.3368421052631579,
162
+ "eval_loss": 0.23451316356658936,
163
+ "eval_runtime": 224.1089,
164
+ "eval_samples_per_second": 2.231,
165
+ "eval_steps_per_second": 2.231,
166
+ "step": 200
167
+ },
168
+ {
169
+ "epoch": 0.35368421052631577,
170
+ "grad_norm": 0.19283448159694672,
171
+ "learning_rate": 0.00019793476155563507,
172
+ "loss": 0.2324,
173
+ "step": 210
174
+ },
175
+ {
176
+ "epoch": 0.3705263157894737,
177
+ "grad_norm": 0.2276701033115387,
178
+ "learning_rate": 0.00019754006831363042,
179
+ "loss": 0.2055,
180
+ "step": 220
181
+ },
182
+ {
183
+ "epoch": 0.3873684210526316,
184
+ "grad_norm": 0.28741592168807983,
185
+ "learning_rate": 0.00019711134850010432,
186
+ "loss": 0.2068,
187
+ "step": 230
188
+ },
189
+ {
190
+ "epoch": 0.40421052631578946,
191
+ "grad_norm": 0.2498358190059662,
192
+ "learning_rate": 0.00019664875167272735,
193
+ "loss": 0.1945,
194
+ "step": 240
195
+ },
196
+ {
197
+ "epoch": 0.42105263157894735,
198
+ "grad_norm": 0.21750546991825104,
199
+ "learning_rate": 0.00019615243920706853,
200
+ "loss": 0.1811,
201
+ "step": 250
202
+ },
203
+ {
204
+ "epoch": 0.4378947368421053,
205
+ "grad_norm": 0.22553850710391998,
206
+ "learning_rate": 0.00019562258424030016,
207
+ "loss": 0.18,
208
+ "step": 260
209
+ },
210
+ {
211
+ "epoch": 0.45473684210526316,
212
+ "grad_norm": 0.2156210094690323,
213
+ "learning_rate": 0.00019505937161079927,
214
+ "loss": 0.1623,
215
+ "step": 270
216
+ },
217
+ {
218
+ "epoch": 0.47157894736842104,
219
+ "grad_norm": 0.3091757595539093,
220
+ "learning_rate": 0.0001944629977936673,
221
+ "loss": 0.1635,
222
+ "step": 280
223
+ },
224
+ {
225
+ "epoch": 0.4884210526315789,
226
+ "grad_norm": 0.23857639729976654,
227
+ "learning_rate": 0.0001938336708321904,
228
+ "loss": 0.1458,
229
+ "step": 290
230
+ },
231
+ {
232
+ "epoch": 0.5052631578947369,
233
+ "grad_norm": 0.2157812863588333,
234
+ "learning_rate": 0.0001931716102652641,
235
+ "loss": 0.1602,
236
+ "step": 300
237
+ },
238
+ {
239
+ "epoch": 0.5052631578947369,
240
+ "eval_loss": 0.14944693446159363,
241
+ "eval_runtime": 224.1903,
242
+ "eval_samples_per_second": 2.23,
243
+ "eval_steps_per_second": 2.23,
244
+ "step": 300
245
+ },
246
+ {
247
+ "epoch": 0.5221052631578947,
248
+ "grad_norm": 0.3185126483440399,
249
+ "learning_rate": 0.00019247704705080773,
250
+ "loss": 0.1531,
251
+ "step": 310
252
+ },
253
+ {
254
+ "epoch": 0.5389473684210526,
255
+ "grad_norm": 0.2601878345012665,
256
+ "learning_rate": 0.00019175022348519554,
257
+ "loss": 0.1403,
258
+ "step": 320
259
+ },
260
+ {
261
+ "epoch": 0.5557894736842105,
262
+ "grad_norm": 0.22638513147830963,
263
+ "learning_rate": 0.00019099139311873215,
264
+ "loss": 0.1176,
265
+ "step": 330
266
+ },
267
+ {
268
+ "epoch": 0.5726315789473684,
269
+ "grad_norm": 0.2953122854232788,
270
+ "learning_rate": 0.00019020082066720245,
271
+ "loss": 0.1192,
272
+ "step": 340
273
+ },
274
+ {
275
+ "epoch": 0.5894736842105263,
276
+ "grad_norm": 0.300016313791275,
277
+ "learning_rate": 0.00018937878191952606,
278
+ "loss": 0.1225,
279
+ "step": 350
280
+ },
281
+ {
282
+ "epoch": 0.6063157894736843,
283
+ "grad_norm": 0.21774296462535858,
284
+ "learning_rate": 0.0001885255636415494,
285
+ "loss": 0.1051,
286
+ "step": 360
287
+ },
288
+ {
289
+ "epoch": 0.6231578947368421,
290
+ "grad_norm": 0.19208350777626038,
291
+ "learning_rate": 0.00018764146347600793,
292
+ "loss": 0.0987,
293
+ "step": 370
294
+ },
295
+ {
296
+ "epoch": 0.64,
297
+ "grad_norm": 0.2341982126235962,
298
+ "learning_rate": 0.00018672678983869463,
299
+ "loss": 0.1071,
300
+ "step": 380
301
+ },
302
+ {
303
+ "epoch": 0.6568421052631579,
304
+ "grad_norm": 0.22858911752700806,
305
+ "learning_rate": 0.00018578186181086997,
306
+ "loss": 0.0983,
307
+ "step": 390
308
+ },
309
+ {
310
+ "epoch": 0.6736842105263158,
311
+ "grad_norm": 0.238422691822052,
312
+ "learning_rate": 0.0001848070090279512,
313
+ "loss": 0.0997,
314
+ "step": 400
315
+ },
316
+ {
317
+ "epoch": 0.6736842105263158,
318
+ "eval_loss": 0.09719416499137878,
319
+ "eval_runtime": 224.0873,
320
+ "eval_samples_per_second": 2.231,
321
+ "eval_steps_per_second": 2.231,
322
+ "step": 400
323
+ },
324
+ {
325
+ "epoch": 0.6905263157894737,
326
+ "grad_norm": 0.23865894973278046,
327
+ "learning_rate": 0.00018380257156452013,
328
+ "loss": 0.0894,
329
+ "step": 410
330
+ },
331
+ {
332
+ "epoch": 0.7073684210526315,
333
+ "grad_norm": 0.21594248712062836,
334
+ "learning_rate": 0.00018276889981568906,
335
+ "loss": 0.0871,
336
+ "step": 420
337
+ },
338
+ {
339
+ "epoch": 0.7242105263157895,
340
+ "grad_norm": 0.26310935616493225,
341
+ "learning_rate": 0.0001817063543748664,
342
+ "loss": 0.0933,
343
+ "step": 430
344
+ },
345
+ {
346
+ "epoch": 0.7410526315789474,
347
+ "grad_norm": 0.20604920387268066,
348
+ "learning_rate": 0.00018061530590796475,
349
+ "loss": 0.0832,
350
+ "step": 440
351
+ },
352
+ {
353
+ "epoch": 0.7578947368421053,
354
+ "grad_norm": 0.2668643593788147,
355
+ "learning_rate": 0.0001794961350240951,
356
+ "loss": 0.0822,
357
+ "step": 450
358
+ },
359
+ {
360
+ "epoch": 0.7747368421052632,
361
+ "grad_norm": 0.1784186065196991,
362
+ "learning_rate": 0.00017834923214279268,
363
+ "loss": 0.0783,
364
+ "step": 460
365
+ },
366
+ {
367
+ "epoch": 0.791578947368421,
368
+ "grad_norm": 0.2419017106294632,
369
+ "learning_rate": 0.00017717499735781983,
370
+ "loss": 0.0727,
371
+ "step": 470
372
+ },
373
+ {
374
+ "epoch": 0.8084210526315789,
375
+ "grad_norm": 0.25795748829841614,
376
+ "learning_rate": 0.00017597384029759475,
377
+ "loss": 0.0765,
378
+ "step": 480
379
+ },
380
+ {
381
+ "epoch": 0.8252631578947368,
382
+ "grad_norm": 0.25549963116645813,
383
+ "learning_rate": 0.00017474617998229373,
384
+ "loss": 0.0678,
385
+ "step": 490
386
+ },
387
+ {
388
+ "epoch": 0.8421052631578947,
389
+ "grad_norm": 0.3272872865200043,
390
+ "learning_rate": 0.00017349244467767708,
391
+ "loss": 0.0741,
392
+ "step": 500
393
+ },
394
+ {
395
+ "epoch": 0.8421052631578947,
396
+ "eval_loss": 0.0688847005367279,
397
+ "eval_runtime": 224.164,
398
+ "eval_samples_per_second": 2.231,
399
+ "eval_steps_per_second": 2.231,
400
+ "step": 500
401
+ },
402
+ {
403
+ "epoch": 0.8589473684210527,
404
+ "grad_norm": 0.20569807291030884,
405
+ "learning_rate": 0.0001722130717456901,
406
+ "loss": 0.0648,
407
+ "step": 510
408
+ },
409
+ {
410
+ "epoch": 0.8757894736842106,
411
+ "grad_norm": 0.2218085080385208,
412
+ "learning_rate": 0.00017090850749189022,
413
+ "loss": 0.0659,
414
+ "step": 520
415
+ },
416
+ {
417
+ "epoch": 0.8926315789473684,
418
+ "grad_norm": 0.18904639780521393,
419
+ "learning_rate": 0.00016957920700975504,
420
+ "loss": 0.0636,
421
+ "step": 530
422
+ },
423
+ {
424
+ "epoch": 0.9094736842105263,
425
+ "grad_norm": 0.24751749634742737,
426
+ "learning_rate": 0.00016822563402192397,
427
+ "loss": 0.0612,
428
+ "step": 540
429
+ },
430
+ {
431
+ "epoch": 0.9263157894736842,
432
+ "grad_norm": 0.19475597143173218,
433
+ "learning_rate": 0.00016684826071843004,
434
+ "loss": 0.065,
435
+ "step": 550
436
+ },
437
+ {
438
+ "epoch": 0.9431578947368421,
439
+ "grad_norm": 0.2451489120721817,
440
+ "learning_rate": 0.00016544756759197778,
441
+ "loss": 0.0588,
442
+ "step": 560
443
+ },
444
+ {
445
+ "epoch": 0.96,
446
+ "grad_norm": 0.16222433745861053,
447
+ "learning_rate": 0.0001640240432703247,
448
+ "loss": 0.0585,
449
+ "step": 570
450
+ },
451
+ {
452
+ "epoch": 0.9768421052631578,
453
+ "grad_norm": 0.13785243034362793,
454
+ "learning_rate": 0.0001625781843458249,
455
+ "loss": 0.0606,
456
+ "step": 580
457
+ },
458
+ {
459
+ "epoch": 0.9936842105263158,
460
+ "grad_norm": 0.1904134750366211,
461
+ "learning_rate": 0.00016111049520219428,
462
+ "loss": 0.0491,
463
+ "step": 590
464
+ },
465
+ {
466
+ "epoch": 1.0101052631578948,
467
+ "grad_norm": 0.19465769827365875,
468
+ "learning_rate": 0.00015962148783855767,
469
+ "loss": 0.0535,
470
+ "step": 600
471
+ },
472
+ {
473
+ "epoch": 1.0101052631578948,
474
+ "eval_loss": 0.053230032324790955,
475
+ "eval_runtime": 224.1426,
476
+ "eval_samples_per_second": 2.231,
477
+ "eval_steps_per_second": 2.231,
478
+ "step": 600
479
+ },
480
+ {
481
+ "epoch": 1.0269473684210526,
482
+ "grad_norm": 0.19065628945827484,
483
+ "learning_rate": 0.00015811168169083955,
484
+ "loss": 0.05,
485
+ "step": 610
486
+ },
487
+ {
488
+ "epoch": 1.0437894736842106,
489
+ "grad_norm": 0.20831789076328278,
490
+ "learning_rate": 0.00015658160345056023,
491
+ "loss": 0.0493,
492
+ "step": 620
493
+ },
494
+ {
495
+ "epoch": 1.0606315789473684,
496
+ "grad_norm": 0.12762245535850525,
497
+ "learning_rate": 0.000155031786881101,
498
+ "loss": 0.0461,
499
+ "step": 630
500
+ },
501
+ {
502
+ "epoch": 1.0774736842105264,
503
+ "grad_norm": 0.14034190773963928,
504
+ "learning_rate": 0.0001534627726315023,
505
+ "loss": 0.0437,
506
+ "step": 640
507
+ },
508
+ {
509
+ "epoch": 1.0943157894736841,
510
+ "grad_norm": 0.21654851734638214,
511
+ "learning_rate": 0.00015187510804786012,
512
+ "loss": 0.0417,
513
+ "step": 650
514
+ },
515
+ {
516
+ "epoch": 1.1111578947368421,
517
+ "grad_norm": 0.21853309869766235,
518
+ "learning_rate": 0.0001502693469823855,
519
+ "loss": 0.0416,
520
+ "step": 660
521
+ },
522
+ {
523
+ "epoch": 1.1280000000000001,
524
+ "grad_norm": 0.1370641142129898,
525
+ "learning_rate": 0.00014864604960019504,
526
+ "loss": 0.0425,
527
+ "step": 670
528
+ },
529
+ {
530
+ "epoch": 1.1448421052631579,
531
+ "grad_norm": 0.2183496206998825,
532
+ "learning_rate": 0.00014700578218389892,
533
+ "loss": 0.0392,
534
+ "step": 680
535
+ },
536
+ {
537
+ "epoch": 1.1616842105263159,
538
+ "grad_norm": 0.17953278124332428,
539
+ "learning_rate": 0.00014534911693605464,
540
+ "loss": 0.0407,
541
+ "step": 690
542
+ },
543
+ {
544
+ "epoch": 1.1785263157894736,
545
+ "grad_norm": 0.17893248796463013,
546
+ "learning_rate": 0.00014367663177955605,
547
+ "loss": 0.04,
548
+ "step": 700
549
+ },
550
+ {
551
+ "epoch": 1.1785263157894736,
552
+ "eval_loss": 0.04435127228498459,
553
+ "eval_runtime": 224.0979,
554
+ "eval_samples_per_second": 2.231,
555
+ "eval_steps_per_second": 2.231,
556
+ "step": 700
557
+ },
558
+ {
559
+ "epoch": 1.1953684210526316,
560
+ "grad_norm": 0.15027707815170288,
561
+ "learning_rate": 0.00014198891015602646,
562
+ "loss": 0.042,
563
+ "step": 710
564
+ },
565
+ {
566
+ "epoch": 1.2122105263157894,
567
+ "grad_norm": 0.2271127700805664,
568
+ "learning_rate": 0.00014028654082228682,
569
+ "loss": 0.0413,
570
+ "step": 720
571
+ },
572
+ {
573
+ "epoch": 1.2290526315789474,
574
+ "grad_norm": 0.16139471530914307,
575
+ "learning_rate": 0.00013857011764496942,
576
+ "loss": 0.0415,
577
+ "step": 730
578
+ },
579
+ {
580
+ "epoch": 1.2458947368421052,
581
+ "grad_norm": 0.17120322585105896,
582
+ "learning_rate": 0.0001368402393933495,
583
+ "loss": 0.0444,
584
+ "step": 740
585
+ },
586
+ {
587
+ "epoch": 1.2627368421052632,
588
+ "grad_norm": 0.12668217718601227,
589
+ "learning_rate": 0.00013509750953046606,
590
+ "loss": 0.0359,
591
+ "step": 750
592
+ },
593
+ {
594
+ "epoch": 1.279578947368421,
595
+ "grad_norm": 0.1568315625190735,
596
+ "learning_rate": 0.00013334253600260563,
597
+ "loss": 0.0375,
598
+ "step": 760
599
+ },
600
+ {
601
+ "epoch": 1.296421052631579,
602
+ "grad_norm": 0.1669214367866516,
603
+ "learning_rate": 0.00013157593102722205,
604
+ "loss": 0.0402,
605
+ "step": 770
606
+ },
607
+ {
608
+ "epoch": 1.313263157894737,
609
+ "grad_norm": 0.1692507565021515,
610
+ "learning_rate": 0.00012979831087936598,
611
+ "loss": 0.0353,
612
+ "step": 780
613
+ },
614
+ {
615
+ "epoch": 1.3301052631578947,
616
+ "grad_norm": 0.16156762838363647,
617
+ "learning_rate": 0.00012801029567669926,
618
+ "loss": 0.0328,
619
+ "step": 790
620
+ },
621
+ {
622
+ "epoch": 1.3469473684210527,
623
+ "grad_norm": 0.14826713502407074,
624
+ "learning_rate": 0.00012621250916316864,
625
+ "loss": 0.0342,
626
+ "step": 800
627
+ },
628
+ {
629
+ "epoch": 1.3469473684210527,
630
+ "eval_loss": 0.036476925015449524,
631
+ "eval_runtime": 224.0704,
632
+ "eval_samples_per_second": 2.231,
633
+ "eval_steps_per_second": 2.231,
634
+ "step": 800
635
+ },
636
+ {
637
+ "epoch": 1.3637894736842107,
638
+ "grad_norm": 0.10823637247085571,
639
+ "learning_rate": 0.00012440557849141448,
640
+ "loss": 0.032,
641
+ "step": 810
642
+ },
643
+ {
644
+ "epoch": 1.3806315789473684,
645
+ "grad_norm": 0.1409875601530075,
646
+ "learning_rate": 0.0001225901340039903,
647
+ "loss": 0.0359,
648
+ "step": 820
649
+ },
650
+ {
651
+ "epoch": 1.3974736842105262,
652
+ "grad_norm": 0.174799844622612,
653
+ "learning_rate": 0.00012076680901346981,
654
+ "loss": 0.034,
655
+ "step": 830
656
+ },
657
+ {
658
+ "epoch": 1.4143157894736842,
659
+ "grad_norm": 0.14141526818275452,
660
+ "learning_rate": 0.00011893623958151732,
661
+ "loss": 0.0283,
662
+ "step": 840
663
+ },
664
+ {
665
+ "epoch": 1.4311578947368422,
666
+ "grad_norm": 0.24268820881843567,
667
+ "learning_rate": 0.00011709906429699977,
668
+ "loss": 0.0333,
669
+ "step": 850
670
+ },
671
+ {
672
+ "epoch": 1.448,
673
+ "grad_norm": 0.11979827284812927,
674
+ "learning_rate": 0.00011525592405321666,
675
+ "loss": 0.0286,
676
+ "step": 860
677
+ },
678
+ {
679
+ "epoch": 1.464842105263158,
680
+ "grad_norm": 0.12912440299987793,
681
+ "learning_rate": 0.00011340746182432633,
682
+ "loss": 0.0291,
683
+ "step": 870
684
+ },
685
+ {
686
+ "epoch": 1.4816842105263157,
687
+ "grad_norm": 0.11993803083896637,
688
+ "learning_rate": 0.00011155432244104627,
689
+ "loss": 0.0241,
690
+ "step": 880
691
+ },
692
+ {
693
+ "epoch": 1.4985263157894737,
694
+ "grad_norm": 0.18345041573047638,
695
+ "learning_rate": 0.00010969715236570586,
696
+ "loss": 0.0293,
697
+ "step": 890
698
+ },
699
+ {
700
+ "epoch": 1.5153684210526315,
701
+ "grad_norm": 0.1686432659626007,
702
+ "learning_rate": 0.00010783659946672964,
703
+ "loss": 0.0304,
704
+ "step": 900
705
+ },
706
+ {
707
+ "epoch": 1.5153684210526315,
708
+ "eval_loss": 0.031156836077570915,
709
+ "eval_runtime": 224.1681,
710
+ "eval_samples_per_second": 2.23,
711
+ "eval_steps_per_second": 2.23,
712
+ "step": 900
713
+ },
714
+ {
715
+ "epoch": 1.5322105263157895,
716
+ "grad_norm": 0.10962788015604019,
717
+ "learning_rate": 0.00010597331279263057,
718
+ "loss": 0.0283,
719
+ "step": 910
720
+ },
721
+ {
722
+ "epoch": 1.5490526315789475,
723
+ "grad_norm": 0.1417897343635559,
724
+ "learning_rate": 0.00010410794234559107,
725
+ "loss": 0.0271,
726
+ "step": 920
727
+ },
728
+ {
729
+ "epoch": 1.5658947368421052,
730
+ "grad_norm": 0.1917513608932495,
731
+ "learning_rate": 0.00010224113885471183,
732
+ "loss": 0.0248,
733
+ "step": 930
734
+ },
735
+ {
736
+ "epoch": 1.582736842105263,
737
+ "grad_norm": 0.1399783492088318,
738
+ "learning_rate": 0.00010037355354900661,
739
+ "loss": 0.0239,
740
+ "step": 940
741
+ },
742
+ {
743
+ "epoch": 1.5995789473684212,
744
+ "grad_norm": 0.11135450005531311,
745
+ "learning_rate": 9.850583793022319e-05,
746
+ "loss": 0.0244,
747
+ "step": 950
748
+ },
749
+ {
750
+ "epoch": 1.616421052631579,
751
+ "grad_norm": 0.11133313179016113,
752
+ "learning_rate": 9.663864354556858e-05,
753
+ "loss": 0.0283,
754
+ "step": 960
755
+ },
756
+ {
757
+ "epoch": 1.6332631578947368,
758
+ "grad_norm": 0.1533219963312149,
759
+ "learning_rate": 9.477262176041883e-05,
760
+ "loss": 0.0266,
761
+ "step": 970
762
+ },
763
+ {
764
+ "epoch": 1.6501052631578947,
765
+ "grad_norm": 0.13194741308689117,
766
+ "learning_rate": 9.290842353109195e-05,
767
+ "loss": 0.0265,
768
+ "step": 980
769
+ },
770
+ {
771
+ "epoch": 1.6669473684210527,
772
+ "grad_norm": 0.11617199331521988,
773
+ "learning_rate": 9.104669917776383e-05,
774
+ "loss": 0.0225,
775
+ "step": 990
776
+ },
777
+ {
778
+ "epoch": 1.6837894736842105,
779
+ "grad_norm": 0.11771562695503235,
780
+ "learning_rate": 8.918809815760585e-05,
781
+ "loss": 0.0233,
782
+ "step": 1000
783
+ },
784
+ {
785
+ "epoch": 1.6837894736842105,
786
+ "eval_loss": 0.02681094780564308,
787
+ "eval_runtime": 224.15,
788
+ "eval_samples_per_second": 2.231,
789
+ "eval_steps_per_second": 2.231,
790
+ "step": 1000
791
+ }
792
+ ],
793
+ "logging_steps": 10,
794
+ "max_steps": 1782,
795
+ "num_input_tokens_seen": 0,
796
+ "num_train_epochs": 3,
797
+ "save_steps": 500,
798
+ "stateful_callbacks": {
799
+ "TrainerControl": {
800
+ "args": {
801
+ "should_epoch_stop": false,
802
+ "should_evaluate": false,
803
+ "should_log": false,
804
+ "should_save": true,
805
+ "should_training_stop": false
806
+ },
807
+ "attributes": {}
808
+ }
809
+ },
810
+ "total_flos": 1.4056629825951498e+18,
811
+ "train_batch_size": 1,
812
+ "trial_name": null,
813
+ "trial_params": null
814
+ }
checkpoint-1000/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5ebf36573d729aaa340fbacc4c94ccace1662c744156c5330ffcb2496294477b
3
+ size 5777
checkpoint-1000/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-1500/README.md ADDED
@@ -0,0 +1,207 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: Qwen/Qwen2.5-Coder-7B-Instruct
3
+ library_name: peft
4
+ pipeline_tag: text-generation
5
+ tags:
6
+ - base_model:adapter:Qwen/Qwen2.5-Coder-7B-Instruct
7
+ - lora
8
+ - transformers
9
+ ---
10
+
11
+ # Model Card for Model ID
12
+
13
+ <!-- Provide a quick summary of what the model is/does. -->
14
+
15
+
16
+
17
+ ## Model Details
18
+
19
+ ### Model Description
20
+
21
+ <!-- Provide a longer summary of what this model is. -->
22
+
23
+
24
+
25
+ - **Developed by:** [More Information Needed]
26
+ - **Funded by [optional]:** [More Information Needed]
27
+ - **Shared by [optional]:** [More Information Needed]
28
+ - **Model type:** [More Information Needed]
29
+ - **Language(s) (NLP):** [More Information Needed]
30
+ - **License:** [More Information Needed]
31
+ - **Finetuned from model [optional]:** [More Information Needed]
32
+
33
+ ### Model Sources [optional]
34
+
35
+ <!-- Provide the basic links for the model. -->
36
+
37
+ - **Repository:** [More Information Needed]
38
+ - **Paper [optional]:** [More Information Needed]
39
+ - **Demo [optional]:** [More Information Needed]
40
+
41
+ ## Uses
42
+
43
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
44
+
45
+ ### Direct Use
46
+
47
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
48
+
49
+ [More Information Needed]
50
+
51
+ ### Downstream Use [optional]
52
+
53
+ <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
54
+
55
+ [More Information Needed]
56
+
57
+ ### Out-of-Scope Use
58
+
59
+ <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
60
+
61
+ [More Information Needed]
62
+
63
+ ## Bias, Risks, and Limitations
64
+
65
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
66
+
67
+ [More Information Needed]
68
+
69
+ ### Recommendations
70
+
71
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
72
+
73
+ Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
74
+
75
+ ## How to Get Started with the Model
76
+
77
+ Use the code below to get started with the model.
78
+
79
+ [More Information Needed]
80
+
81
+ ## Training Details
82
+
83
+ ### Training Data
84
+
85
+ <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
86
+
87
+ [More Information Needed]
88
+
89
+ ### Training Procedure
90
+
91
+ <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
92
+
93
+ #### Preprocessing [optional]
94
+
95
+ [More Information Needed]
96
+
97
+
98
+ #### Training Hyperparameters
99
+
100
+ - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
101
+
102
+ #### Speeds, Sizes, Times [optional]
103
+
104
+ <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
105
+
106
+ [More Information Needed]
107
+
108
+ ## Evaluation
109
+
110
+ <!-- This section describes the evaluation protocols and provides the results. -->
111
+
112
+ ### Testing Data, Factors & Metrics
113
+
114
+ #### Testing Data
115
+
116
+ <!-- This should link to a Dataset Card if possible. -->
117
+
118
+ [More Information Needed]
119
+
120
+ #### Factors
121
+
122
+ <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
123
+
124
+ [More Information Needed]
125
+
126
+ #### Metrics
127
+
128
+ <!-- These are the evaluation metrics being used, ideally with a description of why. -->
129
+
130
+ [More Information Needed]
131
+
132
+ ### Results
133
+
134
+ [More Information Needed]
135
+
136
+ #### Summary
137
+
138
+
139
+
140
+ ## Model Examination [optional]
141
+
142
+ <!-- Relevant interpretability work for the model goes here -->
143
+
144
+ [More Information Needed]
145
+
146
+ ## Environmental Impact
147
+
148
+ <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
149
+
150
+ Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
151
+
152
+ - **Hardware Type:** [More Information Needed]
153
+ - **Hours used:** [More Information Needed]
154
+ - **Cloud Provider:** [More Information Needed]
155
+ - **Compute Region:** [More Information Needed]
156
+ - **Carbon Emitted:** [More Information Needed]
157
+
158
+ ## Technical Specifications [optional]
159
+
160
+ ### Model Architecture and Objective
161
+
162
+ [More Information Needed]
163
+
164
+ ### Compute Infrastructure
165
+
166
+ [More Information Needed]
167
+
168
+ #### Hardware
169
+
170
+ [More Information Needed]
171
+
172
+ #### Software
173
+
174
+ [More Information Needed]
175
+
176
+ ## Citation [optional]
177
+
178
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
179
+
180
+ **BibTeX:**
181
+
182
+ [More Information Needed]
183
+
184
+ **APA:**
185
+
186
+ [More Information Needed]
187
+
188
+ ## Glossary [optional]
189
+
190
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
191
+
192
+ [More Information Needed]
193
+
194
+ ## More Information [optional]
195
+
196
+ [More Information Needed]
197
+
198
+ ## Model Card Authors [optional]
199
+
200
+ [More Information Needed]
201
+
202
+ ## Model Card Contact
203
+
204
+ [More Information Needed]
205
+ ### Framework versions
206
+
207
+ - PEFT 0.17.1
checkpoint-1500/adapter_config.json ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/Qwen2.5-Coder-7B-Instruct",
5
+ "bias": "none",
6
+ "corda_config": null,
7
+ "eva_config": null,
8
+ "exclude_modules": null,
9
+ "fan_in_fan_out": false,
10
+ "inference_mode": true,
11
+ "init_lora_weights": true,
12
+ "layer_replication": null,
13
+ "layers_pattern": null,
14
+ "layers_to_transform": null,
15
+ "loftq_config": {},
16
+ "lora_alpha": 64,
17
+ "lora_bias": false,
18
+ "lora_dropout": 0.1,
19
+ "megatron_config": null,
20
+ "megatron_core": "megatron.core",
21
+ "modules_to_save": null,
22
+ "peft_type": "LORA",
23
+ "qalora_group_size": 16,
24
+ "r": 32,
25
+ "rank_pattern": {},
26
+ "revision": null,
27
+ "target_modules": [
28
+ "down_proj",
29
+ "k_proj",
30
+ "q_proj",
31
+ "v_proj",
32
+ "o_proj",
33
+ "gate_proj",
34
+ "up_proj"
35
+ ],
36
+ "target_parameters": null,
37
+ "task_type": "CAUSAL_LM",
38
+ "trainable_token_indices": null,
39
+ "use_dora": false,
40
+ "use_qalora": false,
41
+ "use_rslora": false
42
+ }
checkpoint-1500/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e557d8f3cd475aa25a687821e8a0c3be013f2042b356a5761be13390d046a76b
3
+ size 323014168
checkpoint-1500/added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
checkpoint-1500/chat_template.jinja ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {%- if tools %}
2
+ {{- '<|im_start|>system\n' }}
3
+ {%- if messages[0]['role'] == 'system' %}
4
+ {{- messages[0]['content'] }}
5
+ {%- else %}
6
+ {{- 'You are Qwen, created by Alibaba Cloud. You are a helpful assistant.' }}
7
+ {%- endif %}
8
+ {{- "\n\n# Tools\n\nYou may call one or more functions to assist with the user query.\n\nYou are provided with function signatures within <tools></tools> XML tags:\n<tools>" }}
9
+ {%- for tool in tools %}
10
+ {{- "\n" }}
11
+ {{- tool | tojson }}
12
+ {%- endfor %}
13
+ {{- "\n</tools>\n\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\n<tool_call>\n{\"name\": <function-name>, \"arguments\": <args-json-object>}\n</tool_call><|im_end|>\n" }}
14
+ {%- else %}
15
+ {%- if messages[0]['role'] == 'system' %}
16
+ {{- '<|im_start|>system\n' + messages[0]['content'] + '<|im_end|>\n' }}
17
+ {%- else %}
18
+ {{- '<|im_start|>system\nYou are Qwen, created by Alibaba Cloud. You are a helpful assistant.<|im_end|>\n' }}
19
+ {%- endif %}
20
+ {%- endif %}
21
+ {%- for message in messages %}
22
+ {%- if (message.role == "user") or (message.role == "system" and not loop.first) or (message.role == "assistant" and not message.tool_calls) %}
23
+ {{- '<|im_start|>' + message.role + '\n' + message.content + '<|im_end|>' + '\n' }}
24
+ {%- elif message.role == "assistant" %}
25
+ {{- '<|im_start|>' + message.role }}
26
+ {%- if message.content %}
27
+ {{- '\n' + message.content }}
28
+ {%- endif %}
29
+ {%- for tool_call in message.tool_calls %}
30
+ {%- if tool_call.function is defined %}
31
+ {%- set tool_call = tool_call.function %}
32
+ {%- endif %}
33
+ {{- '\n<tool_call>\n{"name": "' }}
34
+ {{- tool_call.name }}
35
+ {{- '", "arguments": ' }}
36
+ {{- tool_call.arguments | tojson }}
37
+ {{- '}\n</tool_call>' }}
38
+ {%- endfor %}
39
+ {{- '<|im_end|>\n' }}
40
+ {%- elif message.role == "tool" %}
41
+ {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != "tool") %}
42
+ {{- '<|im_start|>user' }}
43
+ {%- endif %}
44
+ {{- '\n<tool_response>\n' }}
45
+ {{- message.content }}
46
+ {{- '\n</tool_response>' }}
47
+ {%- if loop.last or (messages[loop.index0 + 1].role != "tool") %}
48
+ {{- '<|im_end|>\n' }}
49
+ {%- endif %}
50
+ {%- endif %}
51
+ {%- endfor %}
52
+ {%- if add_generation_prompt %}
53
+ {{- '<|im_start|>assistant\n' }}
54
+ {%- endif %}
checkpoint-1500/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-1500/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:092f702dd9d70d85431b3fcdc6bdf90d8630b0891f31e35e2a8ee533897c5aa4
3
+ size 646253819
checkpoint-1500/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2363dfa2778932758e0bf69526e715d924fe1e01ec18bf0988556ccf07c758b1
3
+ size 14645
checkpoint-1500/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1abb48cf5477c1c287a54bae4592bda73a2d9172c51d82f23bf4d471523878c8
3
+ size 1465
checkpoint-1500/special_tokens_map.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
+ ],
17
+ "eos_token": {
18
+ "content": "<|im_end|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "<|endoftext|>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ }
31
+ }
checkpoint-1500/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:694f1174c5bdf94e2fc50796c0f1733a5a3945ff110b0dfa40ea0701cc9c9c42
3
+ size 11422176
checkpoint-1500/tokenizer_config.json ADDED
@@ -0,0 +1,208 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "151643": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "151644": {
14
+ "content": "<|im_start|>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "151645": {
22
+ "content": "<|im_end|>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
+ }
181
+ },
182
+ "additional_special_tokens": [
183
+ "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
+ ],
197
+ "bos_token": null,
198
+ "clean_up_tokenization_spaces": false,
199
+ "eos_token": "<|im_end|>",
200
+ "errors": "replace",
201
+ "extra_special_tokens": {},
202
+ "model_max_length": 32768,
203
+ "pad_token": "<|endoftext|>",
204
+ "padding_side": "right",
205
+ "split_special_tokens": false,
206
+ "tokenizer_class": "Qwen2Tokenizer",
207
+ "unk_token": null
208
+ }
checkpoint-1500/trainer_state.json ADDED
@@ -0,0 +1,1204 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": 1500,
3
+ "best_metric": 0.01212456077337265,
4
+ "best_model_checkpoint": "/output/x3d_finetuned_model/checkpoint-1500",
5
+ "epoch": 2.5254736842105263,
6
+ "eval_steps": 100,
7
+ "global_step": 1500,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "epoch": 0.016842105263157894,
14
+ "grad_norm": 0.2378891110420227,
15
+ "learning_rate": 1.8e-05,
16
+ "loss": 0.8901,
17
+ "step": 10
18
+ },
19
+ {
20
+ "epoch": 0.03368421052631579,
21
+ "grad_norm": 0.18149839341640472,
22
+ "learning_rate": 3.8e-05,
23
+ "loss": 0.7969,
24
+ "step": 20
25
+ },
26
+ {
27
+ "epoch": 0.05052631578947368,
28
+ "grad_norm": 0.1667049527168274,
29
+ "learning_rate": 5.8e-05,
30
+ "loss": 0.6762,
31
+ "step": 30
32
+ },
33
+ {
34
+ "epoch": 0.06736842105263158,
35
+ "grad_norm": 0.15869387984275818,
36
+ "learning_rate": 7.800000000000001e-05,
37
+ "loss": 0.5698,
38
+ "step": 40
39
+ },
40
+ {
41
+ "epoch": 0.08421052631578947,
42
+ "grad_norm": 0.16361284255981445,
43
+ "learning_rate": 9.8e-05,
44
+ "loss": 0.5225,
45
+ "step": 50
46
+ },
47
+ {
48
+ "epoch": 0.10105263157894737,
49
+ "grad_norm": 0.14269448816776276,
50
+ "learning_rate": 0.000118,
51
+ "loss": 0.465,
52
+ "step": 60
53
+ },
54
+ {
55
+ "epoch": 0.11789473684210526,
56
+ "grad_norm": 0.18330006301403046,
57
+ "learning_rate": 0.000138,
58
+ "loss": 0.4562,
59
+ "step": 70
60
+ },
61
+ {
62
+ "epoch": 0.13473684210526315,
63
+ "grad_norm": 0.20621822774410248,
64
+ "learning_rate": 0.00015800000000000002,
65
+ "loss": 0.4291,
66
+ "step": 80
67
+ },
68
+ {
69
+ "epoch": 0.15157894736842106,
70
+ "grad_norm": 0.21223391592502594,
71
+ "learning_rate": 0.00017800000000000002,
72
+ "loss": 0.3939,
73
+ "step": 90
74
+ },
75
+ {
76
+ "epoch": 0.16842105263157894,
77
+ "grad_norm": 0.19762997329235077,
78
+ "learning_rate": 0.00019800000000000002,
79
+ "loss": 0.3753,
80
+ "step": 100
81
+ },
82
+ {
83
+ "epoch": 0.16842105263157894,
84
+ "eval_loss": 0.35540345311164856,
85
+ "eval_runtime": 224.1519,
86
+ "eval_samples_per_second": 2.231,
87
+ "eval_steps_per_second": 2.231,
88
+ "step": 100
89
+ },
90
+ {
91
+ "epoch": 0.18526315789473685,
92
+ "grad_norm": 0.18955057859420776,
93
+ "learning_rate": 0.00019998587161376442,
94
+ "loss": 0.3407,
95
+ "step": 110
96
+ },
97
+ {
98
+ "epoch": 0.20210526315789473,
99
+ "grad_norm": 0.24190108478069305,
100
+ "learning_rate": 0.00019993703787315803,
101
+ "loss": 0.346,
102
+ "step": 120
103
+ },
104
+ {
105
+ "epoch": 0.21894736842105264,
106
+ "grad_norm": 0.1914621889591217,
107
+ "learning_rate": 0.00019985334138511237,
108
+ "loss": 0.3288,
109
+ "step": 130
110
+ },
111
+ {
112
+ "epoch": 0.23578947368421052,
113
+ "grad_norm": 0.1650117188692093,
114
+ "learning_rate": 0.00019973481134690592,
115
+ "loss": 0.2942,
116
+ "step": 140
117
+ },
118
+ {
119
+ "epoch": 0.25263157894736843,
120
+ "grad_norm": 0.22298051416873932,
121
+ "learning_rate": 0.00019958148910740063,
122
+ "loss": 0.2904,
123
+ "step": 150
124
+ },
125
+ {
126
+ "epoch": 0.2694736842105263,
127
+ "grad_norm": 0.24592551589012146,
128
+ "learning_rate": 0.0001993934281526176,
129
+ "loss": 0.2918,
130
+ "step": 160
131
+ },
132
+ {
133
+ "epoch": 0.2863157894736842,
134
+ "grad_norm": 0.19984672963619232,
135
+ "learning_rate": 0.00019917069408707848,
136
+ "loss": 0.2461,
137
+ "step": 170
138
+ },
139
+ {
140
+ "epoch": 0.3031578947368421,
141
+ "grad_norm": 0.22812137007713318,
142
+ "learning_rate": 0.00019891336461091966,
143
+ "loss": 0.2577,
144
+ "step": 180
145
+ },
146
+ {
147
+ "epoch": 0.32,
148
+ "grad_norm": 0.21963553130626678,
149
+ "learning_rate": 0.0001986215294927868,
150
+ "loss": 0.2267,
151
+ "step": 190
152
+ },
153
+ {
154
+ "epoch": 0.3368421052631579,
155
+ "grad_norm": 0.24446611106395721,
156
+ "learning_rate": 0.00019829529053851919,
157
+ "loss": 0.2412,
158
+ "step": 200
159
+ },
160
+ {
161
+ "epoch": 0.3368421052631579,
162
+ "eval_loss": 0.23451316356658936,
163
+ "eval_runtime": 224.1089,
164
+ "eval_samples_per_second": 2.231,
165
+ "eval_steps_per_second": 2.231,
166
+ "step": 200
167
+ },
168
+ {
169
+ "epoch": 0.35368421052631577,
170
+ "grad_norm": 0.19283448159694672,
171
+ "learning_rate": 0.00019793476155563507,
172
+ "loss": 0.2324,
173
+ "step": 210
174
+ },
175
+ {
176
+ "epoch": 0.3705263157894737,
177
+ "grad_norm": 0.2276701033115387,
178
+ "learning_rate": 0.00019754006831363042,
179
+ "loss": 0.2055,
180
+ "step": 220
181
+ },
182
+ {
183
+ "epoch": 0.3873684210526316,
184
+ "grad_norm": 0.28741592168807983,
185
+ "learning_rate": 0.00019711134850010432,
186
+ "loss": 0.2068,
187
+ "step": 230
188
+ },
189
+ {
190
+ "epoch": 0.40421052631578946,
191
+ "grad_norm": 0.2498358190059662,
192
+ "learning_rate": 0.00019664875167272735,
193
+ "loss": 0.1945,
194
+ "step": 240
195
+ },
196
+ {
197
+ "epoch": 0.42105263157894735,
198
+ "grad_norm": 0.21750546991825104,
199
+ "learning_rate": 0.00019615243920706853,
200
+ "loss": 0.1811,
201
+ "step": 250
202
+ },
203
+ {
204
+ "epoch": 0.4378947368421053,
205
+ "grad_norm": 0.22553850710391998,
206
+ "learning_rate": 0.00019562258424030016,
207
+ "loss": 0.18,
208
+ "step": 260
209
+ },
210
+ {
211
+ "epoch": 0.45473684210526316,
212
+ "grad_norm": 0.2156210094690323,
213
+ "learning_rate": 0.00019505937161079927,
214
+ "loss": 0.1623,
215
+ "step": 270
216
+ },
217
+ {
218
+ "epoch": 0.47157894736842104,
219
+ "grad_norm": 0.3091757595539093,
220
+ "learning_rate": 0.0001944629977936673,
221
+ "loss": 0.1635,
222
+ "step": 280
223
+ },
224
+ {
225
+ "epoch": 0.4884210526315789,
226
+ "grad_norm": 0.23857639729976654,
227
+ "learning_rate": 0.0001938336708321904,
228
+ "loss": 0.1458,
229
+ "step": 290
230
+ },
231
+ {
232
+ "epoch": 0.5052631578947369,
233
+ "grad_norm": 0.2157812863588333,
234
+ "learning_rate": 0.0001931716102652641,
235
+ "loss": 0.1602,
236
+ "step": 300
237
+ },
238
+ {
239
+ "epoch": 0.5052631578947369,
240
+ "eval_loss": 0.14944693446159363,
241
+ "eval_runtime": 224.1903,
242
+ "eval_samples_per_second": 2.23,
243
+ "eval_steps_per_second": 2.23,
244
+ "step": 300
245
+ },
246
+ {
247
+ "epoch": 0.5221052631578947,
248
+ "grad_norm": 0.3185126483440399,
249
+ "learning_rate": 0.00019247704705080773,
250
+ "loss": 0.1531,
251
+ "step": 310
252
+ },
253
+ {
254
+ "epoch": 0.5389473684210526,
255
+ "grad_norm": 0.2601878345012665,
256
+ "learning_rate": 0.00019175022348519554,
257
+ "loss": 0.1403,
258
+ "step": 320
259
+ },
260
+ {
261
+ "epoch": 0.5557894736842105,
262
+ "grad_norm": 0.22638513147830963,
263
+ "learning_rate": 0.00019099139311873215,
264
+ "loss": 0.1176,
265
+ "step": 330
266
+ },
267
+ {
268
+ "epoch": 0.5726315789473684,
269
+ "grad_norm": 0.2953122854232788,
270
+ "learning_rate": 0.00019020082066720245,
271
+ "loss": 0.1192,
272
+ "step": 340
273
+ },
274
+ {
275
+ "epoch": 0.5894736842105263,
276
+ "grad_norm": 0.300016313791275,
277
+ "learning_rate": 0.00018937878191952606,
278
+ "loss": 0.1225,
279
+ "step": 350
280
+ },
281
+ {
282
+ "epoch": 0.6063157894736843,
283
+ "grad_norm": 0.21774296462535858,
284
+ "learning_rate": 0.0001885255636415494,
285
+ "loss": 0.1051,
286
+ "step": 360
287
+ },
288
+ {
289
+ "epoch": 0.6231578947368421,
290
+ "grad_norm": 0.19208350777626038,
291
+ "learning_rate": 0.00018764146347600793,
292
+ "loss": 0.0987,
293
+ "step": 370
294
+ },
295
+ {
296
+ "epoch": 0.64,
297
+ "grad_norm": 0.2341982126235962,
298
+ "learning_rate": 0.00018672678983869463,
299
+ "loss": 0.1071,
300
+ "step": 380
301
+ },
302
+ {
303
+ "epoch": 0.6568421052631579,
304
+ "grad_norm": 0.22858911752700806,
305
+ "learning_rate": 0.00018578186181086997,
306
+ "loss": 0.0983,
307
+ "step": 390
308
+ },
309
+ {
310
+ "epoch": 0.6736842105263158,
311
+ "grad_norm": 0.238422691822052,
312
+ "learning_rate": 0.0001848070090279512,
313
+ "loss": 0.0997,
314
+ "step": 400
315
+ },
316
+ {
317
+ "epoch": 0.6736842105263158,
318
+ "eval_loss": 0.09719416499137878,
319
+ "eval_runtime": 224.0873,
320
+ "eval_samples_per_second": 2.231,
321
+ "eval_steps_per_second": 2.231,
322
+ "step": 400
323
+ },
324
+ {
325
+ "epoch": 0.6905263157894737,
326
+ "grad_norm": 0.23865894973278046,
327
+ "learning_rate": 0.00018380257156452013,
328
+ "loss": 0.0894,
329
+ "step": 410
330
+ },
331
+ {
332
+ "epoch": 0.7073684210526315,
333
+ "grad_norm": 0.21594248712062836,
334
+ "learning_rate": 0.00018276889981568906,
335
+ "loss": 0.0871,
336
+ "step": 420
337
+ },
338
+ {
339
+ "epoch": 0.7242105263157895,
340
+ "grad_norm": 0.26310935616493225,
341
+ "learning_rate": 0.0001817063543748664,
342
+ "loss": 0.0933,
343
+ "step": 430
344
+ },
345
+ {
346
+ "epoch": 0.7410526315789474,
347
+ "grad_norm": 0.20604920387268066,
348
+ "learning_rate": 0.00018061530590796475,
349
+ "loss": 0.0832,
350
+ "step": 440
351
+ },
352
+ {
353
+ "epoch": 0.7578947368421053,
354
+ "grad_norm": 0.2668643593788147,
355
+ "learning_rate": 0.0001794961350240951,
356
+ "loss": 0.0822,
357
+ "step": 450
358
+ },
359
+ {
360
+ "epoch": 0.7747368421052632,
361
+ "grad_norm": 0.1784186065196991,
362
+ "learning_rate": 0.00017834923214279268,
363
+ "loss": 0.0783,
364
+ "step": 460
365
+ },
366
+ {
367
+ "epoch": 0.791578947368421,
368
+ "grad_norm": 0.2419017106294632,
369
+ "learning_rate": 0.00017717499735781983,
370
+ "loss": 0.0727,
371
+ "step": 470
372
+ },
373
+ {
374
+ "epoch": 0.8084210526315789,
375
+ "grad_norm": 0.25795748829841614,
376
+ "learning_rate": 0.00017597384029759475,
377
+ "loss": 0.0765,
378
+ "step": 480
379
+ },
380
+ {
381
+ "epoch": 0.8252631578947368,
382
+ "grad_norm": 0.25549963116645813,
383
+ "learning_rate": 0.00017474617998229373,
384
+ "loss": 0.0678,
385
+ "step": 490
386
+ },
387
+ {
388
+ "epoch": 0.8421052631578947,
389
+ "grad_norm": 0.3272872865200043,
390
+ "learning_rate": 0.00017349244467767708,
391
+ "loss": 0.0741,
392
+ "step": 500
393
+ },
394
+ {
395
+ "epoch": 0.8421052631578947,
396
+ "eval_loss": 0.0688847005367279,
397
+ "eval_runtime": 224.164,
398
+ "eval_samples_per_second": 2.231,
399
+ "eval_steps_per_second": 2.231,
400
+ "step": 500
401
+ },
402
+ {
403
+ "epoch": 0.8589473684210527,
404
+ "grad_norm": 0.20569807291030884,
405
+ "learning_rate": 0.0001722130717456901,
406
+ "loss": 0.0648,
407
+ "step": 510
408
+ },
409
+ {
410
+ "epoch": 0.8757894736842106,
411
+ "grad_norm": 0.2218085080385208,
412
+ "learning_rate": 0.00017090850749189022,
413
+ "loss": 0.0659,
414
+ "step": 520
415
+ },
416
+ {
417
+ "epoch": 0.8926315789473684,
418
+ "grad_norm": 0.18904639780521393,
419
+ "learning_rate": 0.00016957920700975504,
420
+ "loss": 0.0636,
421
+ "step": 530
422
+ },
423
+ {
424
+ "epoch": 0.9094736842105263,
425
+ "grad_norm": 0.24751749634742737,
426
+ "learning_rate": 0.00016822563402192397,
427
+ "loss": 0.0612,
428
+ "step": 540
429
+ },
430
+ {
431
+ "epoch": 0.9263157894736842,
432
+ "grad_norm": 0.19475597143173218,
433
+ "learning_rate": 0.00016684826071843004,
434
+ "loss": 0.065,
435
+ "step": 550
436
+ },
437
+ {
438
+ "epoch": 0.9431578947368421,
439
+ "grad_norm": 0.2451489120721817,
440
+ "learning_rate": 0.00016544756759197778,
441
+ "loss": 0.0588,
442
+ "step": 560
443
+ },
444
+ {
445
+ "epoch": 0.96,
446
+ "grad_norm": 0.16222433745861053,
447
+ "learning_rate": 0.0001640240432703247,
448
+ "loss": 0.0585,
449
+ "step": 570
450
+ },
451
+ {
452
+ "epoch": 0.9768421052631578,
453
+ "grad_norm": 0.13785243034362793,
454
+ "learning_rate": 0.0001625781843458249,
455
+ "loss": 0.0606,
456
+ "step": 580
457
+ },
458
+ {
459
+ "epoch": 0.9936842105263158,
460
+ "grad_norm": 0.1904134750366211,
461
+ "learning_rate": 0.00016111049520219428,
462
+ "loss": 0.0491,
463
+ "step": 590
464
+ },
465
+ {
466
+ "epoch": 1.0101052631578948,
467
+ "grad_norm": 0.19465769827365875,
468
+ "learning_rate": 0.00015962148783855767,
469
+ "loss": 0.0535,
470
+ "step": 600
471
+ },
472
+ {
473
+ "epoch": 1.0101052631578948,
474
+ "eval_loss": 0.053230032324790955,
475
+ "eval_runtime": 224.1426,
476
+ "eval_samples_per_second": 2.231,
477
+ "eval_steps_per_second": 2.231,
478
+ "step": 600
479
+ },
480
+ {
481
+ "epoch": 1.0269473684210526,
482
+ "grad_norm": 0.19065628945827484,
483
+ "learning_rate": 0.00015811168169083955,
484
+ "loss": 0.05,
485
+ "step": 610
486
+ },
487
+ {
488
+ "epoch": 1.0437894736842106,
489
+ "grad_norm": 0.20831789076328278,
490
+ "learning_rate": 0.00015658160345056023,
491
+ "loss": 0.0493,
492
+ "step": 620
493
+ },
494
+ {
495
+ "epoch": 1.0606315789473684,
496
+ "grad_norm": 0.12762245535850525,
497
+ "learning_rate": 0.000155031786881101,
498
+ "loss": 0.0461,
499
+ "step": 630
500
+ },
501
+ {
502
+ "epoch": 1.0774736842105264,
503
+ "grad_norm": 0.14034190773963928,
504
+ "learning_rate": 0.0001534627726315023,
505
+ "loss": 0.0437,
506
+ "step": 640
507
+ },
508
+ {
509
+ "epoch": 1.0943157894736841,
510
+ "grad_norm": 0.21654851734638214,
511
+ "learning_rate": 0.00015187510804786012,
512
+ "loss": 0.0417,
513
+ "step": 650
514
+ },
515
+ {
516
+ "epoch": 1.1111578947368421,
517
+ "grad_norm": 0.21853309869766235,
518
+ "learning_rate": 0.0001502693469823855,
519
+ "loss": 0.0416,
520
+ "step": 660
521
+ },
522
+ {
523
+ "epoch": 1.1280000000000001,
524
+ "grad_norm": 0.1370641142129898,
525
+ "learning_rate": 0.00014864604960019504,
526
+ "loss": 0.0425,
527
+ "step": 670
528
+ },
529
+ {
530
+ "epoch": 1.1448421052631579,
531
+ "grad_norm": 0.2183496206998825,
532
+ "learning_rate": 0.00014700578218389892,
533
+ "loss": 0.0392,
534
+ "step": 680
535
+ },
536
+ {
537
+ "epoch": 1.1616842105263159,
538
+ "grad_norm": 0.17953278124332428,
539
+ "learning_rate": 0.00014534911693605464,
540
+ "loss": 0.0407,
541
+ "step": 690
542
+ },
543
+ {
544
+ "epoch": 1.1785263157894736,
545
+ "grad_norm": 0.17893248796463013,
546
+ "learning_rate": 0.00014367663177955605,
547
+ "loss": 0.04,
548
+ "step": 700
549
+ },
550
+ {
551
+ "epoch": 1.1785263157894736,
552
+ "eval_loss": 0.04435127228498459,
553
+ "eval_runtime": 224.0979,
554
+ "eval_samples_per_second": 2.231,
555
+ "eval_steps_per_second": 2.231,
556
+ "step": 700
557
+ },
558
+ {
559
+ "epoch": 1.1953684210526316,
560
+ "grad_norm": 0.15027707815170288,
561
+ "learning_rate": 0.00014198891015602646,
562
+ "loss": 0.042,
563
+ "step": 710
564
+ },
565
+ {
566
+ "epoch": 1.2122105263157894,
567
+ "grad_norm": 0.2271127700805664,
568
+ "learning_rate": 0.00014028654082228682,
569
+ "loss": 0.0413,
570
+ "step": 720
571
+ },
572
+ {
573
+ "epoch": 1.2290526315789474,
574
+ "grad_norm": 0.16139471530914307,
575
+ "learning_rate": 0.00013857011764496942,
576
+ "loss": 0.0415,
577
+ "step": 730
578
+ },
579
+ {
580
+ "epoch": 1.2458947368421052,
581
+ "grad_norm": 0.17120322585105896,
582
+ "learning_rate": 0.0001368402393933495,
583
+ "loss": 0.0444,
584
+ "step": 740
585
+ },
586
+ {
587
+ "epoch": 1.2627368421052632,
588
+ "grad_norm": 0.12668217718601227,
589
+ "learning_rate": 0.00013509750953046606,
590
+ "loss": 0.0359,
591
+ "step": 750
592
+ },
593
+ {
594
+ "epoch": 1.279578947368421,
595
+ "grad_norm": 0.1568315625190735,
596
+ "learning_rate": 0.00013334253600260563,
597
+ "loss": 0.0375,
598
+ "step": 760
599
+ },
600
+ {
601
+ "epoch": 1.296421052631579,
602
+ "grad_norm": 0.1669214367866516,
603
+ "learning_rate": 0.00013157593102722205,
604
+ "loss": 0.0402,
605
+ "step": 770
606
+ },
607
+ {
608
+ "epoch": 1.313263157894737,
609
+ "grad_norm": 0.1692507565021515,
610
+ "learning_rate": 0.00012979831087936598,
611
+ "loss": 0.0353,
612
+ "step": 780
613
+ },
614
+ {
615
+ "epoch": 1.3301052631578947,
616
+ "grad_norm": 0.16156762838363647,
617
+ "learning_rate": 0.00012801029567669926,
618
+ "loss": 0.0328,
619
+ "step": 790
620
+ },
621
+ {
622
+ "epoch": 1.3469473684210527,
623
+ "grad_norm": 0.14826713502407074,
624
+ "learning_rate": 0.00012621250916316864,
625
+ "loss": 0.0342,
626
+ "step": 800
627
+ },
628
+ {
629
+ "epoch": 1.3469473684210527,
630
+ "eval_loss": 0.036476925015449524,
631
+ "eval_runtime": 224.0704,
632
+ "eval_samples_per_second": 2.231,
633
+ "eval_steps_per_second": 2.231,
634
+ "step": 800
635
+ },
636
+ {
637
+ "epoch": 1.3637894736842107,
638
+ "grad_norm": 0.10823637247085571,
639
+ "learning_rate": 0.00012440557849141448,
640
+ "loss": 0.032,
641
+ "step": 810
642
+ },
643
+ {
644
+ "epoch": 1.3806315789473684,
645
+ "grad_norm": 0.1409875601530075,
646
+ "learning_rate": 0.0001225901340039903,
647
+ "loss": 0.0359,
648
+ "step": 820
649
+ },
650
+ {
651
+ "epoch": 1.3974736842105262,
652
+ "grad_norm": 0.174799844622612,
653
+ "learning_rate": 0.00012076680901346981,
654
+ "loss": 0.034,
655
+ "step": 830
656
+ },
657
+ {
658
+ "epoch": 1.4143157894736842,
659
+ "grad_norm": 0.14141526818275452,
660
+ "learning_rate": 0.00011893623958151732,
661
+ "loss": 0.0283,
662
+ "step": 840
663
+ },
664
+ {
665
+ "epoch": 1.4311578947368422,
666
+ "grad_norm": 0.24268820881843567,
667
+ "learning_rate": 0.00011709906429699977,
668
+ "loss": 0.0333,
669
+ "step": 850
670
+ },
671
+ {
672
+ "epoch": 1.448,
673
+ "grad_norm": 0.11979827284812927,
674
+ "learning_rate": 0.00011525592405321666,
675
+ "loss": 0.0286,
676
+ "step": 860
677
+ },
678
+ {
679
+ "epoch": 1.464842105263158,
680
+ "grad_norm": 0.12912440299987793,
681
+ "learning_rate": 0.00011340746182432633,
682
+ "loss": 0.0291,
683
+ "step": 870
684
+ },
685
+ {
686
+ "epoch": 1.4816842105263157,
687
+ "grad_norm": 0.11993803083896637,
688
+ "learning_rate": 0.00011155432244104627,
689
+ "loss": 0.0241,
690
+ "step": 880
691
+ },
692
+ {
693
+ "epoch": 1.4985263157894737,
694
+ "grad_norm": 0.18345041573047638,
695
+ "learning_rate": 0.00010969715236570586,
696
+ "loss": 0.0293,
697
+ "step": 890
698
+ },
699
+ {
700
+ "epoch": 1.5153684210526315,
701
+ "grad_norm": 0.1686432659626007,
702
+ "learning_rate": 0.00010783659946672964,
703
+ "loss": 0.0304,
704
+ "step": 900
705
+ },
706
+ {
707
+ "epoch": 1.5153684210526315,
708
+ "eval_loss": 0.031156836077570915,
709
+ "eval_runtime": 224.1681,
710
+ "eval_samples_per_second": 2.23,
711
+ "eval_steps_per_second": 2.23,
712
+ "step": 900
713
+ },
714
+ {
715
+ "epoch": 1.5322105263157895,
716
+ "grad_norm": 0.10962788015604019,
717
+ "learning_rate": 0.00010597331279263057,
718
+ "loss": 0.0283,
719
+ "step": 910
720
+ },
721
+ {
722
+ "epoch": 1.5490526315789475,
723
+ "grad_norm": 0.1417897343635559,
724
+ "learning_rate": 0.00010410794234559107,
725
+ "loss": 0.0271,
726
+ "step": 920
727
+ },
728
+ {
729
+ "epoch": 1.5658947368421052,
730
+ "grad_norm": 0.1917513608932495,
731
+ "learning_rate": 0.00010224113885471183,
732
+ "loss": 0.0248,
733
+ "step": 930
734
+ },
735
+ {
736
+ "epoch": 1.582736842105263,
737
+ "grad_norm": 0.1399783492088318,
738
+ "learning_rate": 0.00010037355354900661,
739
+ "loss": 0.0239,
740
+ "step": 940
741
+ },
742
+ {
743
+ "epoch": 1.5995789473684212,
744
+ "grad_norm": 0.11135450005531311,
745
+ "learning_rate": 9.850583793022319e-05,
746
+ "loss": 0.0244,
747
+ "step": 950
748
+ },
749
+ {
750
+ "epoch": 1.616421052631579,
751
+ "grad_norm": 0.11133313179016113,
752
+ "learning_rate": 9.663864354556858e-05,
753
+ "loss": 0.0283,
754
+ "step": 960
755
+ },
756
+ {
757
+ "epoch": 1.6332631578947368,
758
+ "grad_norm": 0.1533219963312149,
759
+ "learning_rate": 9.477262176041883e-05,
760
+ "loss": 0.0266,
761
+ "step": 970
762
+ },
763
+ {
764
+ "epoch": 1.6501052631578947,
765
+ "grad_norm": 0.13194741308689117,
766
+ "learning_rate": 9.290842353109195e-05,
767
+ "loss": 0.0265,
768
+ "step": 980
769
+ },
770
+ {
771
+ "epoch": 1.6669473684210527,
772
+ "grad_norm": 0.11617199331521988,
773
+ "learning_rate": 9.104669917776383e-05,
774
+ "loss": 0.0225,
775
+ "step": 990
776
+ },
777
+ {
778
+ "epoch": 1.6837894736842105,
779
+ "grad_norm": 0.11771562695503235,
780
+ "learning_rate": 8.918809815760585e-05,
781
+ "loss": 0.0233,
782
+ "step": 1000
783
+ },
784
+ {
785
+ "epoch": 1.6837894736842105,
786
+ "eval_loss": 0.02681094780564308,
787
+ "eval_runtime": 224.15,
788
+ "eval_samples_per_second": 2.231,
789
+ "eval_steps_per_second": 2.231,
790
+ "step": 1000
791
+ },
792
+ {
793
+ "epoch": 1.7006315789473683,
794
+ "grad_norm": 0.1440223902463913,
795
+ "learning_rate": 8.733326883822356e-05,
796
+ "loss": 0.0252,
797
+ "step": 1010
798
+ },
799
+ {
800
+ "epoch": 1.7174736842105263,
801
+ "grad_norm": 0.15115946531295776,
802
+ "learning_rate": 8.548285827147568e-05,
803
+ "loss": 0.0244,
804
+ "step": 1020
805
+ },
806
+ {
807
+ "epoch": 1.7343157894736843,
808
+ "grad_norm": 0.10699623823165894,
809
+ "learning_rate": 8.363751196775172e-05,
810
+ "loss": 0.0216,
811
+ "step": 1030
812
+ },
813
+ {
814
+ "epoch": 1.751157894736842,
815
+ "grad_norm": 0.10448223352432251,
816
+ "learning_rate": 8.17978736707877e-05,
817
+ "loss": 0.0227,
818
+ "step": 1040
819
+ },
820
+ {
821
+ "epoch": 1.768,
822
+ "grad_norm": 0.12821614742279053,
823
+ "learning_rate": 7.996458513309787e-05,
824
+ "loss": 0.0198,
825
+ "step": 1050
826
+ },
827
+ {
828
+ "epoch": 1.784842105263158,
829
+ "grad_norm": 0.1228765919804573,
830
+ "learning_rate": 7.813828589210138e-05,
831
+ "loss": 0.023,
832
+ "step": 1060
833
+ },
834
+ {
835
+ "epoch": 1.8016842105263158,
836
+ "grad_norm": 0.1160237044095993,
837
+ "learning_rate": 7.631961304702124e-05,
838
+ "loss": 0.0235,
839
+ "step": 1070
840
+ },
841
+ {
842
+ "epoch": 1.8185263157894735,
843
+ "grad_norm": 0.097357377409935,
844
+ "learning_rate": 7.450920103663443e-05,
845
+ "loss": 0.0219,
846
+ "step": 1080
847
+ },
848
+ {
849
+ "epoch": 1.8353684210526315,
850
+ "grad_norm": 0.169428288936615,
851
+ "learning_rate": 7.270768141794942e-05,
852
+ "loss": 0.0207,
853
+ "step": 1090
854
+ },
855
+ {
856
+ "epoch": 1.8522105263157895,
857
+ "grad_norm": 0.12443847209215164,
858
+ "learning_rate": 7.091568264588952e-05,
859
+ "loss": 0.0195,
860
+ "step": 1100
861
+ },
862
+ {
863
+ "epoch": 1.8522105263157895,
864
+ "eval_loss": 0.02066013775765896,
865
+ "eval_runtime": 224.1852,
866
+ "eval_samples_per_second": 2.23,
867
+ "eval_steps_per_second": 2.23,
868
+ "step": 1100
869
+ },
870
+ {
871
+ "epoch": 1.8690526315789473,
872
+ "grad_norm": 0.11752050369977951,
873
+ "learning_rate": 6.913382985405814e-05,
874
+ "loss": 0.0186,
875
+ "step": 1110
876
+ },
877
+ {
878
+ "epoch": 1.8858947368421053,
879
+ "grad_norm": 0.12359823286533356,
880
+ "learning_rate": 6.736274463666283e-05,
881
+ "loss": 0.0193,
882
+ "step": 1120
883
+ },
884
+ {
885
+ "epoch": 1.9027368421052633,
886
+ "grad_norm": 0.10313016176223755,
887
+ "learning_rate": 6.560304483167368e-05,
888
+ "loss": 0.0191,
889
+ "step": 1130
890
+ },
891
+ {
892
+ "epoch": 1.919578947368421,
893
+ "grad_norm": 0.12194198369979858,
894
+ "learning_rate": 6.385534430529275e-05,
895
+ "loss": 0.0189,
896
+ "step": 1140
897
+ },
898
+ {
899
+ "epoch": 1.9364210526315788,
900
+ "grad_norm": 0.1172875314950943,
901
+ "learning_rate": 6.212025273780815e-05,
902
+ "loss": 0.0155,
903
+ "step": 1150
904
+ },
905
+ {
906
+ "epoch": 1.9532631578947368,
907
+ "grad_norm": 0.09735918790102005,
908
+ "learning_rate": 6.039837541090913e-05,
909
+ "loss": 0.0169,
910
+ "step": 1160
911
+ },
912
+ {
913
+ "epoch": 1.9701052631578948,
914
+ "grad_norm": 0.09256832301616669,
915
+ "learning_rate": 5.869031299653518e-05,
916
+ "loss": 0.0174,
917
+ "step": 1170
918
+ },
919
+ {
920
+ "epoch": 1.9869473684210526,
921
+ "grad_norm": 0.10335566103458405,
922
+ "learning_rate": 5.699666134733349e-05,
923
+ "loss": 0.0171,
924
+ "step": 1180
925
+ },
926
+ {
927
+ "epoch": 2.0033684210526315,
928
+ "grad_norm": 0.10647857934236526,
929
+ "learning_rate": 5.5318011288797237e-05,
930
+ "loss": 0.0158,
931
+ "step": 1190
932
+ },
933
+ {
934
+ "epoch": 2.0202105263157897,
935
+ "grad_norm": 0.12479748576879501,
936
+ "learning_rate": 5.365494841315808e-05,
937
+ "loss": 0.0136,
938
+ "step": 1200
939
+ },
940
+ {
941
+ "epoch": 2.0202105263157897,
942
+ "eval_loss": 0.017488960176706314,
943
+ "eval_runtime": 224.1495,
944
+ "eval_samples_per_second": 2.231,
945
+ "eval_steps_per_second": 2.231,
946
+ "step": 1200
947
+ },
948
+ {
949
+ "epoch": 2.0370526315789474,
950
+ "grad_norm": 0.09349500387907028,
951
+ "learning_rate": 5.2008052875103886e-05,
952
+ "loss": 0.0137,
953
+ "step": 1210
954
+ },
955
+ {
956
+ "epoch": 2.053894736842105,
957
+ "grad_norm": 0.06680870801210403,
958
+ "learning_rate": 5.037789918939335e-05,
959
+ "loss": 0.0126,
960
+ "step": 1220
961
+ },
962
+ {
963
+ "epoch": 2.070736842105263,
964
+ "grad_norm": 0.09055491536855698,
965
+ "learning_rate": 4.876505603043826e-05,
966
+ "loss": 0.0128,
967
+ "step": 1230
968
+ },
969
+ {
970
+ "epoch": 2.087578947368421,
971
+ "grad_norm": 0.12399008870124817,
972
+ "learning_rate": 4.717008603392318e-05,
973
+ "loss": 0.0131,
974
+ "step": 1240
975
+ },
976
+ {
977
+ "epoch": 2.104421052631579,
978
+ "grad_norm": 0.09043820202350616,
979
+ "learning_rate": 4.559354560053135e-05,
980
+ "loss": 0.0118,
981
+ "step": 1250
982
+ },
983
+ {
984
+ "epoch": 2.1212631578947367,
985
+ "grad_norm": 0.07968771457672119,
986
+ "learning_rate": 4.4035984701846234e-05,
987
+ "loss": 0.0122,
988
+ "step": 1260
989
+ },
990
+ {
991
+ "epoch": 2.138105263157895,
992
+ "grad_norm": 0.07125072926282883,
993
+ "learning_rate": 4.2497946688495184e-05,
994
+ "loss": 0.0117,
995
+ "step": 1270
996
+ },
997
+ {
998
+ "epoch": 2.1549473684210527,
999
+ "grad_norm": 0.07947332412004471,
1000
+ "learning_rate": 4.097996810060346e-05,
1001
+ "loss": 0.0112,
1002
+ "step": 1280
1003
+ },
1004
+ {
1005
+ "epoch": 2.1717894736842105,
1006
+ "grad_norm": 0.06901393830776215,
1007
+ "learning_rate": 3.948257848062351e-05,
1008
+ "loss": 0.0119,
1009
+ "step": 1290
1010
+ },
1011
+ {
1012
+ "epoch": 2.1886315789473683,
1013
+ "grad_norm": 0.07422488927841187,
1014
+ "learning_rate": 3.8006300188605705e-05,
1015
+ "loss": 0.0111,
1016
+ "step": 1300
1017
+ },
1018
+ {
1019
+ "epoch": 2.1886315789473683,
1020
+ "eval_loss": 0.015334118157625198,
1021
+ "eval_runtime": 224.1161,
1022
+ "eval_samples_per_second": 2.231,
1023
+ "eval_steps_per_second": 2.231,
1024
+ "step": 1300
1025
+ },
1026
+ {
1027
+ "epoch": 2.2054736842105265,
1028
+ "grad_norm": 0.10787979513406754,
1029
+ "learning_rate": 3.655164821997451e-05,
1030
+ "loss": 0.0123,
1031
+ "step": 1310
1032
+ },
1033
+ {
1034
+ "epoch": 2.2223157894736842,
1035
+ "grad_norm": 0.07865067571401596,
1036
+ "learning_rate": 3.5119130025874034e-05,
1037
+ "loss": 0.0107,
1038
+ "step": 1320
1039
+ },
1040
+ {
1041
+ "epoch": 2.239157894736842,
1042
+ "grad_norm": 0.07730992138385773,
1043
+ "learning_rate": 3.3709245336144777e-05,
1044
+ "loss": 0.0112,
1045
+ "step": 1330
1046
+ },
1047
+ {
1048
+ "epoch": 2.2560000000000002,
1049
+ "grad_norm": 0.0723709836602211,
1050
+ "learning_rate": 3.232248598499459e-05,
1051
+ "loss": 0.0114,
1052
+ "step": 1340
1053
+ },
1054
+ {
1055
+ "epoch": 2.272842105263158,
1056
+ "grad_norm": 0.08348905295133591,
1057
+ "learning_rate": 3.09593357394236e-05,
1058
+ "loss": 0.01,
1059
+ "step": 1350
1060
+ },
1061
+ {
1062
+ "epoch": 2.2896842105263158,
1063
+ "grad_norm": 0.07650898396968842,
1064
+ "learning_rate": 2.9620270130463667e-05,
1065
+ "loss": 0.0109,
1066
+ "step": 1360
1067
+ },
1068
+ {
1069
+ "epoch": 2.3065263157894735,
1070
+ "grad_norm": 0.06670452654361725,
1071
+ "learning_rate": 2.8305756287290484e-05,
1072
+ "loss": 0.0114,
1073
+ "step": 1370
1074
+ },
1075
+ {
1076
+ "epoch": 2.3233684210526317,
1077
+ "grad_norm": 0.07205783575773239,
1078
+ "learning_rate": 2.7016252774267192e-05,
1079
+ "loss": 0.0109,
1080
+ "step": 1380
1081
+ },
1082
+ {
1083
+ "epoch": 2.3402105263157895,
1084
+ "grad_norm": 0.07499977201223373,
1085
+ "learning_rate": 2.575220943097526e-05,
1086
+ "loss": 0.0113,
1087
+ "step": 1390
1088
+ },
1089
+ {
1090
+ "epoch": 2.3570526315789473,
1091
+ "grad_norm": 0.07749755680561066,
1092
+ "learning_rate": 2.4514067215289503e-05,
1093
+ "loss": 0.0102,
1094
+ "step": 1400
1095
+ },
1096
+ {
1097
+ "epoch": 2.3570526315789473,
1098
+ "eval_loss": 0.013460199348628521,
1099
+ "eval_runtime": 224.1893,
1100
+ "eval_samples_per_second": 2.23,
1101
+ "eval_steps_per_second": 2.23,
1102
+ "step": 1400
1103
+ },
1104
+ {
1105
+ "epoch": 2.3738947368421055,
1106
+ "grad_norm": 0.07490992546081543,
1107
+ "learning_rate": 2.3302258049550974e-05,
1108
+ "loss": 0.0103,
1109
+ "step": 1410
1110
+ },
1111
+ {
1112
+ "epoch": 2.3907368421052633,
1113
+ "grad_norm": 0.07824037969112396,
1114
+ "learning_rate": 2.2117204669892198e-05,
1115
+ "loss": 0.0104,
1116
+ "step": 1420
1117
+ },
1118
+ {
1119
+ "epoch": 2.407578947368421,
1120
+ "grad_norm": 0.07291096448898315,
1121
+ "learning_rate": 2.0959320478766965e-05,
1122
+ "loss": 0.0101,
1123
+ "step": 1430
1124
+ },
1125
+ {
1126
+ "epoch": 2.424421052631579,
1127
+ "grad_norm": 0.09640032798051834,
1128
+ "learning_rate": 1.9829009400735977e-05,
1129
+ "loss": 0.011,
1130
+ "step": 1440
1131
+ },
1132
+ {
1133
+ "epoch": 2.441263157894737,
1134
+ "grad_norm": 0.07188956439495087,
1135
+ "learning_rate": 1.8726665741558923e-05,
1136
+ "loss": 0.0105,
1137
+ "step": 1450
1138
+ },
1139
+ {
1140
+ "epoch": 2.458105263157895,
1141
+ "grad_norm": 0.0596754252910614,
1142
+ "learning_rate": 1.765267405064206e-05,
1143
+ "loss": 0.009,
1144
+ "step": 1460
1145
+ },
1146
+ {
1147
+ "epoch": 2.4749473684210526,
1148
+ "grad_norm": 0.0846128836274147,
1149
+ "learning_rate": 1.6607408986889384e-05,
1150
+ "loss": 0.0096,
1151
+ "step": 1470
1152
+ },
1153
+ {
1154
+ "epoch": 2.4917894736842103,
1155
+ "grad_norm": 0.10189133137464523,
1156
+ "learning_rate": 1.559123518800376e-05,
1157
+ "loss": 0.0105,
1158
+ "step": 1480
1159
+ },
1160
+ {
1161
+ "epoch": 2.5086315789473685,
1162
+ "grad_norm": 0.06304220855236053,
1163
+ "learning_rate": 1.460450714328423e-05,
1164
+ "loss": 0.0104,
1165
+ "step": 1490
1166
+ },
1167
+ {
1168
+ "epoch": 2.5254736842105263,
1169
+ "grad_norm": 0.06267323344945908,
1170
+ "learning_rate": 1.364756906996345e-05,
1171
+ "loss": 0.0095,
1172
+ "step": 1500
1173
+ },
1174
+ {
1175
+ "epoch": 2.5254736842105263,
1176
+ "eval_loss": 0.01212456077337265,
1177
+ "eval_runtime": 224.2724,
1178
+ "eval_samples_per_second": 2.229,
1179
+ "eval_steps_per_second": 2.229,
1180
+ "step": 1500
1181
+ }
1182
+ ],
1183
+ "logging_steps": 10,
1184
+ "max_steps": 1782,
1185
+ "num_input_tokens_seen": 0,
1186
+ "num_train_epochs": 3,
1187
+ "save_steps": 500,
1188
+ "stateful_callbacks": {
1189
+ "TrainerControl": {
1190
+ "args": {
1191
+ "should_epoch_stop": false,
1192
+ "should_evaluate": false,
1193
+ "should_log": false,
1194
+ "should_save": true,
1195
+ "should_training_stop": false
1196
+ },
1197
+ "attributes": {}
1198
+ }
1199
+ },
1200
+ "total_flos": 2.1083187220819476e+18,
1201
+ "train_batch_size": 1,
1202
+ "trial_name": null,
1203
+ "trial_params": null
1204
+ }
checkpoint-1500/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5ebf36573d729aaa340fbacc4c94ccace1662c744156c5330ffcb2496294477b
3
+ size 5777
checkpoint-1500/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-1782/README.md ADDED
@@ -0,0 +1,207 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: Qwen/Qwen2.5-Coder-7B-Instruct
3
+ library_name: peft
4
+ pipeline_tag: text-generation
5
+ tags:
6
+ - base_model:adapter:Qwen/Qwen2.5-Coder-7B-Instruct
7
+ - lora
8
+ - transformers
9
+ ---
10
+
11
+ # Model Card for Model ID
12
+
13
+ <!-- Provide a quick summary of what the model is/does. -->
14
+
15
+
16
+
17
+ ## Model Details
18
+
19
+ ### Model Description
20
+
21
+ <!-- Provide a longer summary of what this model is. -->
22
+
23
+
24
+
25
+ - **Developed by:** [More Information Needed]
26
+ - **Funded by [optional]:** [More Information Needed]
27
+ - **Shared by [optional]:** [More Information Needed]
28
+ - **Model type:** [More Information Needed]
29
+ - **Language(s) (NLP):** [More Information Needed]
30
+ - **License:** [More Information Needed]
31
+ - **Finetuned from model [optional]:** [More Information Needed]
32
+
33
+ ### Model Sources [optional]
34
+
35
+ <!-- Provide the basic links for the model. -->
36
+
37
+ - **Repository:** [More Information Needed]
38
+ - **Paper [optional]:** [More Information Needed]
39
+ - **Demo [optional]:** [More Information Needed]
40
+
41
+ ## Uses
42
+
43
+ <!-- Address questions around how the model is intended to be used, including the foreseeable users of the model and those affected by the model. -->
44
+
45
+ ### Direct Use
46
+
47
+ <!-- This section is for the model use without fine-tuning or plugging into a larger ecosystem/app. -->
48
+
49
+ [More Information Needed]
50
+
51
+ ### Downstream Use [optional]
52
+
53
+ <!-- This section is for the model use when fine-tuned for a task, or when plugged into a larger ecosystem/app -->
54
+
55
+ [More Information Needed]
56
+
57
+ ### Out-of-Scope Use
58
+
59
+ <!-- This section addresses misuse, malicious use, and uses that the model will not work well for. -->
60
+
61
+ [More Information Needed]
62
+
63
+ ## Bias, Risks, and Limitations
64
+
65
+ <!-- This section is meant to convey both technical and sociotechnical limitations. -->
66
+
67
+ [More Information Needed]
68
+
69
+ ### Recommendations
70
+
71
+ <!-- This section is meant to convey recommendations with respect to the bias, risk, and technical limitations. -->
72
+
73
+ Users (both direct and downstream) should be made aware of the risks, biases and limitations of the model. More information needed for further recommendations.
74
+
75
+ ## How to Get Started with the Model
76
+
77
+ Use the code below to get started with the model.
78
+
79
+ [More Information Needed]
80
+
81
+ ## Training Details
82
+
83
+ ### Training Data
84
+
85
+ <!-- This should link to a Dataset Card, perhaps with a short stub of information on what the training data is all about as well as documentation related to data pre-processing or additional filtering. -->
86
+
87
+ [More Information Needed]
88
+
89
+ ### Training Procedure
90
+
91
+ <!-- This relates heavily to the Technical Specifications. Content here should link to that section when it is relevant to the training procedure. -->
92
+
93
+ #### Preprocessing [optional]
94
+
95
+ [More Information Needed]
96
+
97
+
98
+ #### Training Hyperparameters
99
+
100
+ - **Training regime:** [More Information Needed] <!--fp32, fp16 mixed precision, bf16 mixed precision, bf16 non-mixed precision, fp16 non-mixed precision, fp8 mixed precision -->
101
+
102
+ #### Speeds, Sizes, Times [optional]
103
+
104
+ <!-- This section provides information about throughput, start/end time, checkpoint size if relevant, etc. -->
105
+
106
+ [More Information Needed]
107
+
108
+ ## Evaluation
109
+
110
+ <!-- This section describes the evaluation protocols and provides the results. -->
111
+
112
+ ### Testing Data, Factors & Metrics
113
+
114
+ #### Testing Data
115
+
116
+ <!-- This should link to a Dataset Card if possible. -->
117
+
118
+ [More Information Needed]
119
+
120
+ #### Factors
121
+
122
+ <!-- These are the things the evaluation is disaggregating by, e.g., subpopulations or domains. -->
123
+
124
+ [More Information Needed]
125
+
126
+ #### Metrics
127
+
128
+ <!-- These are the evaluation metrics being used, ideally with a description of why. -->
129
+
130
+ [More Information Needed]
131
+
132
+ ### Results
133
+
134
+ [More Information Needed]
135
+
136
+ #### Summary
137
+
138
+
139
+
140
+ ## Model Examination [optional]
141
+
142
+ <!-- Relevant interpretability work for the model goes here -->
143
+
144
+ [More Information Needed]
145
+
146
+ ## Environmental Impact
147
+
148
+ <!-- Total emissions (in grams of CO2eq) and additional considerations, such as electricity usage, go here. Edit the suggested text below accordingly -->
149
+
150
+ Carbon emissions can be estimated using the [Machine Learning Impact calculator](https://mlco2.github.io/impact#compute) presented in [Lacoste et al. (2019)](https://arxiv.org/abs/1910.09700).
151
+
152
+ - **Hardware Type:** [More Information Needed]
153
+ - **Hours used:** [More Information Needed]
154
+ - **Cloud Provider:** [More Information Needed]
155
+ - **Compute Region:** [More Information Needed]
156
+ - **Carbon Emitted:** [More Information Needed]
157
+
158
+ ## Technical Specifications [optional]
159
+
160
+ ### Model Architecture and Objective
161
+
162
+ [More Information Needed]
163
+
164
+ ### Compute Infrastructure
165
+
166
+ [More Information Needed]
167
+
168
+ #### Hardware
169
+
170
+ [More Information Needed]
171
+
172
+ #### Software
173
+
174
+ [More Information Needed]
175
+
176
+ ## Citation [optional]
177
+
178
+ <!-- If there is a paper or blog post introducing the model, the APA and Bibtex information for that should go in this section. -->
179
+
180
+ **BibTeX:**
181
+
182
+ [More Information Needed]
183
+
184
+ **APA:**
185
+
186
+ [More Information Needed]
187
+
188
+ ## Glossary [optional]
189
+
190
+ <!-- If relevant, include terms and calculations in this section that can help readers understand the model or model card. -->
191
+
192
+ [More Information Needed]
193
+
194
+ ## More Information [optional]
195
+
196
+ [More Information Needed]
197
+
198
+ ## Model Card Authors [optional]
199
+
200
+ [More Information Needed]
201
+
202
+ ## Model Card Contact
203
+
204
+ [More Information Needed]
205
+ ### Framework versions
206
+
207
+ - PEFT 0.17.1
checkpoint-1782/adapter_config.json ADDED
@@ -0,0 +1,42 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "Qwen/Qwen2.5-Coder-7B-Instruct",
5
+ "bias": "none",
6
+ "corda_config": null,
7
+ "eva_config": null,
8
+ "exclude_modules": null,
9
+ "fan_in_fan_out": false,
10
+ "inference_mode": true,
11
+ "init_lora_weights": true,
12
+ "layer_replication": null,
13
+ "layers_pattern": null,
14
+ "layers_to_transform": null,
15
+ "loftq_config": {},
16
+ "lora_alpha": 64,
17
+ "lora_bias": false,
18
+ "lora_dropout": 0.1,
19
+ "megatron_config": null,
20
+ "megatron_core": "megatron.core",
21
+ "modules_to_save": null,
22
+ "peft_type": "LORA",
23
+ "qalora_group_size": 16,
24
+ "r": 32,
25
+ "rank_pattern": {},
26
+ "revision": null,
27
+ "target_modules": [
28
+ "down_proj",
29
+ "k_proj",
30
+ "q_proj",
31
+ "v_proj",
32
+ "o_proj",
33
+ "gate_proj",
34
+ "up_proj"
35
+ ],
36
+ "target_parameters": null,
37
+ "task_type": "CAUSAL_LM",
38
+ "trainable_token_indices": null,
39
+ "use_dora": false,
40
+ "use_qalora": false,
41
+ "use_rslora": false
42
+ }
checkpoint-1782/adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:ca6b50b6bfc1c5e7d4d843e620fd2dd98fd3b8a416a439f46b5f8440fa6d14aa
3
+ size 323014168
checkpoint-1782/added_tokens.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
+ "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
+ "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
+ }
checkpoint-1782/chat_template.jinja ADDED
@@ -0,0 +1,54 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {%- if tools %}
2
+ {{- '<|im_start|>system\n' }}
3
+ {%- if messages[0]['role'] == 'system' %}
4
+ {{- messages[0]['content'] }}
5
+ {%- else %}
6
+ {{- 'You are Qwen, created by Alibaba Cloud. You are a helpful assistant.' }}
7
+ {%- endif %}
8
+ {{- "\n\n# Tools\n\nYou may call one or more functions to assist with the user query.\n\nYou are provided with function signatures within <tools></tools> XML tags:\n<tools>" }}
9
+ {%- for tool in tools %}
10
+ {{- "\n" }}
11
+ {{- tool | tojson }}
12
+ {%- endfor %}
13
+ {{- "\n</tools>\n\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\n<tool_call>\n{\"name\": <function-name>, \"arguments\": <args-json-object>}\n</tool_call><|im_end|>\n" }}
14
+ {%- else %}
15
+ {%- if messages[0]['role'] == 'system' %}
16
+ {{- '<|im_start|>system\n' + messages[0]['content'] + '<|im_end|>\n' }}
17
+ {%- else %}
18
+ {{- '<|im_start|>system\nYou are Qwen, created by Alibaba Cloud. You are a helpful assistant.<|im_end|>\n' }}
19
+ {%- endif %}
20
+ {%- endif %}
21
+ {%- for message in messages %}
22
+ {%- if (message.role == "user") or (message.role == "system" and not loop.first) or (message.role == "assistant" and not message.tool_calls) %}
23
+ {{- '<|im_start|>' + message.role + '\n' + message.content + '<|im_end|>' + '\n' }}
24
+ {%- elif message.role == "assistant" %}
25
+ {{- '<|im_start|>' + message.role }}
26
+ {%- if message.content %}
27
+ {{- '\n' + message.content }}
28
+ {%- endif %}
29
+ {%- for tool_call in message.tool_calls %}
30
+ {%- if tool_call.function is defined %}
31
+ {%- set tool_call = tool_call.function %}
32
+ {%- endif %}
33
+ {{- '\n<tool_call>\n{"name": "' }}
34
+ {{- tool_call.name }}
35
+ {{- '", "arguments": ' }}
36
+ {{- tool_call.arguments | tojson }}
37
+ {{- '}\n</tool_call>' }}
38
+ {%- endfor %}
39
+ {{- '<|im_end|>\n' }}
40
+ {%- elif message.role == "tool" %}
41
+ {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != "tool") %}
42
+ {{- '<|im_start|>user' }}
43
+ {%- endif %}
44
+ {{- '\n<tool_response>\n' }}
45
+ {{- message.content }}
46
+ {{- '\n</tool_response>' }}
47
+ {%- if loop.last or (messages[loop.index0 + 1].role != "tool") %}
48
+ {{- '<|im_end|>\n' }}
49
+ {%- endif %}
50
+ {%- endif %}
51
+ {%- endfor %}
52
+ {%- if add_generation_prompt %}
53
+ {{- '<|im_start|>assistant\n' }}
54
+ {%- endif %}
checkpoint-1782/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-1782/optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:71f5eb9d9552fdf24306ebe4697c2bf2f379632e5d7de2c5717fc2f39fee30cd
3
+ size 646253819
checkpoint-1782/rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d030bf98ea15bfaa2df571d5881050f473c0d742d9d7778e1c59e152451a57a8
3
+ size 14645
checkpoint-1782/scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:24b90582241be69f16130e8995724321b1bd92ffb986e87dad86a9611772b165
3
+ size 1465
checkpoint-1782/special_tokens_map.json ADDED
@@ -0,0 +1,31 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
+ ],
17
+ "eos_token": {
18
+ "content": "<|im_end|>",
19
+ "lstrip": false,
20
+ "normalized": false,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ },
24
+ "pad_token": {
25
+ "content": "<|endoftext|>",
26
+ "lstrip": false,
27
+ "normalized": false,
28
+ "rstrip": false,
29
+ "single_word": false
30
+ }
31
+ }
checkpoint-1782/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:694f1174c5bdf94e2fc50796c0f1733a5a3945ff110b0dfa40ea0701cc9c9c42
3
+ size 11422176
checkpoint-1782/tokenizer_config.json ADDED
@@ -0,0 +1,208 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_bos_token": false,
3
+ "add_prefix_space": false,
4
+ "added_tokens_decoder": {
5
+ "151643": {
6
+ "content": "<|endoftext|>",
7
+ "lstrip": false,
8
+ "normalized": false,
9
+ "rstrip": false,
10
+ "single_word": false,
11
+ "special": true
12
+ },
13
+ "151644": {
14
+ "content": "<|im_start|>",
15
+ "lstrip": false,
16
+ "normalized": false,
17
+ "rstrip": false,
18
+ "single_word": false,
19
+ "special": true
20
+ },
21
+ "151645": {
22
+ "content": "<|im_end|>",
23
+ "lstrip": false,
24
+ "normalized": false,
25
+ "rstrip": false,
26
+ "single_word": false,
27
+ "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
+ }
181
+ },
182
+ "additional_special_tokens": [
183
+ "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
+ ],
197
+ "bos_token": null,
198
+ "clean_up_tokenization_spaces": false,
199
+ "eos_token": "<|im_end|>",
200
+ "errors": "replace",
201
+ "extra_special_tokens": {},
202
+ "model_max_length": 32768,
203
+ "pad_token": "<|endoftext|>",
204
+ "padding_side": "right",
205
+ "split_special_tokens": false,
206
+ "tokenizer_class": "Qwen2Tokenizer",
207
+ "unk_token": null
208
+ }
checkpoint-1782/trainer_state.json ADDED
@@ -0,0 +1,1416 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": 1700,
3
+ "best_metric": 0.011158278211951256,
4
+ "best_model_checkpoint": "/output/x3d_finetuned_model/checkpoint-1500",
5
+ "epoch": 3.0,
6
+ "eval_steps": 100,
7
+ "global_step": 1782,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "epoch": 0.016842105263157894,
14
+ "grad_norm": 0.2378891110420227,
15
+ "learning_rate": 1.8e-05,
16
+ "loss": 0.8901,
17
+ "step": 10
18
+ },
19
+ {
20
+ "epoch": 0.03368421052631579,
21
+ "grad_norm": 0.18149839341640472,
22
+ "learning_rate": 3.8e-05,
23
+ "loss": 0.7969,
24
+ "step": 20
25
+ },
26
+ {
27
+ "epoch": 0.05052631578947368,
28
+ "grad_norm": 0.1667049527168274,
29
+ "learning_rate": 5.8e-05,
30
+ "loss": 0.6762,
31
+ "step": 30
32
+ },
33
+ {
34
+ "epoch": 0.06736842105263158,
35
+ "grad_norm": 0.15869387984275818,
36
+ "learning_rate": 7.800000000000001e-05,
37
+ "loss": 0.5698,
38
+ "step": 40
39
+ },
40
+ {
41
+ "epoch": 0.08421052631578947,
42
+ "grad_norm": 0.16361284255981445,
43
+ "learning_rate": 9.8e-05,
44
+ "loss": 0.5225,
45
+ "step": 50
46
+ },
47
+ {
48
+ "epoch": 0.10105263157894737,
49
+ "grad_norm": 0.14269448816776276,
50
+ "learning_rate": 0.000118,
51
+ "loss": 0.465,
52
+ "step": 60
53
+ },
54
+ {
55
+ "epoch": 0.11789473684210526,
56
+ "grad_norm": 0.18330006301403046,
57
+ "learning_rate": 0.000138,
58
+ "loss": 0.4562,
59
+ "step": 70
60
+ },
61
+ {
62
+ "epoch": 0.13473684210526315,
63
+ "grad_norm": 0.20621822774410248,
64
+ "learning_rate": 0.00015800000000000002,
65
+ "loss": 0.4291,
66
+ "step": 80
67
+ },
68
+ {
69
+ "epoch": 0.15157894736842106,
70
+ "grad_norm": 0.21223391592502594,
71
+ "learning_rate": 0.00017800000000000002,
72
+ "loss": 0.3939,
73
+ "step": 90
74
+ },
75
+ {
76
+ "epoch": 0.16842105263157894,
77
+ "grad_norm": 0.19762997329235077,
78
+ "learning_rate": 0.00019800000000000002,
79
+ "loss": 0.3753,
80
+ "step": 100
81
+ },
82
+ {
83
+ "epoch": 0.16842105263157894,
84
+ "eval_loss": 0.35540345311164856,
85
+ "eval_runtime": 224.1519,
86
+ "eval_samples_per_second": 2.231,
87
+ "eval_steps_per_second": 2.231,
88
+ "step": 100
89
+ },
90
+ {
91
+ "epoch": 0.18526315789473685,
92
+ "grad_norm": 0.18955057859420776,
93
+ "learning_rate": 0.00019998587161376442,
94
+ "loss": 0.3407,
95
+ "step": 110
96
+ },
97
+ {
98
+ "epoch": 0.20210526315789473,
99
+ "grad_norm": 0.24190108478069305,
100
+ "learning_rate": 0.00019993703787315803,
101
+ "loss": 0.346,
102
+ "step": 120
103
+ },
104
+ {
105
+ "epoch": 0.21894736842105264,
106
+ "grad_norm": 0.1914621889591217,
107
+ "learning_rate": 0.00019985334138511237,
108
+ "loss": 0.3288,
109
+ "step": 130
110
+ },
111
+ {
112
+ "epoch": 0.23578947368421052,
113
+ "grad_norm": 0.1650117188692093,
114
+ "learning_rate": 0.00019973481134690592,
115
+ "loss": 0.2942,
116
+ "step": 140
117
+ },
118
+ {
119
+ "epoch": 0.25263157894736843,
120
+ "grad_norm": 0.22298051416873932,
121
+ "learning_rate": 0.00019958148910740063,
122
+ "loss": 0.2904,
123
+ "step": 150
124
+ },
125
+ {
126
+ "epoch": 0.2694736842105263,
127
+ "grad_norm": 0.24592551589012146,
128
+ "learning_rate": 0.0001993934281526176,
129
+ "loss": 0.2918,
130
+ "step": 160
131
+ },
132
+ {
133
+ "epoch": 0.2863157894736842,
134
+ "grad_norm": 0.19984672963619232,
135
+ "learning_rate": 0.00019917069408707848,
136
+ "loss": 0.2461,
137
+ "step": 170
138
+ },
139
+ {
140
+ "epoch": 0.3031578947368421,
141
+ "grad_norm": 0.22812137007713318,
142
+ "learning_rate": 0.00019891336461091966,
143
+ "loss": 0.2577,
144
+ "step": 180
145
+ },
146
+ {
147
+ "epoch": 0.32,
148
+ "grad_norm": 0.21963553130626678,
149
+ "learning_rate": 0.0001986215294927868,
150
+ "loss": 0.2267,
151
+ "step": 190
152
+ },
153
+ {
154
+ "epoch": 0.3368421052631579,
155
+ "grad_norm": 0.24446611106395721,
156
+ "learning_rate": 0.00019829529053851919,
157
+ "loss": 0.2412,
158
+ "step": 200
159
+ },
160
+ {
161
+ "epoch": 0.3368421052631579,
162
+ "eval_loss": 0.23451316356658936,
163
+ "eval_runtime": 224.1089,
164
+ "eval_samples_per_second": 2.231,
165
+ "eval_steps_per_second": 2.231,
166
+ "step": 200
167
+ },
168
+ {
169
+ "epoch": 0.35368421052631577,
170
+ "grad_norm": 0.19283448159694672,
171
+ "learning_rate": 0.00019793476155563507,
172
+ "loss": 0.2324,
173
+ "step": 210
174
+ },
175
+ {
176
+ "epoch": 0.3705263157894737,
177
+ "grad_norm": 0.2276701033115387,
178
+ "learning_rate": 0.00019754006831363042,
179
+ "loss": 0.2055,
180
+ "step": 220
181
+ },
182
+ {
183
+ "epoch": 0.3873684210526316,
184
+ "grad_norm": 0.28741592168807983,
185
+ "learning_rate": 0.00019711134850010432,
186
+ "loss": 0.2068,
187
+ "step": 230
188
+ },
189
+ {
190
+ "epoch": 0.40421052631578946,
191
+ "grad_norm": 0.2498358190059662,
192
+ "learning_rate": 0.00019664875167272735,
193
+ "loss": 0.1945,
194
+ "step": 240
195
+ },
196
+ {
197
+ "epoch": 0.42105263157894735,
198
+ "grad_norm": 0.21750546991825104,
199
+ "learning_rate": 0.00019615243920706853,
200
+ "loss": 0.1811,
201
+ "step": 250
202
+ },
203
+ {
204
+ "epoch": 0.4378947368421053,
205
+ "grad_norm": 0.22553850710391998,
206
+ "learning_rate": 0.00019562258424030016,
207
+ "loss": 0.18,
208
+ "step": 260
209
+ },
210
+ {
211
+ "epoch": 0.45473684210526316,
212
+ "grad_norm": 0.2156210094690323,
213
+ "learning_rate": 0.00019505937161079927,
214
+ "loss": 0.1623,
215
+ "step": 270
216
+ },
217
+ {
218
+ "epoch": 0.47157894736842104,
219
+ "grad_norm": 0.3091757595539093,
220
+ "learning_rate": 0.0001944629977936673,
221
+ "loss": 0.1635,
222
+ "step": 280
223
+ },
224
+ {
225
+ "epoch": 0.4884210526315789,
226
+ "grad_norm": 0.23857639729976654,
227
+ "learning_rate": 0.0001938336708321904,
228
+ "loss": 0.1458,
229
+ "step": 290
230
+ },
231
+ {
232
+ "epoch": 0.5052631578947369,
233
+ "grad_norm": 0.2157812863588333,
234
+ "learning_rate": 0.0001931716102652641,
235
+ "loss": 0.1602,
236
+ "step": 300
237
+ },
238
+ {
239
+ "epoch": 0.5052631578947369,
240
+ "eval_loss": 0.14944693446159363,
241
+ "eval_runtime": 224.1903,
242
+ "eval_samples_per_second": 2.23,
243
+ "eval_steps_per_second": 2.23,
244
+ "step": 300
245
+ },
246
+ {
247
+ "epoch": 0.5221052631578947,
248
+ "grad_norm": 0.3185126483440399,
249
+ "learning_rate": 0.00019247704705080773,
250
+ "loss": 0.1531,
251
+ "step": 310
252
+ },
253
+ {
254
+ "epoch": 0.5389473684210526,
255
+ "grad_norm": 0.2601878345012665,
256
+ "learning_rate": 0.00019175022348519554,
257
+ "loss": 0.1403,
258
+ "step": 320
259
+ },
260
+ {
261
+ "epoch": 0.5557894736842105,
262
+ "grad_norm": 0.22638513147830963,
263
+ "learning_rate": 0.00019099139311873215,
264
+ "loss": 0.1176,
265
+ "step": 330
266
+ },
267
+ {
268
+ "epoch": 0.5726315789473684,
269
+ "grad_norm": 0.2953122854232788,
270
+ "learning_rate": 0.00019020082066720245,
271
+ "loss": 0.1192,
272
+ "step": 340
273
+ },
274
+ {
275
+ "epoch": 0.5894736842105263,
276
+ "grad_norm": 0.300016313791275,
277
+ "learning_rate": 0.00018937878191952606,
278
+ "loss": 0.1225,
279
+ "step": 350
280
+ },
281
+ {
282
+ "epoch": 0.6063157894736843,
283
+ "grad_norm": 0.21774296462535858,
284
+ "learning_rate": 0.0001885255636415494,
285
+ "loss": 0.1051,
286
+ "step": 360
287
+ },
288
+ {
289
+ "epoch": 0.6231578947368421,
290
+ "grad_norm": 0.19208350777626038,
291
+ "learning_rate": 0.00018764146347600793,
292
+ "loss": 0.0987,
293
+ "step": 370
294
+ },
295
+ {
296
+ "epoch": 0.64,
297
+ "grad_norm": 0.2341982126235962,
298
+ "learning_rate": 0.00018672678983869463,
299
+ "loss": 0.1071,
300
+ "step": 380
301
+ },
302
+ {
303
+ "epoch": 0.6568421052631579,
304
+ "grad_norm": 0.22858911752700806,
305
+ "learning_rate": 0.00018578186181086997,
306
+ "loss": 0.0983,
307
+ "step": 390
308
+ },
309
+ {
310
+ "epoch": 0.6736842105263158,
311
+ "grad_norm": 0.238422691822052,
312
+ "learning_rate": 0.0001848070090279512,
313
+ "loss": 0.0997,
314
+ "step": 400
315
+ },
316
+ {
317
+ "epoch": 0.6736842105263158,
318
+ "eval_loss": 0.09719416499137878,
319
+ "eval_runtime": 224.0873,
320
+ "eval_samples_per_second": 2.231,
321
+ "eval_steps_per_second": 2.231,
322
+ "step": 400
323
+ },
324
+ {
325
+ "epoch": 0.6905263157894737,
326
+ "grad_norm": 0.23865894973278046,
327
+ "learning_rate": 0.00018380257156452013,
328
+ "loss": 0.0894,
329
+ "step": 410
330
+ },
331
+ {
332
+ "epoch": 0.7073684210526315,
333
+ "grad_norm": 0.21594248712062836,
334
+ "learning_rate": 0.00018276889981568906,
335
+ "loss": 0.0871,
336
+ "step": 420
337
+ },
338
+ {
339
+ "epoch": 0.7242105263157895,
340
+ "grad_norm": 0.26310935616493225,
341
+ "learning_rate": 0.0001817063543748664,
342
+ "loss": 0.0933,
343
+ "step": 430
344
+ },
345
+ {
346
+ "epoch": 0.7410526315789474,
347
+ "grad_norm": 0.20604920387268066,
348
+ "learning_rate": 0.00018061530590796475,
349
+ "loss": 0.0832,
350
+ "step": 440
351
+ },
352
+ {
353
+ "epoch": 0.7578947368421053,
354
+ "grad_norm": 0.2668643593788147,
355
+ "learning_rate": 0.0001794961350240951,
356
+ "loss": 0.0822,
357
+ "step": 450
358
+ },
359
+ {
360
+ "epoch": 0.7747368421052632,
361
+ "grad_norm": 0.1784186065196991,
362
+ "learning_rate": 0.00017834923214279268,
363
+ "loss": 0.0783,
364
+ "step": 460
365
+ },
366
+ {
367
+ "epoch": 0.791578947368421,
368
+ "grad_norm": 0.2419017106294632,
369
+ "learning_rate": 0.00017717499735781983,
370
+ "loss": 0.0727,
371
+ "step": 470
372
+ },
373
+ {
374
+ "epoch": 0.8084210526315789,
375
+ "grad_norm": 0.25795748829841614,
376
+ "learning_rate": 0.00017597384029759475,
377
+ "loss": 0.0765,
378
+ "step": 480
379
+ },
380
+ {
381
+ "epoch": 0.8252631578947368,
382
+ "grad_norm": 0.25549963116645813,
383
+ "learning_rate": 0.00017474617998229373,
384
+ "loss": 0.0678,
385
+ "step": 490
386
+ },
387
+ {
388
+ "epoch": 0.8421052631578947,
389
+ "grad_norm": 0.3272872865200043,
390
+ "learning_rate": 0.00017349244467767708,
391
+ "loss": 0.0741,
392
+ "step": 500
393
+ },
394
+ {
395
+ "epoch": 0.8421052631578947,
396
+ "eval_loss": 0.0688847005367279,
397
+ "eval_runtime": 224.164,
398
+ "eval_samples_per_second": 2.231,
399
+ "eval_steps_per_second": 2.231,
400
+ "step": 500
401
+ },
402
+ {
403
+ "epoch": 0.8589473684210527,
404
+ "grad_norm": 0.20569807291030884,
405
+ "learning_rate": 0.0001722130717456901,
406
+ "loss": 0.0648,
407
+ "step": 510
408
+ },
409
+ {
410
+ "epoch": 0.8757894736842106,
411
+ "grad_norm": 0.2218085080385208,
412
+ "learning_rate": 0.00017090850749189022,
413
+ "loss": 0.0659,
414
+ "step": 520
415
+ },
416
+ {
417
+ "epoch": 0.8926315789473684,
418
+ "grad_norm": 0.18904639780521393,
419
+ "learning_rate": 0.00016957920700975504,
420
+ "loss": 0.0636,
421
+ "step": 530
422
+ },
423
+ {
424
+ "epoch": 0.9094736842105263,
425
+ "grad_norm": 0.24751749634742737,
426
+ "learning_rate": 0.00016822563402192397,
427
+ "loss": 0.0612,
428
+ "step": 540
429
+ },
430
+ {
431
+ "epoch": 0.9263157894736842,
432
+ "grad_norm": 0.19475597143173218,
433
+ "learning_rate": 0.00016684826071843004,
434
+ "loss": 0.065,
435
+ "step": 550
436
+ },
437
+ {
438
+ "epoch": 0.9431578947368421,
439
+ "grad_norm": 0.2451489120721817,
440
+ "learning_rate": 0.00016544756759197778,
441
+ "loss": 0.0588,
442
+ "step": 560
443
+ },
444
+ {
445
+ "epoch": 0.96,
446
+ "grad_norm": 0.16222433745861053,
447
+ "learning_rate": 0.0001640240432703247,
448
+ "loss": 0.0585,
449
+ "step": 570
450
+ },
451
+ {
452
+ "epoch": 0.9768421052631578,
453
+ "grad_norm": 0.13785243034362793,
454
+ "learning_rate": 0.0001625781843458249,
455
+ "loss": 0.0606,
456
+ "step": 580
457
+ },
458
+ {
459
+ "epoch": 0.9936842105263158,
460
+ "grad_norm": 0.1904134750366211,
461
+ "learning_rate": 0.00016111049520219428,
462
+ "loss": 0.0491,
463
+ "step": 590
464
+ },
465
+ {
466
+ "epoch": 1.0101052631578948,
467
+ "grad_norm": 0.19465769827365875,
468
+ "learning_rate": 0.00015962148783855767,
469
+ "loss": 0.0535,
470
+ "step": 600
471
+ },
472
+ {
473
+ "epoch": 1.0101052631578948,
474
+ "eval_loss": 0.053230032324790955,
475
+ "eval_runtime": 224.1426,
476
+ "eval_samples_per_second": 2.231,
477
+ "eval_steps_per_second": 2.231,
478
+ "step": 600
479
+ },
480
+ {
481
+ "epoch": 1.0269473684210526,
482
+ "grad_norm": 0.19065628945827484,
483
+ "learning_rate": 0.00015811168169083955,
484
+ "loss": 0.05,
485
+ "step": 610
486
+ },
487
+ {
488
+ "epoch": 1.0437894736842106,
489
+ "grad_norm": 0.20831789076328278,
490
+ "learning_rate": 0.00015658160345056023,
491
+ "loss": 0.0493,
492
+ "step": 620
493
+ },
494
+ {
495
+ "epoch": 1.0606315789473684,
496
+ "grad_norm": 0.12762245535850525,
497
+ "learning_rate": 0.000155031786881101,
498
+ "loss": 0.0461,
499
+ "step": 630
500
+ },
501
+ {
502
+ "epoch": 1.0774736842105264,
503
+ "grad_norm": 0.14034190773963928,
504
+ "learning_rate": 0.0001534627726315023,
505
+ "loss": 0.0437,
506
+ "step": 640
507
+ },
508
+ {
509
+ "epoch": 1.0943157894736841,
510
+ "grad_norm": 0.21654851734638214,
511
+ "learning_rate": 0.00015187510804786012,
512
+ "loss": 0.0417,
513
+ "step": 650
514
+ },
515
+ {
516
+ "epoch": 1.1111578947368421,
517
+ "grad_norm": 0.21853309869766235,
518
+ "learning_rate": 0.0001502693469823855,
519
+ "loss": 0.0416,
520
+ "step": 660
521
+ },
522
+ {
523
+ "epoch": 1.1280000000000001,
524
+ "grad_norm": 0.1370641142129898,
525
+ "learning_rate": 0.00014864604960019504,
526
+ "loss": 0.0425,
527
+ "step": 670
528
+ },
529
+ {
530
+ "epoch": 1.1448421052631579,
531
+ "grad_norm": 0.2183496206998825,
532
+ "learning_rate": 0.00014700578218389892,
533
+ "loss": 0.0392,
534
+ "step": 680
535
+ },
536
+ {
537
+ "epoch": 1.1616842105263159,
538
+ "grad_norm": 0.17953278124332428,
539
+ "learning_rate": 0.00014534911693605464,
540
+ "loss": 0.0407,
541
+ "step": 690
542
+ },
543
+ {
544
+ "epoch": 1.1785263157894736,
545
+ "grad_norm": 0.17893248796463013,
546
+ "learning_rate": 0.00014367663177955605,
547
+ "loss": 0.04,
548
+ "step": 700
549
+ },
550
+ {
551
+ "epoch": 1.1785263157894736,
552
+ "eval_loss": 0.04435127228498459,
553
+ "eval_runtime": 224.0979,
554
+ "eval_samples_per_second": 2.231,
555
+ "eval_steps_per_second": 2.231,
556
+ "step": 700
557
+ },
558
+ {
559
+ "epoch": 1.1953684210526316,
560
+ "grad_norm": 0.15027707815170288,
561
+ "learning_rate": 0.00014198891015602646,
562
+ "loss": 0.042,
563
+ "step": 710
564
+ },
565
+ {
566
+ "epoch": 1.2122105263157894,
567
+ "grad_norm": 0.2271127700805664,
568
+ "learning_rate": 0.00014028654082228682,
569
+ "loss": 0.0413,
570
+ "step": 720
571
+ },
572
+ {
573
+ "epoch": 1.2290526315789474,
574
+ "grad_norm": 0.16139471530914307,
575
+ "learning_rate": 0.00013857011764496942,
576
+ "loss": 0.0415,
577
+ "step": 730
578
+ },
579
+ {
580
+ "epoch": 1.2458947368421052,
581
+ "grad_norm": 0.17120322585105896,
582
+ "learning_rate": 0.0001368402393933495,
583
+ "loss": 0.0444,
584
+ "step": 740
585
+ },
586
+ {
587
+ "epoch": 1.2627368421052632,
588
+ "grad_norm": 0.12668217718601227,
589
+ "learning_rate": 0.00013509750953046606,
590
+ "loss": 0.0359,
591
+ "step": 750
592
+ },
593
+ {
594
+ "epoch": 1.279578947368421,
595
+ "grad_norm": 0.1568315625190735,
596
+ "learning_rate": 0.00013334253600260563,
597
+ "loss": 0.0375,
598
+ "step": 760
599
+ },
600
+ {
601
+ "epoch": 1.296421052631579,
602
+ "grad_norm": 0.1669214367866516,
603
+ "learning_rate": 0.00013157593102722205,
604
+ "loss": 0.0402,
605
+ "step": 770
606
+ },
607
+ {
608
+ "epoch": 1.313263157894737,
609
+ "grad_norm": 0.1692507565021515,
610
+ "learning_rate": 0.00012979831087936598,
611
+ "loss": 0.0353,
612
+ "step": 780
613
+ },
614
+ {
615
+ "epoch": 1.3301052631578947,
616
+ "grad_norm": 0.16156762838363647,
617
+ "learning_rate": 0.00012801029567669926,
618
+ "loss": 0.0328,
619
+ "step": 790
620
+ },
621
+ {
622
+ "epoch": 1.3469473684210527,
623
+ "grad_norm": 0.14826713502407074,
624
+ "learning_rate": 0.00012621250916316864,
625
+ "loss": 0.0342,
626
+ "step": 800
627
+ },
628
+ {
629
+ "epoch": 1.3469473684210527,
630
+ "eval_loss": 0.036476925015449524,
631
+ "eval_runtime": 224.0704,
632
+ "eval_samples_per_second": 2.231,
633
+ "eval_steps_per_second": 2.231,
634
+ "step": 800
635
+ },
636
+ {
637
+ "epoch": 1.3637894736842107,
638
+ "grad_norm": 0.10823637247085571,
639
+ "learning_rate": 0.00012440557849141448,
640
+ "loss": 0.032,
641
+ "step": 810
642
+ },
643
+ {
644
+ "epoch": 1.3806315789473684,
645
+ "grad_norm": 0.1409875601530075,
646
+ "learning_rate": 0.0001225901340039903,
647
+ "loss": 0.0359,
648
+ "step": 820
649
+ },
650
+ {
651
+ "epoch": 1.3974736842105262,
652
+ "grad_norm": 0.174799844622612,
653
+ "learning_rate": 0.00012076680901346981,
654
+ "loss": 0.034,
655
+ "step": 830
656
+ },
657
+ {
658
+ "epoch": 1.4143157894736842,
659
+ "grad_norm": 0.14141526818275452,
660
+ "learning_rate": 0.00011893623958151732,
661
+ "loss": 0.0283,
662
+ "step": 840
663
+ },
664
+ {
665
+ "epoch": 1.4311578947368422,
666
+ "grad_norm": 0.24268820881843567,
667
+ "learning_rate": 0.00011709906429699977,
668
+ "loss": 0.0333,
669
+ "step": 850
670
+ },
671
+ {
672
+ "epoch": 1.448,
673
+ "grad_norm": 0.11979827284812927,
674
+ "learning_rate": 0.00011525592405321666,
675
+ "loss": 0.0286,
676
+ "step": 860
677
+ },
678
+ {
679
+ "epoch": 1.464842105263158,
680
+ "grad_norm": 0.12912440299987793,
681
+ "learning_rate": 0.00011340746182432633,
682
+ "loss": 0.0291,
683
+ "step": 870
684
+ },
685
+ {
686
+ "epoch": 1.4816842105263157,
687
+ "grad_norm": 0.11993803083896637,
688
+ "learning_rate": 0.00011155432244104627,
689
+ "loss": 0.0241,
690
+ "step": 880
691
+ },
692
+ {
693
+ "epoch": 1.4985263157894737,
694
+ "grad_norm": 0.18345041573047638,
695
+ "learning_rate": 0.00010969715236570586,
696
+ "loss": 0.0293,
697
+ "step": 890
698
+ },
699
+ {
700
+ "epoch": 1.5153684210526315,
701
+ "grad_norm": 0.1686432659626007,
702
+ "learning_rate": 0.00010783659946672964,
703
+ "loss": 0.0304,
704
+ "step": 900
705
+ },
706
+ {
707
+ "epoch": 1.5153684210526315,
708
+ "eval_loss": 0.031156836077570915,
709
+ "eval_runtime": 224.1681,
710
+ "eval_samples_per_second": 2.23,
711
+ "eval_steps_per_second": 2.23,
712
+ "step": 900
713
+ },
714
+ {
715
+ "epoch": 1.5322105263157895,
716
+ "grad_norm": 0.10962788015604019,
717
+ "learning_rate": 0.00010597331279263057,
718
+ "loss": 0.0283,
719
+ "step": 910
720
+ },
721
+ {
722
+ "epoch": 1.5490526315789475,
723
+ "grad_norm": 0.1417897343635559,
724
+ "learning_rate": 0.00010410794234559107,
725
+ "loss": 0.0271,
726
+ "step": 920
727
+ },
728
+ {
729
+ "epoch": 1.5658947368421052,
730
+ "grad_norm": 0.1917513608932495,
731
+ "learning_rate": 0.00010224113885471183,
732
+ "loss": 0.0248,
733
+ "step": 930
734
+ },
735
+ {
736
+ "epoch": 1.582736842105263,
737
+ "grad_norm": 0.1399783492088318,
738
+ "learning_rate": 0.00010037355354900661,
739
+ "loss": 0.0239,
740
+ "step": 940
741
+ },
742
+ {
743
+ "epoch": 1.5995789473684212,
744
+ "grad_norm": 0.11135450005531311,
745
+ "learning_rate": 9.850583793022319e-05,
746
+ "loss": 0.0244,
747
+ "step": 950
748
+ },
749
+ {
750
+ "epoch": 1.616421052631579,
751
+ "grad_norm": 0.11133313179016113,
752
+ "learning_rate": 9.663864354556858e-05,
753
+ "loss": 0.0283,
754
+ "step": 960
755
+ },
756
+ {
757
+ "epoch": 1.6332631578947368,
758
+ "grad_norm": 0.1533219963312149,
759
+ "learning_rate": 9.477262176041883e-05,
760
+ "loss": 0.0266,
761
+ "step": 970
762
+ },
763
+ {
764
+ "epoch": 1.6501052631578947,
765
+ "grad_norm": 0.13194741308689117,
766
+ "learning_rate": 9.290842353109195e-05,
767
+ "loss": 0.0265,
768
+ "step": 980
769
+ },
770
+ {
771
+ "epoch": 1.6669473684210527,
772
+ "grad_norm": 0.11617199331521988,
773
+ "learning_rate": 9.104669917776383e-05,
774
+ "loss": 0.0225,
775
+ "step": 990
776
+ },
777
+ {
778
+ "epoch": 1.6837894736842105,
779
+ "grad_norm": 0.11771562695503235,
780
+ "learning_rate": 8.918809815760585e-05,
781
+ "loss": 0.0233,
782
+ "step": 1000
783
+ },
784
+ {
785
+ "epoch": 1.6837894736842105,
786
+ "eval_loss": 0.02681094780564308,
787
+ "eval_runtime": 224.15,
788
+ "eval_samples_per_second": 2.231,
789
+ "eval_steps_per_second": 2.231,
790
+ "step": 1000
791
+ },
792
+ {
793
+ "epoch": 1.7006315789473683,
794
+ "grad_norm": 0.1440223902463913,
795
+ "learning_rate": 8.733326883822356e-05,
796
+ "loss": 0.0252,
797
+ "step": 1010
798
+ },
799
+ {
800
+ "epoch": 1.7174736842105263,
801
+ "grad_norm": 0.15115946531295776,
802
+ "learning_rate": 8.548285827147568e-05,
803
+ "loss": 0.0244,
804
+ "step": 1020
805
+ },
806
+ {
807
+ "epoch": 1.7343157894736843,
808
+ "grad_norm": 0.10699623823165894,
809
+ "learning_rate": 8.363751196775172e-05,
810
+ "loss": 0.0216,
811
+ "step": 1030
812
+ },
813
+ {
814
+ "epoch": 1.751157894736842,
815
+ "grad_norm": 0.10448223352432251,
816
+ "learning_rate": 8.17978736707877e-05,
817
+ "loss": 0.0227,
818
+ "step": 1040
819
+ },
820
+ {
821
+ "epoch": 1.768,
822
+ "grad_norm": 0.12821614742279053,
823
+ "learning_rate": 7.996458513309787e-05,
824
+ "loss": 0.0198,
825
+ "step": 1050
826
+ },
827
+ {
828
+ "epoch": 1.784842105263158,
829
+ "grad_norm": 0.1228765919804573,
830
+ "learning_rate": 7.813828589210138e-05,
831
+ "loss": 0.023,
832
+ "step": 1060
833
+ },
834
+ {
835
+ "epoch": 1.8016842105263158,
836
+ "grad_norm": 0.1160237044095993,
837
+ "learning_rate": 7.631961304702124e-05,
838
+ "loss": 0.0235,
839
+ "step": 1070
840
+ },
841
+ {
842
+ "epoch": 1.8185263157894735,
843
+ "grad_norm": 0.097357377409935,
844
+ "learning_rate": 7.450920103663443e-05,
845
+ "loss": 0.0219,
846
+ "step": 1080
847
+ },
848
+ {
849
+ "epoch": 1.8353684210526315,
850
+ "grad_norm": 0.169428288936615,
851
+ "learning_rate": 7.270768141794942e-05,
852
+ "loss": 0.0207,
853
+ "step": 1090
854
+ },
855
+ {
856
+ "epoch": 1.8522105263157895,
857
+ "grad_norm": 0.12443847209215164,
858
+ "learning_rate": 7.091568264588952e-05,
859
+ "loss": 0.0195,
860
+ "step": 1100
861
+ },
862
+ {
863
+ "epoch": 1.8522105263157895,
864
+ "eval_loss": 0.02066013775765896,
865
+ "eval_runtime": 224.1852,
866
+ "eval_samples_per_second": 2.23,
867
+ "eval_steps_per_second": 2.23,
868
+ "step": 1100
869
+ },
870
+ {
871
+ "epoch": 1.8690526315789473,
872
+ "grad_norm": 0.11752050369977951,
873
+ "learning_rate": 6.913382985405814e-05,
874
+ "loss": 0.0186,
875
+ "step": 1110
876
+ },
877
+ {
878
+ "epoch": 1.8858947368421053,
879
+ "grad_norm": 0.12359823286533356,
880
+ "learning_rate": 6.736274463666283e-05,
881
+ "loss": 0.0193,
882
+ "step": 1120
883
+ },
884
+ {
885
+ "epoch": 1.9027368421052633,
886
+ "grad_norm": 0.10313016176223755,
887
+ "learning_rate": 6.560304483167368e-05,
888
+ "loss": 0.0191,
889
+ "step": 1130
890
+ },
891
+ {
892
+ "epoch": 1.919578947368421,
893
+ "grad_norm": 0.12194198369979858,
894
+ "learning_rate": 6.385534430529275e-05,
895
+ "loss": 0.0189,
896
+ "step": 1140
897
+ },
898
+ {
899
+ "epoch": 1.9364210526315788,
900
+ "grad_norm": 0.1172875314950943,
901
+ "learning_rate": 6.212025273780815e-05,
902
+ "loss": 0.0155,
903
+ "step": 1150
904
+ },
905
+ {
906
+ "epoch": 1.9532631578947368,
907
+ "grad_norm": 0.09735918790102005,
908
+ "learning_rate": 6.039837541090913e-05,
909
+ "loss": 0.0169,
910
+ "step": 1160
911
+ },
912
+ {
913
+ "epoch": 1.9701052631578948,
914
+ "grad_norm": 0.09256832301616669,
915
+ "learning_rate": 5.869031299653518e-05,
916
+ "loss": 0.0174,
917
+ "step": 1170
918
+ },
919
+ {
920
+ "epoch": 1.9869473684210526,
921
+ "grad_norm": 0.10335566103458405,
922
+ "learning_rate": 5.699666134733349e-05,
923
+ "loss": 0.0171,
924
+ "step": 1180
925
+ },
926
+ {
927
+ "epoch": 2.0033684210526315,
928
+ "grad_norm": 0.10647857934236526,
929
+ "learning_rate": 5.5318011288797237e-05,
930
+ "loss": 0.0158,
931
+ "step": 1190
932
+ },
933
+ {
934
+ "epoch": 2.0202105263157897,
935
+ "grad_norm": 0.12479748576879501,
936
+ "learning_rate": 5.365494841315808e-05,
937
+ "loss": 0.0136,
938
+ "step": 1200
939
+ },
940
+ {
941
+ "epoch": 2.0202105263157897,
942
+ "eval_loss": 0.017488960176706314,
943
+ "eval_runtime": 224.1495,
944
+ "eval_samples_per_second": 2.231,
945
+ "eval_steps_per_second": 2.231,
946
+ "step": 1200
947
+ },
948
+ {
949
+ "epoch": 2.0370526315789474,
950
+ "grad_norm": 0.09349500387907028,
951
+ "learning_rate": 5.2008052875103886e-05,
952
+ "loss": 0.0137,
953
+ "step": 1210
954
+ },
955
+ {
956
+ "epoch": 2.053894736842105,
957
+ "grad_norm": 0.06680870801210403,
958
+ "learning_rate": 5.037789918939335e-05,
959
+ "loss": 0.0126,
960
+ "step": 1220
961
+ },
962
+ {
963
+ "epoch": 2.070736842105263,
964
+ "grad_norm": 0.09055491536855698,
965
+ "learning_rate": 4.876505603043826e-05,
966
+ "loss": 0.0128,
967
+ "step": 1230
968
+ },
969
+ {
970
+ "epoch": 2.087578947368421,
971
+ "grad_norm": 0.12399008870124817,
972
+ "learning_rate": 4.717008603392318e-05,
973
+ "loss": 0.0131,
974
+ "step": 1240
975
+ },
976
+ {
977
+ "epoch": 2.104421052631579,
978
+ "grad_norm": 0.09043820202350616,
979
+ "learning_rate": 4.559354560053135e-05,
980
+ "loss": 0.0118,
981
+ "step": 1250
982
+ },
983
+ {
984
+ "epoch": 2.1212631578947367,
985
+ "grad_norm": 0.07968771457672119,
986
+ "learning_rate": 4.4035984701846234e-05,
987
+ "loss": 0.0122,
988
+ "step": 1260
989
+ },
990
+ {
991
+ "epoch": 2.138105263157895,
992
+ "grad_norm": 0.07125072926282883,
993
+ "learning_rate": 4.2497946688495184e-05,
994
+ "loss": 0.0117,
995
+ "step": 1270
996
+ },
997
+ {
998
+ "epoch": 2.1549473684210527,
999
+ "grad_norm": 0.07947332412004471,
1000
+ "learning_rate": 4.097996810060346e-05,
1001
+ "loss": 0.0112,
1002
+ "step": 1280
1003
+ },
1004
+ {
1005
+ "epoch": 2.1717894736842105,
1006
+ "grad_norm": 0.06901393830776215,
1007
+ "learning_rate": 3.948257848062351e-05,
1008
+ "loss": 0.0119,
1009
+ "step": 1290
1010
+ },
1011
+ {
1012
+ "epoch": 2.1886315789473683,
1013
+ "grad_norm": 0.07422488927841187,
1014
+ "learning_rate": 3.8006300188605705e-05,
1015
+ "loss": 0.0111,
1016
+ "step": 1300
1017
+ },
1018
+ {
1019
+ "epoch": 2.1886315789473683,
1020
+ "eval_loss": 0.015334118157625198,
1021
+ "eval_runtime": 224.1161,
1022
+ "eval_samples_per_second": 2.231,
1023
+ "eval_steps_per_second": 2.231,
1024
+ "step": 1300
1025
+ },
1026
+ {
1027
+ "epoch": 2.2054736842105265,
1028
+ "grad_norm": 0.10787979513406754,
1029
+ "learning_rate": 3.655164821997451e-05,
1030
+ "loss": 0.0123,
1031
+ "step": 1310
1032
+ },
1033
+ {
1034
+ "epoch": 2.2223157894736842,
1035
+ "grad_norm": 0.07865067571401596,
1036
+ "learning_rate": 3.5119130025874034e-05,
1037
+ "loss": 0.0107,
1038
+ "step": 1320
1039
+ },
1040
+ {
1041
+ "epoch": 2.239157894736842,
1042
+ "grad_norm": 0.07730992138385773,
1043
+ "learning_rate": 3.3709245336144777e-05,
1044
+ "loss": 0.0112,
1045
+ "step": 1330
1046
+ },
1047
+ {
1048
+ "epoch": 2.2560000000000002,
1049
+ "grad_norm": 0.0723709836602211,
1050
+ "learning_rate": 3.232248598499459e-05,
1051
+ "loss": 0.0114,
1052
+ "step": 1340
1053
+ },
1054
+ {
1055
+ "epoch": 2.272842105263158,
1056
+ "grad_norm": 0.08348905295133591,
1057
+ "learning_rate": 3.09593357394236e-05,
1058
+ "loss": 0.01,
1059
+ "step": 1350
1060
+ },
1061
+ {
1062
+ "epoch": 2.2896842105263158,
1063
+ "grad_norm": 0.07650898396968842,
1064
+ "learning_rate": 2.9620270130463667e-05,
1065
+ "loss": 0.0109,
1066
+ "step": 1360
1067
+ },
1068
+ {
1069
+ "epoch": 2.3065263157894735,
1070
+ "grad_norm": 0.06670452654361725,
1071
+ "learning_rate": 2.8305756287290484e-05,
1072
+ "loss": 0.0114,
1073
+ "step": 1370
1074
+ },
1075
+ {
1076
+ "epoch": 2.3233684210526317,
1077
+ "grad_norm": 0.07205783575773239,
1078
+ "learning_rate": 2.7016252774267192e-05,
1079
+ "loss": 0.0109,
1080
+ "step": 1380
1081
+ },
1082
+ {
1083
+ "epoch": 2.3402105263157895,
1084
+ "grad_norm": 0.07499977201223373,
1085
+ "learning_rate": 2.575220943097526e-05,
1086
+ "loss": 0.0113,
1087
+ "step": 1390
1088
+ },
1089
+ {
1090
+ "epoch": 2.3570526315789473,
1091
+ "grad_norm": 0.07749755680561066,
1092
+ "learning_rate": 2.4514067215289503e-05,
1093
+ "loss": 0.0102,
1094
+ "step": 1400
1095
+ },
1096
+ {
1097
+ "epoch": 2.3570526315789473,
1098
+ "eval_loss": 0.013460199348628521,
1099
+ "eval_runtime": 224.1893,
1100
+ "eval_samples_per_second": 2.23,
1101
+ "eval_steps_per_second": 2.23,
1102
+ "step": 1400
1103
+ },
1104
+ {
1105
+ "epoch": 2.3738947368421055,
1106
+ "grad_norm": 0.07490992546081543,
1107
+ "learning_rate": 2.3302258049550974e-05,
1108
+ "loss": 0.0103,
1109
+ "step": 1410
1110
+ },
1111
+ {
1112
+ "epoch": 2.3907368421052633,
1113
+ "grad_norm": 0.07824037969112396,
1114
+ "learning_rate": 2.2117204669892198e-05,
1115
+ "loss": 0.0104,
1116
+ "step": 1420
1117
+ },
1118
+ {
1119
+ "epoch": 2.407578947368421,
1120
+ "grad_norm": 0.07291096448898315,
1121
+ "learning_rate": 2.0959320478766965e-05,
1122
+ "loss": 0.0101,
1123
+ "step": 1430
1124
+ },
1125
+ {
1126
+ "epoch": 2.424421052631579,
1127
+ "grad_norm": 0.09640032798051834,
1128
+ "learning_rate": 1.9829009400735977e-05,
1129
+ "loss": 0.011,
1130
+ "step": 1440
1131
+ },
1132
+ {
1133
+ "epoch": 2.441263157894737,
1134
+ "grad_norm": 0.07188956439495087,
1135
+ "learning_rate": 1.8726665741558923e-05,
1136
+ "loss": 0.0105,
1137
+ "step": 1450
1138
+ },
1139
+ {
1140
+ "epoch": 2.458105263157895,
1141
+ "grad_norm": 0.0596754252910614,
1142
+ "learning_rate": 1.765267405064206e-05,
1143
+ "loss": 0.009,
1144
+ "step": 1460
1145
+ },
1146
+ {
1147
+ "epoch": 2.4749473684210526,
1148
+ "grad_norm": 0.0846128836274147,
1149
+ "learning_rate": 1.6607408986889384e-05,
1150
+ "loss": 0.0096,
1151
+ "step": 1470
1152
+ },
1153
+ {
1154
+ "epoch": 2.4917894736842103,
1155
+ "grad_norm": 0.10189133137464523,
1156
+ "learning_rate": 1.559123518800376e-05,
1157
+ "loss": 0.0105,
1158
+ "step": 1480
1159
+ },
1160
+ {
1161
+ "epoch": 2.5086315789473685,
1162
+ "grad_norm": 0.06304220855236053,
1163
+ "learning_rate": 1.460450714328423e-05,
1164
+ "loss": 0.0104,
1165
+ "step": 1490
1166
+ },
1167
+ {
1168
+ "epoch": 2.5254736842105263,
1169
+ "grad_norm": 0.06267323344945908,
1170
+ "learning_rate": 1.364756906996345e-05,
1171
+ "loss": 0.0095,
1172
+ "step": 1500
1173
+ },
1174
+ {
1175
+ "epoch": 2.5254736842105263,
1176
+ "eval_loss": 0.01212456077337265,
1177
+ "eval_runtime": 224.2724,
1178
+ "eval_samples_per_second": 2.229,
1179
+ "eval_steps_per_second": 2.229,
1180
+ "step": 1500
1181
+ },
1182
+ {
1183
+ "epoch": 2.542315789473684,
1184
+ "grad_norm": 0.09089558571577072,
1185
+ "learning_rate": 1.2720754793128464e-05,
1186
+ "loss": 0.0096,
1187
+ "step": 1510
1188
+ },
1189
+ {
1190
+ "epoch": 2.559157894736842,
1191
+ "grad_norm": 0.0663435310125351,
1192
+ "learning_rate": 1.1824387629266742e-05,
1193
+ "loss": 0.0094,
1194
+ "step": 1520
1195
+ },
1196
+ {
1197
+ "epoch": 2.576,
1198
+ "grad_norm": 0.06648425757884979,
1199
+ "learning_rate": 1.0958780273478253e-05,
1200
+ "loss": 0.0095,
1201
+ "step": 1530
1202
+ },
1203
+ {
1204
+ "epoch": 2.592842105263158,
1205
+ "grad_norm": 0.09527198225259781,
1206
+ "learning_rate": 1.0124234690392586e-05,
1207
+ "loss": 0.0098,
1208
+ "step": 1540
1209
+ },
1210
+ {
1211
+ "epoch": 2.609684210526316,
1212
+ "grad_norm": 0.08171885460615158,
1213
+ "learning_rate": 9.321042008829562e-06,
1214
+ "loss": 0.0095,
1215
+ "step": 1550
1216
+ },
1217
+ {
1218
+ "epoch": 2.626526315789474,
1219
+ "grad_norm": 0.06150711327791214,
1220
+ "learning_rate": 8.549482420239707e-06,
1221
+ "loss": 0.0098,
1222
+ "step": 1560
1223
+ },
1224
+ {
1225
+ "epoch": 2.6433684210526316,
1226
+ "grad_norm": 0.058401718735694885,
1227
+ "learning_rate": 7.809825080960276e-06,
1228
+ "loss": 0.0096,
1229
+ "step": 1570
1230
+ },
1231
+ {
1232
+ "epoch": 2.6602105263157894,
1233
+ "grad_norm": 0.0481596402823925,
1234
+ "learning_rate": 7.102328018320858e-06,
1235
+ "loss": 0.0096,
1236
+ "step": 1580
1237
+ },
1238
+ {
1239
+ "epoch": 2.677052631578947,
1240
+ "grad_norm": 0.07530257105827332,
1241
+ "learning_rate": 6.4272380406313334e-06,
1242
+ "loss": 0.0091,
1243
+ "step": 1590
1244
+ },
1245
+ {
1246
+ "epoch": 2.6938947368421053,
1247
+ "grad_norm": 0.062257252633571625,
1248
+ "learning_rate": 5.784790651083405e-06,
1249
+ "loss": 0.0097,
1250
+ "step": 1600
1251
+ },
1252
+ {
1253
+ "epoch": 2.6938947368421053,
1254
+ "eval_loss": 0.011450879275798798,
1255
+ "eval_runtime": 224.0976,
1256
+ "eval_samples_per_second": 2.231,
1257
+ "eval_steps_per_second": 2.231,
1258
+ "step": 1600
1259
+ },
1260
+ {
1261
+ "epoch": 2.710736842105263,
1262
+ "grad_norm": 0.0579669252038002,
1263
+ "learning_rate": 5.175209965596084e-06,
1264
+ "loss": 0.0094,
1265
+ "step": 1610
1266
+ },
1267
+ {
1268
+ "epoch": 2.7275789473684213,
1269
+ "grad_norm": 0.06278079748153687,
1270
+ "learning_rate": 4.598708634633442e-06,
1271
+ "loss": 0.009,
1272
+ "step": 1620
1273
+ },
1274
+ {
1275
+ "epoch": 2.744421052631579,
1276
+ "grad_norm": 0.05131611227989197,
1277
+ "learning_rate": 4.055487769022137e-06,
1278
+ "loss": 0.0095,
1279
+ "step": 1630
1280
+ },
1281
+ {
1282
+ "epoch": 2.761263157894737,
1283
+ "grad_norm": 0.05207466334104538,
1284
+ "learning_rate": 3.545736869794458e-06,
1285
+ "loss": 0.0092,
1286
+ "step": 1640
1287
+ },
1288
+ {
1289
+ "epoch": 2.7781052631578946,
1290
+ "grad_norm": 0.06517709046602249,
1291
+ "learning_rate": 3.0696337620814364e-06,
1292
+ "loss": 0.0091,
1293
+ "step": 1650
1294
+ },
1295
+ {
1296
+ "epoch": 2.7949473684210524,
1297
+ "grad_norm": 0.06492120027542114,
1298
+ "learning_rate": 2.6273445330791234e-06,
1299
+ "loss": 0.0093,
1300
+ "step": 1660
1301
+ },
1302
+ {
1303
+ "epoch": 2.8117894736842106,
1304
+ "grad_norm": 0.06431007385253906,
1305
+ "learning_rate": 2.219023474109483e-06,
1306
+ "loss": 0.0091,
1307
+ "step": 1670
1308
+ },
1309
+ {
1310
+ "epoch": 2.8286315789473684,
1311
+ "grad_norm": 0.05567321926355362,
1312
+ "learning_rate": 1.8448130267962992e-06,
1313
+ "loss": 0.0087,
1314
+ "step": 1680
1315
+ },
1316
+ {
1317
+ "epoch": 2.845473684210526,
1318
+ "grad_norm": 0.08136210590600967,
1319
+ "learning_rate": 1.5048437333748833e-06,
1320
+ "loss": 0.0094,
1321
+ "step": 1690
1322
+ },
1323
+ {
1324
+ "epoch": 2.8623157894736844,
1325
+ "grad_norm": 0.08303703367710114,
1326
+ "learning_rate": 1.1992341911527649e-06,
1327
+ "loss": 0.0085,
1328
+ "step": 1700
1329
+ },
1330
+ {
1331
+ "epoch": 2.8623157894736844,
1332
+ "eval_loss": 0.011158278211951256,
1333
+ "eval_runtime": 224.1949,
1334
+ "eval_samples_per_second": 2.23,
1335
+ "eval_steps_per_second": 2.23,
1336
+ "step": 1700
1337
+ },
1338
+ {
1339
+ "epoch": 2.879157894736842,
1340
+ "grad_norm": 0.05584060773253441,
1341
+ "learning_rate": 9.280910111373553e-07,
1342
+ "loss": 0.0083,
1343
+ "step": 1710
1344
+ },
1345
+ {
1346
+ "epoch": 2.896,
1347
+ "grad_norm": 0.060032352805137634,
1348
+ "learning_rate": 6.91508780844996e-07,
1349
+ "loss": 0.0093,
1350
+ "step": 1720
1351
+ },
1352
+ {
1353
+ "epoch": 2.9128421052631577,
1354
+ "grad_norm": 0.054556239396333694,
1355
+ "learning_rate": 4.895700313044315e-07,
1356
+ "loss": 0.0091,
1357
+ "step": 1730
1358
+ },
1359
+ {
1360
+ "epoch": 2.929684210526316,
1361
+ "grad_norm": 0.05352412536740303,
1362
+ "learning_rate": 3.223452082660394e-07,
1363
+ "loss": 0.0089,
1364
+ "step": 1740
1365
+ },
1366
+ {
1367
+ "epoch": 2.9465263157894737,
1368
+ "grad_norm": 0.0548105351626873,
1369
+ "learning_rate": 1.898926476270546e-07,
1370
+ "loss": 0.0083,
1371
+ "step": 1750
1372
+ },
1373
+ {
1374
+ "epoch": 2.9633684210526314,
1375
+ "grad_norm": 0.0906362310051918,
1376
+ "learning_rate": 9.225855508123715e-08,
1377
+ "loss": 0.009,
1378
+ "step": 1760
1379
+ },
1380
+ {
1381
+ "epoch": 2.9802105263157896,
1382
+ "grad_norm": 0.053922925144433975,
1383
+ "learning_rate": 2.947699000021009e-08,
1384
+ "loss": 0.0091,
1385
+ "step": 1770
1386
+ },
1387
+ {
1388
+ "epoch": 2.9970526315789474,
1389
+ "grad_norm": 0.08347595483064651,
1390
+ "learning_rate": 1.5698535518748892e-09,
1391
+ "loss": 0.0086,
1392
+ "step": 1780
1393
+ }
1394
+ ],
1395
+ "logging_steps": 10,
1396
+ "max_steps": 1782,
1397
+ "num_input_tokens_seen": 0,
1398
+ "num_train_epochs": 3,
1399
+ "save_steps": 500,
1400
+ "stateful_callbacks": {
1401
+ "TrainerControl": {
1402
+ "args": {
1403
+ "should_epoch_stop": false,
1404
+ "should_evaluate": false,
1405
+ "should_log": false,
1406
+ "should_save": true,
1407
+ "should_training_stop": true
1408
+ },
1409
+ "attributes": {}
1410
+ }
1411
+ },
1412
+ "total_flos": 2.504463303573504e+18,
1413
+ "train_batch_size": 1,
1414
+ "trial_name": null,
1415
+ "trial_params": null
1416
+ }
checkpoint-1782/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5ebf36573d729aaa340fbacc4c94ccace1662c744156c5330ffcb2496294477b
3
+ size 5777