JW17 commited on
Commit
f91b990
·
verified ·
1 Parent(s): 67093c7

Add files using upload-large-folder tool

Browse files
.gitattributes CHANGED
@@ -33,3 +33,5 @@ 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-50/tokenizer.json filter=lfs diff=lfs merge=lfs -text
37
+ checkpoint-100/tokenizer.json filter=lfs diff=lfs merge=lfs -text
README.md ADDED
@@ -0,0 +1,68 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: Qwen/Qwen2.5-3B-Instruct
3
+ library_name: transformers
4
+ model_name: Qwen2.5-3B-Instruct-IF-ICRM-hf
5
+ tags:
6
+ - generated_from_trainer
7
+ - grpo
8
+ - trl
9
+ licence: license
10
+ ---
11
+
12
+ # Model Card for Qwen2.5-3B-Instruct-IF-ICRM-hf
13
+
14
+ This model is a fine-tuned version of [Qwen/Qwen2.5-3B-Instruct](https://huggingface.co/Qwen/Qwen2.5-3B-Instruct).
15
+ It has been trained using [TRL](https://github.com/huggingface/trl).
16
+
17
+ ## Quick start
18
+
19
+ ```python
20
+ from transformers import pipeline
21
+
22
+ question = "If you had a time machine, but could only go to the past or the future once and never return, which would you choose and why?"
23
+ generator = pipeline("text-generation", model="None", device="cuda")
24
+ output = generator([{"role": "user", "content": question}], max_new_tokens=128, return_full_text=False)[0]
25
+ print(output["generated_text"])
26
+ ```
27
+
28
+ ## Training procedure
29
+
30
+ [<img src="https://raw.githubusercontent.com/wandb/assets/main/wandb-github-badge-28.svg" alt="Visualize in Weights & Biases" width="150" height="24"/>](https://wandb.ai/jiwooya1000/ICRM-RLHF/runs/7lkwzjv8)
31
+
32
+
33
+ This model was trained with GRPO, a method introduced in [DeepSeekMath: Pushing the Limits of Mathematical Reasoning in Open Language Models](https://huggingface.co/papers/2402.03300).
34
+
35
+ ### Framework versions
36
+
37
+ - TRL: 0.22.2
38
+ - Transformers: 4.55.2
39
+ - Pytorch: 2.8.0
40
+ - Datasets: 4.1.0
41
+ - Tokenizers: 0.21.4
42
+
43
+ ## Citations
44
+
45
+ Cite GRPO as:
46
+
47
+ ```bibtex
48
+ @article{shao2024deepseekmath,
49
+ title = {{DeepSeekMath: Pushing the Limits of Mathematical Reasoning in Open Language Models}},
50
+ author = {Zhihong Shao and Peiyi Wang and Qihao Zhu and Runxin Xu and Junxiao Song and Mingchuan Zhang and Y. K. Li and Y. Wu and Daya Guo},
51
+ year = 2024,
52
+ eprint = {arXiv:2402.03300},
53
+ }
54
+
55
+ ```
56
+
57
+ Cite TRL as:
58
+
59
+ ```bibtex
60
+ @misc{vonwerra2022trl,
61
+ title = {{TRL: Transformer Reinforcement Learning}},
62
+ author = {Leandro von Werra and Younes Belkada and Lewis Tunstall and Edward Beeching and Tristan Thrush and Nathan Lambert and Shengyi Huang and Kashif Rasul and Quentin Gallou{\'e}dec},
63
+ year = 2020,
64
+ journal = {GitHub repository},
65
+ publisher = {GitHub},
66
+ howpublished = {\url{https://github.com/huggingface/trl}}
67
+ }
68
+ ```
checkpoint-100/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-100/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-100/config.json ADDED
@@ -0,0 +1,66 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "Qwen2ForCausalLM"
4
+ ],
5
+ "attention_dropout": 0.0,
6
+ "bos_token_id": 151643,
7
+ "eos_token_id": 151645,
8
+ "hidden_act": "silu",
9
+ "hidden_size": 2048,
10
+ "initializer_range": 0.02,
11
+ "intermediate_size": 11008,
12
+ "layer_types": [
13
+ "full_attention",
14
+ "full_attention",
15
+ "full_attention",
16
+ "full_attention",
17
+ "full_attention",
18
+ "full_attention",
19
+ "full_attention",
20
+ "full_attention",
21
+ "full_attention",
22
+ "full_attention",
23
+ "full_attention",
24
+ "full_attention",
25
+ "full_attention",
26
+ "full_attention",
27
+ "full_attention",
28
+ "full_attention",
29
+ "full_attention",
30
+ "full_attention",
31
+ "full_attention",
32
+ "full_attention",
33
+ "full_attention",
34
+ "full_attention",
35
+ "full_attention",
36
+ "full_attention",
37
+ "full_attention",
38
+ "full_attention",
39
+ "full_attention",
40
+ "full_attention",
41
+ "full_attention",
42
+ "full_attention",
43
+ "full_attention",
44
+ "full_attention",
45
+ "full_attention",
46
+ "full_attention",
47
+ "full_attention",
48
+ "full_attention"
49
+ ],
50
+ "max_position_embeddings": 32768,
51
+ "max_window_layers": 70,
52
+ "model_type": "qwen2",
53
+ "num_attention_heads": 16,
54
+ "num_hidden_layers": 36,
55
+ "num_key_value_heads": 2,
56
+ "rms_norm_eps": 1e-06,
57
+ "rope_scaling": null,
58
+ "rope_theta": 1000000.0,
59
+ "sliding_window": null,
60
+ "tie_word_embeddings": true,
61
+ "torch_dtype": "float32",
62
+ "transformers_version": "4.55.2",
63
+ "use_cache": true,
64
+ "use_sliding_window": false,
65
+ "vocab_size": 151936
66
+ }
checkpoint-100/generation_config.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token_id": 151643,
3
+ "do_sample": true,
4
+ "eos_token_id": [
5
+ 151645,
6
+ 151643
7
+ ],
8
+ "pad_token_id": 151643,
9
+ "repetition_penalty": 1.05,
10
+ "temperature": 0.7,
11
+ "top_k": 20,
12
+ "top_p": 0.8,
13
+ "transformers_version": "4.55.2"
14
+ }
checkpoint-100/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-100/model-00001-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b34bd75536286246b8ef5c2b51b9e73ebc2a5ff12e3fa6033ae4fc57e2e3d4c5
3
+ size 4982131536
checkpoint-100/model-00002-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f51e588a71e769624a99448b501e34d91f7f42690ee8695e524b9d6c04a80e2c
3
+ size 4932949336
checkpoint-100/model-00003-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e35d997d58cb2e962cf9178d7a4023c7f008c1542562879b3f71b040efa17050
3
+ size 3673383040
checkpoint-100/model.safetensors.index.json ADDED
@@ -0,0 +1,443 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_parameters": 771484672,
4
+ "total_size": 13588414464
5
+ },
6
+ "weight_map": {
7
+ "lm_head.weight": "model-00003-of-00003.safetensors",
8
+ "model.embed_tokens.weight": "model-00001-of-00003.safetensors",
9
+ "model.layers.0.input_layernorm.weight": "model-00001-of-00003.safetensors",
10
+ "model.layers.0.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
11
+ "model.layers.0.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
12
+ "model.layers.0.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
13
+ "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
14
+ "model.layers.0.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
15
+ "model.layers.0.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
16
+ "model.layers.0.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
17
+ "model.layers.0.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
18
+ "model.layers.0.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
19
+ "model.layers.0.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
20
+ "model.layers.0.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
21
+ "model.layers.1.input_layernorm.weight": "model-00001-of-00003.safetensors",
22
+ "model.layers.1.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
23
+ "model.layers.1.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
24
+ "model.layers.1.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
25
+ "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
26
+ "model.layers.1.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
27
+ "model.layers.1.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
28
+ "model.layers.1.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
29
+ "model.layers.1.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
30
+ "model.layers.1.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
31
+ "model.layers.1.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
32
+ "model.layers.1.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
33
+ "model.layers.10.input_layernorm.weight": "model-00001-of-00003.safetensors",
34
+ "model.layers.10.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
35
+ "model.layers.10.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
36
+ "model.layers.10.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
37
+ "model.layers.10.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
38
+ "model.layers.10.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
39
+ "model.layers.10.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
40
+ "model.layers.10.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
41
+ "model.layers.10.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
42
+ "model.layers.10.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
43
+ "model.layers.10.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
44
+ "model.layers.10.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
45
+ "model.layers.11.input_layernorm.weight": "model-00001-of-00003.safetensors",
46
+ "model.layers.11.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
47
+ "model.layers.11.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
48
+ "model.layers.11.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
49
+ "model.layers.11.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
50
+ "model.layers.11.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
51
+ "model.layers.11.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
52
+ "model.layers.11.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
53
+ "model.layers.11.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
54
+ "model.layers.11.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
55
+ "model.layers.11.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
56
+ "model.layers.11.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
57
+ "model.layers.12.input_layernorm.weight": "model-00002-of-00003.safetensors",
58
+ "model.layers.12.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
59
+ "model.layers.12.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
60
+ "model.layers.12.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
61
+ "model.layers.12.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
62
+ "model.layers.12.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
63
+ "model.layers.12.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
64
+ "model.layers.12.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
65
+ "model.layers.12.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
66
+ "model.layers.12.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
67
+ "model.layers.12.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
68
+ "model.layers.12.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
69
+ "model.layers.13.input_layernorm.weight": "model-00002-of-00003.safetensors",
70
+ "model.layers.13.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
71
+ "model.layers.13.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
72
+ "model.layers.13.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
73
+ "model.layers.13.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
74
+ "model.layers.13.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
75
+ "model.layers.13.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
76
+ "model.layers.13.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
77
+ "model.layers.13.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
78
+ "model.layers.13.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
79
+ "model.layers.13.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
80
+ "model.layers.13.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
81
+ "model.layers.14.input_layernorm.weight": "model-00002-of-00003.safetensors",
82
+ "model.layers.14.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
83
+ "model.layers.14.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
84
+ "model.layers.14.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
85
+ "model.layers.14.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
86
+ "model.layers.14.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
87
+ "model.layers.14.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
88
+ "model.layers.14.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
89
+ "model.layers.14.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
90
+ "model.layers.14.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
91
+ "model.layers.14.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
92
+ "model.layers.14.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
93
+ "model.layers.15.input_layernorm.weight": "model-00002-of-00003.safetensors",
94
+ "model.layers.15.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
95
+ "model.layers.15.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
96
+ "model.layers.15.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
97
+ "model.layers.15.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
98
+ "model.layers.15.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
99
+ "model.layers.15.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
100
+ "model.layers.15.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
101
+ "model.layers.15.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
102
+ "model.layers.15.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
103
+ "model.layers.15.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
104
+ "model.layers.15.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
105
+ "model.layers.16.input_layernorm.weight": "model-00002-of-00003.safetensors",
106
+ "model.layers.16.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
107
+ "model.layers.16.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
108
+ "model.layers.16.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
109
+ "model.layers.16.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
110
+ "model.layers.16.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
111
+ "model.layers.16.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
112
+ "model.layers.16.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
113
+ "model.layers.16.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
114
+ "model.layers.16.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
115
+ "model.layers.16.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
116
+ "model.layers.16.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
117
+ "model.layers.17.input_layernorm.weight": "model-00002-of-00003.safetensors",
118
+ "model.layers.17.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
119
+ "model.layers.17.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
120
+ "model.layers.17.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
121
+ "model.layers.17.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
122
+ "model.layers.17.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
123
+ "model.layers.17.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
124
+ "model.layers.17.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
125
+ "model.layers.17.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
126
+ "model.layers.17.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
127
+ "model.layers.17.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
128
+ "model.layers.17.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
129
+ "model.layers.18.input_layernorm.weight": "model-00002-of-00003.safetensors",
130
+ "model.layers.18.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
131
+ "model.layers.18.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
132
+ "model.layers.18.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
133
+ "model.layers.18.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
134
+ "model.layers.18.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
135
+ "model.layers.18.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
136
+ "model.layers.18.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
137
+ "model.layers.18.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
138
+ "model.layers.18.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
139
+ "model.layers.18.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
140
+ "model.layers.18.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
141
+ "model.layers.19.input_layernorm.weight": "model-00002-of-00003.safetensors",
142
+ "model.layers.19.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
143
+ "model.layers.19.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
144
+ "model.layers.19.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
145
+ "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
146
+ "model.layers.19.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
147
+ "model.layers.19.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
148
+ "model.layers.19.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
149
+ "model.layers.19.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
150
+ "model.layers.19.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
151
+ "model.layers.19.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
152
+ "model.layers.19.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
153
+ "model.layers.2.input_layernorm.weight": "model-00001-of-00003.safetensors",
154
+ "model.layers.2.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
155
+ "model.layers.2.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
156
+ "model.layers.2.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
157
+ "model.layers.2.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
158
+ "model.layers.2.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
159
+ "model.layers.2.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
160
+ "model.layers.2.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
161
+ "model.layers.2.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
162
+ "model.layers.2.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
163
+ "model.layers.2.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
164
+ "model.layers.2.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
165
+ "model.layers.20.input_layernorm.weight": "model-00002-of-00003.safetensors",
166
+ "model.layers.20.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
167
+ "model.layers.20.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
168
+ "model.layers.20.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
169
+ "model.layers.20.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
170
+ "model.layers.20.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
171
+ "model.layers.20.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
172
+ "model.layers.20.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
173
+ "model.layers.20.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
174
+ "model.layers.20.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
175
+ "model.layers.20.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
176
+ "model.layers.20.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
177
+ "model.layers.21.input_layernorm.weight": "model-00002-of-00003.safetensors",
178
+ "model.layers.21.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
179
+ "model.layers.21.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
180
+ "model.layers.21.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
181
+ "model.layers.21.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
182
+ "model.layers.21.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
183
+ "model.layers.21.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
184
+ "model.layers.21.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
185
+ "model.layers.21.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
186
+ "model.layers.21.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
187
+ "model.layers.21.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
188
+ "model.layers.21.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
189
+ "model.layers.22.input_layernorm.weight": "model-00002-of-00003.safetensors",
190
+ "model.layers.22.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
191
+ "model.layers.22.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
192
+ "model.layers.22.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
193
+ "model.layers.22.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
194
+ "model.layers.22.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
195
+ "model.layers.22.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
196
+ "model.layers.22.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
197
+ "model.layers.22.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
198
+ "model.layers.22.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
199
+ "model.layers.22.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
200
+ "model.layers.22.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
201
+ "model.layers.23.input_layernorm.weight": "model-00002-of-00003.safetensors",
202
+ "model.layers.23.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
203
+ "model.layers.23.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
204
+ "model.layers.23.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
205
+ "model.layers.23.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
206
+ "model.layers.23.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
207
+ "model.layers.23.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
208
+ "model.layers.23.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
209
+ "model.layers.23.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
210
+ "model.layers.23.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
211
+ "model.layers.23.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
212
+ "model.layers.23.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
213
+ "model.layers.24.input_layernorm.weight": "model-00002-of-00003.safetensors",
214
+ "model.layers.24.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
215
+ "model.layers.24.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
216
+ "model.layers.24.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
217
+ "model.layers.24.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
218
+ "model.layers.24.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
219
+ "model.layers.24.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
220
+ "model.layers.24.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
221
+ "model.layers.24.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
222
+ "model.layers.24.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
223
+ "model.layers.24.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
224
+ "model.layers.24.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
225
+ "model.layers.25.input_layernorm.weight": "model-00002-of-00003.safetensors",
226
+ "model.layers.25.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
227
+ "model.layers.25.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
228
+ "model.layers.25.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
229
+ "model.layers.25.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
230
+ "model.layers.25.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
231
+ "model.layers.25.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
232
+ "model.layers.25.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
233
+ "model.layers.25.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
234
+ "model.layers.25.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
235
+ "model.layers.25.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
236
+ "model.layers.25.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
237
+ "model.layers.26.input_layernorm.weight": "model-00002-of-00003.safetensors",
238
+ "model.layers.26.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
239
+ "model.layers.26.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
240
+ "model.layers.26.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
241
+ "model.layers.26.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
242
+ "model.layers.26.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
243
+ "model.layers.26.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
244
+ "model.layers.26.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
245
+ "model.layers.26.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
246
+ "model.layers.26.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
247
+ "model.layers.26.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
248
+ "model.layers.26.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
249
+ "model.layers.27.input_layernorm.weight": "model-00002-of-00003.safetensors",
250
+ "model.layers.27.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
251
+ "model.layers.27.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
252
+ "model.layers.27.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
253
+ "model.layers.27.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
254
+ "model.layers.27.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
255
+ "model.layers.27.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
256
+ "model.layers.27.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
257
+ "model.layers.27.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
258
+ "model.layers.27.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
259
+ "model.layers.27.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
260
+ "model.layers.27.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
261
+ "model.layers.28.input_layernorm.weight": "model-00003-of-00003.safetensors",
262
+ "model.layers.28.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
263
+ "model.layers.28.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
264
+ "model.layers.28.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
265
+ "model.layers.28.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
266
+ "model.layers.28.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
267
+ "model.layers.28.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
268
+ "model.layers.28.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
269
+ "model.layers.28.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
270
+ "model.layers.28.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
271
+ "model.layers.28.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
272
+ "model.layers.28.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
273
+ "model.layers.29.input_layernorm.weight": "model-00003-of-00003.safetensors",
274
+ "model.layers.29.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
275
+ "model.layers.29.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
276
+ "model.layers.29.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
277
+ "model.layers.29.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
278
+ "model.layers.29.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
279
+ "model.layers.29.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
280
+ "model.layers.29.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
281
+ "model.layers.29.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
282
+ "model.layers.29.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
283
+ "model.layers.29.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
284
+ "model.layers.29.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
285
+ "model.layers.3.input_layernorm.weight": "model-00001-of-00003.safetensors",
286
+ "model.layers.3.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
287
+ "model.layers.3.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
288
+ "model.layers.3.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
289
+ "model.layers.3.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
290
+ "model.layers.3.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
291
+ "model.layers.3.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
292
+ "model.layers.3.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
293
+ "model.layers.3.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
294
+ "model.layers.3.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
295
+ "model.layers.3.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
296
+ "model.layers.3.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
297
+ "model.layers.30.input_layernorm.weight": "model-00003-of-00003.safetensors",
298
+ "model.layers.30.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
299
+ "model.layers.30.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
300
+ "model.layers.30.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
301
+ "model.layers.30.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
302
+ "model.layers.30.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
303
+ "model.layers.30.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
304
+ "model.layers.30.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
305
+ "model.layers.30.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
306
+ "model.layers.30.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
307
+ "model.layers.30.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
308
+ "model.layers.30.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
309
+ "model.layers.31.input_layernorm.weight": "model-00003-of-00003.safetensors",
310
+ "model.layers.31.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
311
+ "model.layers.31.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
312
+ "model.layers.31.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
313
+ "model.layers.31.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
314
+ "model.layers.31.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
315
+ "model.layers.31.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
316
+ "model.layers.31.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
317
+ "model.layers.31.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
318
+ "model.layers.31.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
319
+ "model.layers.31.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
320
+ "model.layers.31.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
321
+ "model.layers.32.input_layernorm.weight": "model-00003-of-00003.safetensors",
322
+ "model.layers.32.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
323
+ "model.layers.32.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
324
+ "model.layers.32.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
325
+ "model.layers.32.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
326
+ "model.layers.32.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
327
+ "model.layers.32.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
328
+ "model.layers.32.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
329
+ "model.layers.32.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
330
+ "model.layers.32.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
331
+ "model.layers.32.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
332
+ "model.layers.32.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
333
+ "model.layers.33.input_layernorm.weight": "model-00003-of-00003.safetensors",
334
+ "model.layers.33.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
335
+ "model.layers.33.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
336
+ "model.layers.33.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
337
+ "model.layers.33.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
338
+ "model.layers.33.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
339
+ "model.layers.33.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
340
+ "model.layers.33.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
341
+ "model.layers.33.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
342
+ "model.layers.33.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
343
+ "model.layers.33.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
344
+ "model.layers.33.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
345
+ "model.layers.34.input_layernorm.weight": "model-00003-of-00003.safetensors",
346
+ "model.layers.34.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
347
+ "model.layers.34.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
348
+ "model.layers.34.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
349
+ "model.layers.34.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
350
+ "model.layers.34.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
351
+ "model.layers.34.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
352
+ "model.layers.34.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
353
+ "model.layers.34.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
354
+ "model.layers.34.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
355
+ "model.layers.34.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
356
+ "model.layers.34.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
357
+ "model.layers.35.input_layernorm.weight": "model-00003-of-00003.safetensors",
358
+ "model.layers.35.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
359
+ "model.layers.35.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
360
+ "model.layers.35.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
361
+ "model.layers.35.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
362
+ "model.layers.35.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
363
+ "model.layers.35.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
364
+ "model.layers.35.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
365
+ "model.layers.35.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
366
+ "model.layers.35.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
367
+ "model.layers.35.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
368
+ "model.layers.35.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
369
+ "model.layers.4.input_layernorm.weight": "model-00001-of-00003.safetensors",
370
+ "model.layers.4.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
371
+ "model.layers.4.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
372
+ "model.layers.4.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
373
+ "model.layers.4.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
374
+ "model.layers.4.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
375
+ "model.layers.4.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
376
+ "model.layers.4.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
377
+ "model.layers.4.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
378
+ "model.layers.4.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
379
+ "model.layers.4.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
380
+ "model.layers.4.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
381
+ "model.layers.5.input_layernorm.weight": "model-00001-of-00003.safetensors",
382
+ "model.layers.5.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
383
+ "model.layers.5.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
384
+ "model.layers.5.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
385
+ "model.layers.5.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
386
+ "model.layers.5.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
387
+ "model.layers.5.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
388
+ "model.layers.5.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
389
+ "model.layers.5.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
390
+ "model.layers.5.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
391
+ "model.layers.5.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
392
+ "model.layers.5.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
393
+ "model.layers.6.input_layernorm.weight": "model-00001-of-00003.safetensors",
394
+ "model.layers.6.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
395
+ "model.layers.6.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
396
+ "model.layers.6.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
397
+ "model.layers.6.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
398
+ "model.layers.6.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
399
+ "model.layers.6.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
400
+ "model.layers.6.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
401
+ "model.layers.6.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
402
+ "model.layers.6.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
403
+ "model.layers.6.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
404
+ "model.layers.6.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
405
+ "model.layers.7.input_layernorm.weight": "model-00001-of-00003.safetensors",
406
+ "model.layers.7.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
407
+ "model.layers.7.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
408
+ "model.layers.7.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
409
+ "model.layers.7.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
410
+ "model.layers.7.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
411
+ "model.layers.7.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
412
+ "model.layers.7.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
413
+ "model.layers.7.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
414
+ "model.layers.7.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
415
+ "model.layers.7.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
416
+ "model.layers.7.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
417
+ "model.layers.8.input_layernorm.weight": "model-00001-of-00003.safetensors",
418
+ "model.layers.8.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
419
+ "model.layers.8.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
420
+ "model.layers.8.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
421
+ "model.layers.8.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
422
+ "model.layers.8.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
423
+ "model.layers.8.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
424
+ "model.layers.8.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
425
+ "model.layers.8.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
426
+ "model.layers.8.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
427
+ "model.layers.8.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
428
+ "model.layers.8.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
429
+ "model.layers.9.input_layernorm.weight": "model-00001-of-00003.safetensors",
430
+ "model.layers.9.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
431
+ "model.layers.9.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
432
+ "model.layers.9.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
433
+ "model.layers.9.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
434
+ "model.layers.9.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
435
+ "model.layers.9.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
436
+ "model.layers.9.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
437
+ "model.layers.9.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
438
+ "model.layers.9.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
439
+ "model.layers.9.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
440
+ "model.layers.9.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
441
+ "model.norm.weight": "model-00003-of-00003.safetensors"
442
+ }
443
+ }
checkpoint-100/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-100/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5eee858c5123a4279c3e1f7b81247343f356ac767940b2692a928ad929543214
3
+ size 11422063
checkpoint-100/tokenizer_config.json ADDED
@@ -0,0 +1,207 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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": 131072,
203
+ "pad_token": "<|endoftext|>",
204
+ "split_special_tokens": false,
205
+ "tokenizer_class": "Qwen2Tokenizer",
206
+ "unk_token": null
207
+ }
checkpoint-100/trainer_state.json ADDED
@@ -0,0 +1,2334 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": null,
3
+ "best_metric": null,
4
+ "best_model_checkpoint": null,
5
+ "epoch": 0.07530120481927711,
6
+ "eval_steps": 500,
7
+ "global_step": 100,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "clip_ratio": 0.0,
14
+ "completions/clipped_ratio": 0.005859375,
15
+ "completions/max_length": 1536.0,
16
+ "completions/max_terminated_length": 1461.0,
17
+ "completions/mean_length": 539.939453125,
18
+ "completions/mean_terminated_length": 534.0687866210938,
19
+ "completions/min_length": 150.0,
20
+ "completions/min_terminated_length": 150.0,
21
+ "epoch": 0.0007530120481927711,
22
+ "frac_reward_zero_std": 0.0,
23
+ "grad_norm": 0.2677452564239502,
24
+ "learning_rate": 1e-06,
25
+ "loss": -0.0491,
26
+ "num_tokens": 322497.0,
27
+ "reward": 1.8222503662109375,
28
+ "reward_std": 0.2692643404006958,
29
+ "rewards/accuracy_reward/mean": 0.0,
30
+ "rewards/accuracy_reward/std": 0.0,
31
+ "rewards/icrm_reward/mean": 1.8222503662109375,
32
+ "rewards/icrm_reward/std": 0.35891062021255493,
33
+ "step": 1
34
+ },
35
+ {
36
+ "clip_ratio": 0.0,
37
+ "completions/clipped_ratio": 0.005859375,
38
+ "completions/max_length": 1536.0,
39
+ "completions/max_terminated_length": 1361.0,
40
+ "completions/mean_length": 541.125,
41
+ "completions/mean_terminated_length": 535.2612915039062,
42
+ "completions/min_length": 162.0,
43
+ "completions/min_terminated_length": 162.0,
44
+ "epoch": 0.0015060240963855422,
45
+ "frac_reward_zero_std": 0.0,
46
+ "grad_norm": 0.2547134757041931,
47
+ "learning_rate": 1e-06,
48
+ "loss": -0.0405,
49
+ "num_tokens": 643217.0,
50
+ "reward": 1.8759613037109375,
51
+ "reward_std": 0.26730749011039734,
52
+ "rewards/accuracy_reward/mean": 0.0,
53
+ "rewards/accuracy_reward/std": 0.0,
54
+ "rewards/icrm_reward/mean": 1.8759613037109375,
55
+ "rewards/icrm_reward/std": 0.35533255338668823,
56
+ "step": 2
57
+ },
58
+ {
59
+ "clip_ratio": 0.0,
60
+ "completions/clipped_ratio": 0.0,
61
+ "completions/max_length": 1268.0,
62
+ "completions/max_terminated_length": 1268.0,
63
+ "completions/mean_length": 503.001953125,
64
+ "completions/mean_terminated_length": 503.001953125,
65
+ "completions/min_length": 107.0,
66
+ "completions/min_terminated_length": 107.0,
67
+ "epoch": 0.002259036144578313,
68
+ "frac_reward_zero_std": 0.0,
69
+ "grad_norm": 0.28800466656684875,
70
+ "learning_rate": 1e-06,
71
+ "loss": -0.0702,
72
+ "num_tokens": 946338.0,
73
+ "reward": 1.807281494140625,
74
+ "reward_std": 0.2657621502876282,
75
+ "rewards/accuracy_reward/mean": 0.0,
76
+ "rewards/accuracy_reward/std": 0.0,
77
+ "rewards/icrm_reward/mean": 1.807281494140625,
78
+ "rewards/icrm_reward/std": 0.36616575717926025,
79
+ "step": 3
80
+ },
81
+ {
82
+ "clip_ratio": 0.0,
83
+ "completions/clipped_ratio": 0.0,
84
+ "completions/max_length": 1020.0,
85
+ "completions/max_terminated_length": 1020.0,
86
+ "completions/mean_length": 482.392578125,
87
+ "completions/mean_terminated_length": 482.392578125,
88
+ "completions/min_length": 168.0,
89
+ "completions/min_terminated_length": 168.0,
90
+ "epoch": 0.0030120481927710845,
91
+ "frac_reward_zero_std": 0.0,
92
+ "grad_norm": 0.2880045473575592,
93
+ "learning_rate": 1e-06,
94
+ "loss": -0.0543,
95
+ "num_tokens": 1238651.0,
96
+ "reward": 1.8897247314453125,
97
+ "reward_std": 0.24010181427001953,
98
+ "rewards/accuracy_reward/mean": 0.0,
99
+ "rewards/accuracy_reward/std": 0.0,
100
+ "rewards/icrm_reward/mean": 1.8897247314453125,
101
+ "rewards/icrm_reward/std": 0.2975654602050781,
102
+ "step": 4
103
+ },
104
+ {
105
+ "clip_ratio": 0.0,
106
+ "completions/clipped_ratio": 0.001953125,
107
+ "completions/max_length": 1536.0,
108
+ "completions/max_terminated_length": 1447.0,
109
+ "completions/mean_length": 548.681640625,
110
+ "completions/mean_terminated_length": 546.74951171875,
111
+ "completions/min_length": 95.0,
112
+ "completions/min_terminated_length": 95.0,
113
+ "epoch": 0.0037650602409638554,
114
+ "frac_reward_zero_std": 0.0,
115
+ "grad_norm": 0.26260432600975037,
116
+ "learning_rate": 1e-06,
117
+ "loss": -0.0915,
118
+ "num_tokens": 1564648.0,
119
+ "reward": 1.8785552978515625,
120
+ "reward_std": 0.2939695119857788,
121
+ "rewards/accuracy_reward/mean": 0.0,
122
+ "rewards/accuracy_reward/std": 0.0,
123
+ "rewards/icrm_reward/mean": 1.8785552978515625,
124
+ "rewards/icrm_reward/std": 0.3403075635433197,
125
+ "step": 5
126
+ },
127
+ {
128
+ "clip_ratio": 0.0,
129
+ "completions/clipped_ratio": 0.00390625,
130
+ "completions/max_length": 1536.0,
131
+ "completions/max_terminated_length": 1248.0,
132
+ "completions/mean_length": 465.359375,
133
+ "completions/mean_terminated_length": 461.1607971191406,
134
+ "completions/min_length": 133.0,
135
+ "completions/min_terminated_length": 133.0,
136
+ "epoch": 0.004518072289156626,
137
+ "frac_reward_zero_std": 0.0,
138
+ "grad_norm": 0.2783867418766022,
139
+ "learning_rate": 1e-06,
140
+ "loss": -0.0511,
141
+ "num_tokens": 1845008.0,
142
+ "reward": 1.886444091796875,
143
+ "reward_std": 0.24519476294517517,
144
+ "rewards/accuracy_reward/mean": 0.0,
145
+ "rewards/accuracy_reward/std": 0.0,
146
+ "rewards/icrm_reward/mean": 1.886444091796875,
147
+ "rewards/icrm_reward/std": 0.32863083481788635,
148
+ "step": 6
149
+ },
150
+ {
151
+ "clip_ratio": 0.0,
152
+ "completions/clipped_ratio": 0.001953125,
153
+ "completions/max_length": 1536.0,
154
+ "completions/max_terminated_length": 1419.0,
155
+ "completions/mean_length": 558.427734375,
156
+ "completions/mean_terminated_length": 556.5146484375,
157
+ "completions/min_length": 177.0,
158
+ "completions/min_terminated_length": 177.0,
159
+ "epoch": 0.005271084337349397,
160
+ "frac_reward_zero_std": 0.0,
161
+ "grad_norm": 0.2398781031370163,
162
+ "learning_rate": 1e-06,
163
+ "loss": -0.0528,
164
+ "num_tokens": 2178827.0,
165
+ "reward": 1.89752197265625,
166
+ "reward_std": 0.2825944125652313,
167
+ "rewards/accuracy_reward/mean": 0.0,
168
+ "rewards/accuracy_reward/std": 0.0,
169
+ "rewards/icrm_reward/mean": 1.89752197265625,
170
+ "rewards/icrm_reward/std": 0.3314611613750458,
171
+ "step": 7
172
+ },
173
+ {
174
+ "clip_ratio": 0.0,
175
+ "completions/clipped_ratio": 0.0,
176
+ "completions/max_length": 1315.0,
177
+ "completions/max_terminated_length": 1315.0,
178
+ "completions/mean_length": 516.62890625,
179
+ "completions/mean_terminated_length": 516.62890625,
180
+ "completions/min_length": 139.0,
181
+ "completions/min_terminated_length": 139.0,
182
+ "epoch": 0.006024096385542169,
183
+ "frac_reward_zero_std": 0.0,
184
+ "grad_norm": 0.26950332522392273,
185
+ "learning_rate": 1e-06,
186
+ "loss": -0.0515,
187
+ "num_tokens": 2490557.0,
188
+ "reward": 1.880584716796875,
189
+ "reward_std": 0.24953413009643555,
190
+ "rewards/accuracy_reward/mean": 0.0,
191
+ "rewards/accuracy_reward/std": 0.0,
192
+ "rewards/icrm_reward/mean": 1.880584716796875,
193
+ "rewards/icrm_reward/std": 0.31805965304374695,
194
+ "step": 8
195
+ },
196
+ {
197
+ "clip_ratio": 0.0,
198
+ "completions/clipped_ratio": 0.001953125,
199
+ "completions/max_length": 1536.0,
200
+ "completions/max_terminated_length": 1486.0,
201
+ "completions/mean_length": 540.916015625,
202
+ "completions/mean_terminated_length": 538.9686889648438,
203
+ "completions/min_length": 172.0,
204
+ "completions/min_terminated_length": 172.0,
205
+ "epoch": 0.00677710843373494,
206
+ "frac_reward_zero_std": 0.0,
207
+ "grad_norm": 0.27774062752723694,
208
+ "learning_rate": 1e-06,
209
+ "loss": -0.0696,
210
+ "num_tokens": 2810898.0,
211
+ "reward": 1.8914337158203125,
212
+ "reward_std": 0.2737649083137512,
213
+ "rewards/accuracy_reward/mean": 0.0,
214
+ "rewards/accuracy_reward/std": 0.0,
215
+ "rewards/icrm_reward/mean": 1.8914337158203125,
216
+ "rewards/icrm_reward/std": 0.3299334645271301,
217
+ "step": 9
218
+ },
219
+ {
220
+ "clip_ratio": 0.0,
221
+ "completions/clipped_ratio": 0.001953125,
222
+ "completions/max_length": 1536.0,
223
+ "completions/max_terminated_length": 1449.0,
224
+ "completions/mean_length": 489.474609375,
225
+ "completions/mean_terminated_length": 487.4266052246094,
226
+ "completions/min_length": 123.0,
227
+ "completions/min_terminated_length": 123.0,
228
+ "epoch": 0.007530120481927711,
229
+ "frac_reward_zero_std": 0.0,
230
+ "grad_norm": 0.29050636291503906,
231
+ "learning_rate": 1e-06,
232
+ "loss": -0.0795,
233
+ "num_tokens": 3108869.0,
234
+ "reward": 1.938812255859375,
235
+ "reward_std": 0.2572469711303711,
236
+ "rewards/accuracy_reward/mean": 0.0,
237
+ "rewards/accuracy_reward/std": 0.0,
238
+ "rewards/icrm_reward/mean": 1.938812255859375,
239
+ "rewards/icrm_reward/std": 0.338980495929718,
240
+ "step": 10
241
+ },
242
+ {
243
+ "clip_ratio": 0.0,
244
+ "completions/clipped_ratio": 0.0,
245
+ "completions/max_length": 1475.0,
246
+ "completions/max_terminated_length": 1475.0,
247
+ "completions/mean_length": 520.849609375,
248
+ "completions/mean_terminated_length": 520.849609375,
249
+ "completions/min_length": 114.0,
250
+ "completions/min_terminated_length": 114.0,
251
+ "epoch": 0.008283132530120483,
252
+ "frac_reward_zero_std": 0.0,
253
+ "grad_norm": 0.2942567765712738,
254
+ "learning_rate": 1e-06,
255
+ "loss": -0.0717,
256
+ "num_tokens": 3421848.0,
257
+ "reward": 1.9404754638671875,
258
+ "reward_std": 0.2595525085926056,
259
+ "rewards/accuracy_reward/mean": 0.0,
260
+ "rewards/accuracy_reward/std": 0.0,
261
+ "rewards/icrm_reward/mean": 1.9404754638671875,
262
+ "rewards/icrm_reward/std": 0.3023451566696167,
263
+ "step": 11
264
+ },
265
+ {
266
+ "clip_ratio": 0.0,
267
+ "completions/clipped_ratio": 0.001953125,
268
+ "completions/max_length": 1536.0,
269
+ "completions/max_terminated_length": 1396.0,
270
+ "completions/mean_length": 519.873046875,
271
+ "completions/mean_terminated_length": 517.884521484375,
272
+ "completions/min_length": 177.0,
273
+ "completions/min_terminated_length": 177.0,
274
+ "epoch": 0.009036144578313253,
275
+ "frac_reward_zero_std": 0.0,
276
+ "grad_norm": 0.24970945715904236,
277
+ "learning_rate": 1e-06,
278
+ "loss": -0.0503,
279
+ "num_tokens": 3729655.0,
280
+ "reward": 1.9094085693359375,
281
+ "reward_std": 0.25953686237335205,
282
+ "rewards/accuracy_reward/mean": 0.0,
283
+ "rewards/accuracy_reward/std": 0.0,
284
+ "rewards/icrm_reward/mean": 1.9094085693359375,
285
+ "rewards/icrm_reward/std": 0.331910640001297,
286
+ "step": 12
287
+ },
288
+ {
289
+ "clip_ratio": 0.0,
290
+ "completions/clipped_ratio": 0.001953125,
291
+ "completions/max_length": 1536.0,
292
+ "completions/max_terminated_length": 1369.0,
293
+ "completions/mean_length": 547.90625,
294
+ "completions/mean_terminated_length": 545.9725952148438,
295
+ "completions/min_length": 160.0,
296
+ "completions/min_terminated_length": 160.0,
297
+ "epoch": 0.009789156626506024,
298
+ "frac_reward_zero_std": 0.0,
299
+ "grad_norm": 0.28067365288734436,
300
+ "learning_rate": 1e-06,
301
+ "loss": -0.0752,
302
+ "num_tokens": 4053863.0,
303
+ "reward": 1.9482421875,
304
+ "reward_std": 0.26520416140556335,
305
+ "rewards/accuracy_reward/mean": 0.0,
306
+ "rewards/accuracy_reward/std": 0.0,
307
+ "rewards/icrm_reward/mean": 1.9482421875,
308
+ "rewards/icrm_reward/std": 0.3480120599269867,
309
+ "step": 13
310
+ },
311
+ {
312
+ "clip_ratio": 0.0,
313
+ "completions/clipped_ratio": 0.001953125,
314
+ "completions/max_length": 1536.0,
315
+ "completions/max_terminated_length": 1511.0,
316
+ "completions/mean_length": 548.40234375,
317
+ "completions/mean_terminated_length": 546.4696655273438,
318
+ "completions/min_length": 194.0,
319
+ "completions/min_terminated_length": 194.0,
320
+ "epoch": 0.010542168674698794,
321
+ "frac_reward_zero_std": 0.0,
322
+ "grad_norm": 0.25670015811920166,
323
+ "learning_rate": 1e-06,
324
+ "loss": -0.0691,
325
+ "num_tokens": 4378933.0,
326
+ "reward": 1.9578399658203125,
327
+ "reward_std": 0.27680855989456177,
328
+ "rewards/accuracy_reward/mean": 0.0,
329
+ "rewards/accuracy_reward/std": 0.0,
330
+ "rewards/icrm_reward/mean": 1.9578399658203125,
331
+ "rewards/icrm_reward/std": 0.3370186686515808,
332
+ "step": 14
333
+ },
334
+ {
335
+ "clip_ratio": 0.0,
336
+ "completions/clipped_ratio": 0.0,
337
+ "completions/max_length": 1521.0,
338
+ "completions/max_terminated_length": 1521.0,
339
+ "completions/mean_length": 524.80859375,
340
+ "completions/mean_terminated_length": 524.80859375,
341
+ "completions/min_length": 90.0,
342
+ "completions/min_terminated_length": 90.0,
343
+ "epoch": 0.011295180722891566,
344
+ "frac_reward_zero_std": 0.0,
345
+ "grad_norm": 0.2583891451358795,
346
+ "learning_rate": 1e-06,
347
+ "loss": -0.0585,
348
+ "num_tokens": 4691523.0,
349
+ "reward": 1.9633941650390625,
350
+ "reward_std": 0.2548086643218994,
351
+ "rewards/accuracy_reward/mean": 0.0,
352
+ "rewards/accuracy_reward/std": 0.0,
353
+ "rewards/icrm_reward/mean": 1.9633941650390625,
354
+ "rewards/icrm_reward/std": 0.31804537773132324,
355
+ "step": 15
356
+ },
357
+ {
358
+ "clip_ratio": 0.0,
359
+ "completions/clipped_ratio": 0.00390625,
360
+ "completions/max_length": 1536.0,
361
+ "completions/max_terminated_length": 1247.0,
362
+ "completions/mean_length": 560.337890625,
363
+ "completions/mean_terminated_length": 556.5117797851562,
364
+ "completions/min_length": 122.0,
365
+ "completions/min_terminated_length": 122.0,
366
+ "epoch": 0.012048192771084338,
367
+ "frac_reward_zero_std": 0.0,
368
+ "grad_norm": 0.24440975487232208,
369
+ "learning_rate": 1e-06,
370
+ "loss": -0.0549,
371
+ "num_tokens": 5027184.0,
372
+ "reward": 1.9822998046875,
373
+ "reward_std": 0.268485963344574,
374
+ "rewards/accuracy_reward/mean": 0.0,
375
+ "rewards/accuracy_reward/std": 0.0,
376
+ "rewards/icrm_reward/mean": 1.9822998046875,
377
+ "rewards/icrm_reward/std": 0.3278394639492035,
378
+ "step": 16
379
+ },
380
+ {
381
+ "clip_ratio": 0.0,
382
+ "completions/clipped_ratio": 0.001953125,
383
+ "completions/max_length": 1536.0,
384
+ "completions/max_terminated_length": 1356.0,
385
+ "completions/mean_length": 591.25390625,
386
+ "completions/mean_terminated_length": 589.4050903320312,
387
+ "completions/min_length": 219.0,
388
+ "completions/min_terminated_length": 219.0,
389
+ "epoch": 0.012801204819277108,
390
+ "frac_reward_zero_std": 0.0,
391
+ "grad_norm": 0.22858311235904694,
392
+ "learning_rate": 1e-06,
393
+ "loss": -0.049,
394
+ "num_tokens": 5376418.0,
395
+ "reward": 2.090728759765625,
396
+ "reward_std": 0.2703300714492798,
397
+ "rewards/accuracy_reward/mean": 0.0,
398
+ "rewards/accuracy_reward/std": 0.0,
399
+ "rewards/icrm_reward/mean": 2.090728759765625,
400
+ "rewards/icrm_reward/std": 0.3051627278327942,
401
+ "step": 17
402
+ },
403
+ {
404
+ "clip_ratio": 0.0,
405
+ "completions/clipped_ratio": 0.00390625,
406
+ "completions/max_length": 1536.0,
407
+ "completions/max_terminated_length": 1427.0,
408
+ "completions/mean_length": 560.716796875,
409
+ "completions/mean_terminated_length": 556.8922119140625,
410
+ "completions/min_length": 121.0,
411
+ "completions/min_terminated_length": 121.0,
412
+ "epoch": 0.01355421686746988,
413
+ "frac_reward_zero_std": 0.0,
414
+ "grad_norm": 0.24253730475902557,
415
+ "learning_rate": 1e-06,
416
+ "loss": -0.0476,
417
+ "num_tokens": 5708881.0,
418
+ "reward": 2.023834228515625,
419
+ "reward_std": 0.22830849885940552,
420
+ "rewards/accuracy_reward/mean": 0.0,
421
+ "rewards/accuracy_reward/std": 0.0,
422
+ "rewards/icrm_reward/mean": 2.023834228515625,
423
+ "rewards/icrm_reward/std": 0.3195403516292572,
424
+ "step": 18
425
+ },
426
+ {
427
+ "clip_ratio": 0.0,
428
+ "completions/clipped_ratio": 0.0,
429
+ "completions/max_length": 1396.0,
430
+ "completions/max_terminated_length": 1396.0,
431
+ "completions/mean_length": 554.669921875,
432
+ "completions/mean_terminated_length": 554.669921875,
433
+ "completions/min_length": 198.0,
434
+ "completions/min_terminated_length": 198.0,
435
+ "epoch": 0.01430722891566265,
436
+ "frac_reward_zero_std": 0.0,
437
+ "grad_norm": 0.22568698227405548,
438
+ "learning_rate": 1e-06,
439
+ "loss": -0.0628,
440
+ "num_tokens": 6034520.0,
441
+ "reward": 2.0350494384765625,
442
+ "reward_std": 0.23877058923244476,
443
+ "rewards/accuracy_reward/mean": 0.0,
444
+ "rewards/accuracy_reward/std": 0.0,
445
+ "rewards/icrm_reward/mean": 2.0350494384765625,
446
+ "rewards/icrm_reward/std": 0.2821340560913086,
447
+ "step": 19
448
+ },
449
+ {
450
+ "clip_ratio": 0.0,
451
+ "completions/clipped_ratio": 0.005859375,
452
+ "completions/max_length": 1536.0,
453
+ "completions/max_terminated_length": 1408.0,
454
+ "completions/mean_length": 618.142578125,
455
+ "completions/mean_terminated_length": 612.7328491210938,
456
+ "completions/min_length": 136.0,
457
+ "completions/min_terminated_length": 136.0,
458
+ "epoch": 0.015060240963855422,
459
+ "frac_reward_zero_std": 0.0,
460
+ "grad_norm": 0.21298259496688843,
461
+ "learning_rate": 1e-06,
462
+ "loss": -0.0312,
463
+ "num_tokens": 6399457.0,
464
+ "reward": 2.043853759765625,
465
+ "reward_std": 0.2564227879047394,
466
+ "rewards/accuracy_reward/mean": 0.0,
467
+ "rewards/accuracy_reward/std": 0.0,
468
+ "rewards/icrm_reward/mean": 2.043853759765625,
469
+ "rewards/icrm_reward/std": 0.32547545433044434,
470
+ "step": 20
471
+ },
472
+ {
473
+ "clip_ratio": 0.0,
474
+ "completions/clipped_ratio": 0.01171875,
475
+ "completions/max_length": 1536.0,
476
+ "completions/max_terminated_length": 1500.0,
477
+ "completions/mean_length": 647.5078125,
478
+ "completions/mean_terminated_length": 636.9723510742188,
479
+ "completions/min_length": 163.0,
480
+ "completions/min_terminated_length": 163.0,
481
+ "epoch": 0.01581325301204819,
482
+ "frac_reward_zero_std": 0.0,
483
+ "grad_norm": 0.21974076330661774,
484
+ "learning_rate": 1e-06,
485
+ "loss": -0.0194,
486
+ "num_tokens": 6773909.0,
487
+ "reward": 2.0822906494140625,
488
+ "reward_std": 0.2559783458709717,
489
+ "rewards/accuracy_reward/mean": 0.0,
490
+ "rewards/accuracy_reward/std": 0.0,
491
+ "rewards/icrm_reward/mean": 2.0822906494140625,
492
+ "rewards/icrm_reward/std": 0.3165861964225769,
493
+ "step": 21
494
+ },
495
+ {
496
+ "clip_ratio": 0.0,
497
+ "completions/clipped_ratio": 0.001953125,
498
+ "completions/max_length": 1536.0,
499
+ "completions/max_terminated_length": 1533.0,
500
+ "completions/mean_length": 629.095703125,
501
+ "completions/mean_terminated_length": 627.3209228515625,
502
+ "completions/min_length": 164.0,
503
+ "completions/min_terminated_length": 164.0,
504
+ "epoch": 0.016566265060240965,
505
+ "frac_reward_zero_std": 0.0,
506
+ "grad_norm": 0.2140408158302307,
507
+ "learning_rate": 1e-06,
508
+ "loss": -0.0158,
509
+ "num_tokens": 7137062.0,
510
+ "reward": 2.0489654541015625,
511
+ "reward_std": 0.22745975852012634,
512
+ "rewards/accuracy_reward/mean": 0.0,
513
+ "rewards/accuracy_reward/std": 0.0,
514
+ "rewards/icrm_reward/mean": 2.0489654541015625,
515
+ "rewards/icrm_reward/std": 0.28583163022994995,
516
+ "step": 22
517
+ },
518
+ {
519
+ "clip_ratio": 0.0,
520
+ "completions/clipped_ratio": 0.001953125,
521
+ "completions/max_length": 1536.0,
522
+ "completions/max_terminated_length": 1474.0,
523
+ "completions/mean_length": 668.0,
524
+ "completions/mean_terminated_length": 666.3013916015625,
525
+ "completions/min_length": 130.0,
526
+ "completions/min_terminated_length": 130.0,
527
+ "epoch": 0.017319277108433735,
528
+ "frac_reward_zero_std": 0.0,
529
+ "grad_norm": 0.19740059971809387,
530
+ "learning_rate": 1e-06,
531
+ "loss": -0.0199,
532
+ "num_tokens": 7525974.0,
533
+ "reward": 2.114471435546875,
534
+ "reward_std": 0.22889575362205505,
535
+ "rewards/accuracy_reward/mean": 0.0,
536
+ "rewards/accuracy_reward/std": 0.0,
537
+ "rewards/icrm_reward/mean": 2.114471435546875,
538
+ "rewards/icrm_reward/std": 0.2792186439037323,
539
+ "step": 23
540
+ },
541
+ {
542
+ "clip_ratio": 0.0,
543
+ "completions/clipped_ratio": 0.033203125,
544
+ "completions/max_length": 1536.0,
545
+ "completions/max_terminated_length": 1507.0,
546
+ "completions/mean_length": 688.009765625,
547
+ "completions/mean_terminated_length": 658.8869018554688,
548
+ "completions/min_length": 187.0,
549
+ "completions/min_terminated_length": 187.0,
550
+ "epoch": 0.018072289156626505,
551
+ "frac_reward_zero_std": 0.0,
552
+ "grad_norm": 0.19638773798942566,
553
+ "learning_rate": 1e-06,
554
+ "loss": 0.0102,
555
+ "num_tokens": 7924795.0,
556
+ "reward": 2.080596923828125,
557
+ "reward_std": 0.23665004968643188,
558
+ "rewards/accuracy_reward/mean": 0.0,
559
+ "rewards/accuracy_reward/std": 0.0,
560
+ "rewards/icrm_reward/mean": 2.080596923828125,
561
+ "rewards/icrm_reward/std": 0.3111322522163391,
562
+ "step": 24
563
+ },
564
+ {
565
+ "clip_ratio": 0.0,
566
+ "completions/clipped_ratio": 0.0,
567
+ "completions/max_length": 1517.0,
568
+ "completions/max_terminated_length": 1517.0,
569
+ "completions/mean_length": 625.5546875,
570
+ "completions/mean_terminated_length": 625.5546875,
571
+ "completions/min_length": 232.0,
572
+ "completions/min_terminated_length": 232.0,
573
+ "epoch": 0.01882530120481928,
574
+ "frac_reward_zero_std": 0.0,
575
+ "grad_norm": 0.22388488054275513,
576
+ "learning_rate": 1e-06,
577
+ "loss": -0.0295,
578
+ "num_tokens": 8289031.0,
579
+ "reward": 2.1454315185546875,
580
+ "reward_std": 0.22431066632270813,
581
+ "rewards/accuracy_reward/mean": 0.0,
582
+ "rewards/accuracy_reward/std": 0.0,
583
+ "rewards/icrm_reward/mean": 2.1454315185546875,
584
+ "rewards/icrm_reward/std": 0.2752014100551605,
585
+ "step": 25
586
+ },
587
+ {
588
+ "clip_ratio": 0.0,
589
+ "completions/clipped_ratio": 0.025390625,
590
+ "completions/max_length": 1536.0,
591
+ "completions/max_terminated_length": 1518.0,
592
+ "completions/mean_length": 620.7578125,
593
+ "completions/mean_terminated_length": 596.913818359375,
594
+ "completions/min_length": 229.0,
595
+ "completions/min_terminated_length": 229.0,
596
+ "epoch": 0.01957831325301205,
597
+ "frac_reward_zero_std": 0.0,
598
+ "grad_norm": 0.21399712562561035,
599
+ "learning_rate": 1e-06,
600
+ "loss": -0.0254,
601
+ "num_tokens": 8656715.0,
602
+ "reward": 2.0743865966796875,
603
+ "reward_std": 0.2408333122730255,
604
+ "rewards/accuracy_reward/mean": 0.0,
605
+ "rewards/accuracy_reward/std": 0.0,
606
+ "rewards/icrm_reward/mean": 2.0743865966796875,
607
+ "rewards/icrm_reward/std": 0.3148554563522339,
608
+ "step": 26
609
+ },
610
+ {
611
+ "clip_ratio": 0.0,
612
+ "completions/clipped_ratio": 0.0,
613
+ "completions/max_length": 1519.0,
614
+ "completions/max_terminated_length": 1519.0,
615
+ "completions/mean_length": 640.244140625,
616
+ "completions/mean_terminated_length": 640.244140625,
617
+ "completions/min_length": 256.0,
618
+ "completions/min_terminated_length": 256.0,
619
+ "epoch": 0.02033132530120482,
620
+ "frac_reward_zero_std": 0.0,
621
+ "grad_norm": 0.2085241973400116,
622
+ "learning_rate": 1e-06,
623
+ "loss": -0.0445,
624
+ "num_tokens": 9027544.0,
625
+ "reward": 2.1477813720703125,
626
+ "reward_std": 0.22815221548080444,
627
+ "rewards/accuracy_reward/mean": 0.0,
628
+ "rewards/accuracy_reward/std": 0.0,
629
+ "rewards/icrm_reward/mean": 2.1477813720703125,
630
+ "rewards/icrm_reward/std": 0.3022710084915161,
631
+ "step": 27
632
+ },
633
+ {
634
+ "clip_ratio": 0.0,
635
+ "completions/clipped_ratio": 0.0,
636
+ "completions/max_length": 1444.0,
637
+ "completions/max_terminated_length": 1444.0,
638
+ "completions/mean_length": 574.10546875,
639
+ "completions/mean_terminated_length": 574.10546875,
640
+ "completions/min_length": 118.0,
641
+ "completions/min_terminated_length": 118.0,
642
+ "epoch": 0.02108433734939759,
643
+ "frac_reward_zero_std": 0.0,
644
+ "grad_norm": 0.22086061537265778,
645
+ "learning_rate": 1e-06,
646
+ "loss": -0.0415,
647
+ "num_tokens": 9368830.0,
648
+ "reward": 2.0839691162109375,
649
+ "reward_std": 0.22651252150535583,
650
+ "rewards/accuracy_reward/mean": 0.0,
651
+ "rewards/accuracy_reward/std": 0.0,
652
+ "rewards/icrm_reward/mean": 2.0839691162109375,
653
+ "rewards/icrm_reward/std": 0.2819969654083252,
654
+ "step": 28
655
+ },
656
+ {
657
+ "clip_ratio": 0.0,
658
+ "completions/clipped_ratio": 0.005859375,
659
+ "completions/max_length": 1536.0,
660
+ "completions/max_terminated_length": 1455.0,
661
+ "completions/mean_length": 608.298828125,
662
+ "completions/mean_terminated_length": 602.8310546875,
663
+ "completions/min_length": 123.0,
664
+ "completions/min_terminated_length": 123.0,
665
+ "epoch": 0.021837349397590362,
666
+ "frac_reward_zero_std": 0.0,
667
+ "grad_norm": 0.21593217551708221,
668
+ "learning_rate": 1e-06,
669
+ "loss": -0.0165,
670
+ "num_tokens": 9728471.0,
671
+ "reward": 2.12347412109375,
672
+ "reward_std": 0.2261788547039032,
673
+ "rewards/accuracy_reward/mean": 0.0,
674
+ "rewards/accuracy_reward/std": 0.0,
675
+ "rewards/icrm_reward/mean": 2.12347412109375,
676
+ "rewards/icrm_reward/std": 0.2729581892490387,
677
+ "step": 29
678
+ },
679
+ {
680
+ "clip_ratio": 0.0,
681
+ "completions/clipped_ratio": 0.001953125,
682
+ "completions/max_length": 1536.0,
683
+ "completions/max_terminated_length": 1490.0,
684
+ "completions/mean_length": 602.5390625,
685
+ "completions/mean_terminated_length": 600.7123413085938,
686
+ "completions/min_length": 166.0,
687
+ "completions/min_terminated_length": 166.0,
688
+ "epoch": 0.022590361445783132,
689
+ "frac_reward_zero_std": 0.0,
690
+ "grad_norm": 0.21327072381973267,
691
+ "learning_rate": 1e-06,
692
+ "loss": -0.0265,
693
+ "num_tokens": 10078123.0,
694
+ "reward": 2.134918212890625,
695
+ "reward_std": 0.22259432077407837,
696
+ "rewards/accuracy_reward/mean": 0.0,
697
+ "rewards/accuracy_reward/std": 0.0,
698
+ "rewards/icrm_reward/mean": 2.134918212890625,
699
+ "rewards/icrm_reward/std": 0.2794201970100403,
700
+ "step": 30
701
+ },
702
+ {
703
+ "clip_ratio": 0.0,
704
+ "completions/clipped_ratio": 0.001953125,
705
+ "completions/max_length": 1536.0,
706
+ "completions/max_terminated_length": 1390.0,
707
+ "completions/mean_length": 624.75390625,
708
+ "completions/mean_terminated_length": 622.9706420898438,
709
+ "completions/min_length": 213.0,
710
+ "completions/min_terminated_length": 213.0,
711
+ "epoch": 0.023343373493975902,
712
+ "frac_reward_zero_std": 0.0,
713
+ "grad_norm": 0.21840304136276245,
714
+ "learning_rate": 1e-06,
715
+ "loss": -0.0354,
716
+ "num_tokens": 10439629.0,
717
+ "reward": 2.1316375732421875,
718
+ "reward_std": 0.2339249849319458,
719
+ "rewards/accuracy_reward/mean": 0.0,
720
+ "rewards/accuracy_reward/std": 0.0,
721
+ "rewards/icrm_reward/mean": 2.1316375732421875,
722
+ "rewards/icrm_reward/std": 0.2949000895023346,
723
+ "step": 31
724
+ },
725
+ {
726
+ "clip_ratio": 0.0,
727
+ "completions/clipped_ratio": 0.0078125,
728
+ "completions/max_length": 1536.0,
729
+ "completions/max_terminated_length": 1455.0,
730
+ "completions/mean_length": 618.02734375,
731
+ "completions/mean_terminated_length": 610.7991943359375,
732
+ "completions/min_length": 198.0,
733
+ "completions/min_terminated_length": 198.0,
734
+ "epoch": 0.024096385542168676,
735
+ "frac_reward_zero_std": 0.0,
736
+ "grad_norm": 0.21134598553180695,
737
+ "learning_rate": 1e-06,
738
+ "loss": -0.0239,
739
+ "num_tokens": 10801515.0,
740
+ "reward": 2.1789169311523438,
741
+ "reward_std": 0.2280135154724121,
742
+ "rewards/accuracy_reward/mean": 0.0,
743
+ "rewards/accuracy_reward/std": 0.0,
744
+ "rewards/icrm_reward/mean": 2.1789169311523438,
745
+ "rewards/icrm_reward/std": 0.3063806891441345,
746
+ "step": 32
747
+ },
748
+ {
749
+ "clip_ratio": 0.0,
750
+ "completions/clipped_ratio": 0.0,
751
+ "completions/max_length": 1394.0,
752
+ "completions/max_terminated_length": 1394.0,
753
+ "completions/mean_length": 579.873046875,
754
+ "completions/mean_terminated_length": 579.873046875,
755
+ "completions/min_length": 50.0,
756
+ "completions/min_terminated_length": 50.0,
757
+ "epoch": 0.024849397590361446,
758
+ "frac_reward_zero_std": 0.0,
759
+ "grad_norm": 0.23027564585208893,
760
+ "learning_rate": 1e-06,
761
+ "loss": -0.0456,
762
+ "num_tokens": 11142458.0,
763
+ "reward": 2.1141510009765625,
764
+ "reward_std": 0.22557678818702698,
765
+ "rewards/accuracy_reward/mean": 0.0,
766
+ "rewards/accuracy_reward/std": 0.0,
767
+ "rewards/icrm_reward/mean": 2.1141510009765625,
768
+ "rewards/icrm_reward/std": 0.2943926155567169,
769
+ "step": 33
770
+ },
771
+ {
772
+ "clip_ratio": 0.0,
773
+ "completions/clipped_ratio": 0.001953125,
774
+ "completions/max_length": 1536.0,
775
+ "completions/max_terminated_length": 1466.0,
776
+ "completions/mean_length": 569.83203125,
777
+ "completions/mean_terminated_length": 567.9412841796875,
778
+ "completions/min_length": 186.0,
779
+ "completions/min_terminated_length": 186.0,
780
+ "epoch": 0.025602409638554216,
781
+ "frac_reward_zero_std": 0.0,
782
+ "grad_norm": 0.2484128624200821,
783
+ "learning_rate": 1e-06,
784
+ "loss": -0.0377,
785
+ "num_tokens": 11478676.0,
786
+ "reward": 2.138275146484375,
787
+ "reward_std": 0.2324836403131485,
788
+ "rewards/accuracy_reward/mean": 0.0,
789
+ "rewards/accuracy_reward/std": 0.0,
790
+ "rewards/icrm_reward/mean": 2.138275146484375,
791
+ "rewards/icrm_reward/std": 0.2837066352367401,
792
+ "step": 34
793
+ },
794
+ {
795
+ "clip_ratio": 0.0,
796
+ "completions/clipped_ratio": 0.005859375,
797
+ "completions/max_length": 1536.0,
798
+ "completions/max_terminated_length": 1524.0,
799
+ "completions/mean_length": 649.62109375,
800
+ "completions/mean_terminated_length": 644.3968505859375,
801
+ "completions/min_length": 247.0,
802
+ "completions/min_terminated_length": 247.0,
803
+ "epoch": 0.02635542168674699,
804
+ "frac_reward_zero_std": 0.0,
805
+ "grad_norm": 0.22154265642166138,
806
+ "learning_rate": 1e-06,
807
+ "loss": -0.0408,
808
+ "num_tokens": 11857058.0,
809
+ "reward": 2.131011962890625,
810
+ "reward_std": 0.2266952395439148,
811
+ "rewards/accuracy_reward/mean": 0.0,
812
+ "rewards/accuracy_reward/std": 0.0,
813
+ "rewards/icrm_reward/mean": 2.131011962890625,
814
+ "rewards/icrm_reward/std": 0.31931453943252563,
815
+ "step": 35
816
+ },
817
+ {
818
+ "clip_ratio": 0.0,
819
+ "completions/clipped_ratio": 0.009765625,
820
+ "completions/max_length": 1536.0,
821
+ "completions/max_terminated_length": 1451.0,
822
+ "completions/mean_length": 637.251953125,
823
+ "completions/mean_terminated_length": 628.3885498046875,
824
+ "completions/min_length": 164.0,
825
+ "completions/min_terminated_length": 164.0,
826
+ "epoch": 0.02710843373493976,
827
+ "frac_reward_zero_std": 0.0,
828
+ "grad_norm": 0.20767764747142792,
829
+ "learning_rate": 1e-06,
830
+ "loss": 0.0058,
831
+ "num_tokens": 12229043.0,
832
+ "reward": 2.1409454345703125,
833
+ "reward_std": 0.22632841765880585,
834
+ "rewards/accuracy_reward/mean": 0.0,
835
+ "rewards/accuracy_reward/std": 0.0,
836
+ "rewards/icrm_reward/mean": 2.1409454345703125,
837
+ "rewards/icrm_reward/std": 0.2695969045162201,
838
+ "step": 36
839
+ },
840
+ {
841
+ "clip_ratio": 0.0,
842
+ "completions/clipped_ratio": 0.013671875,
843
+ "completions/max_length": 1536.0,
844
+ "completions/max_terminated_length": 1456.0,
845
+ "completions/mean_length": 659.4453125,
846
+ "completions/mean_terminated_length": 647.2950439453125,
847
+ "completions/min_length": 184.0,
848
+ "completions/min_terminated_length": 184.0,
849
+ "epoch": 0.02786144578313253,
850
+ "frac_reward_zero_std": 0.0,
851
+ "grad_norm": 0.2131509631872177,
852
+ "learning_rate": 1e-06,
853
+ "loss": -0.0088,
854
+ "num_tokens": 12614919.0,
855
+ "reward": 2.208251953125,
856
+ "reward_std": 0.24248948693275452,
857
+ "rewards/accuracy_reward/mean": 0.0,
858
+ "rewards/accuracy_reward/std": 0.0,
859
+ "rewards/icrm_reward/mean": 2.208251953125,
860
+ "rewards/icrm_reward/std": 0.3120294213294983,
861
+ "step": 37
862
+ },
863
+ {
864
+ "clip_ratio": 0.0,
865
+ "completions/clipped_ratio": 0.00390625,
866
+ "completions/max_length": 1536.0,
867
+ "completions/max_terminated_length": 1361.0,
868
+ "completions/mean_length": 630.41015625,
869
+ "completions/mean_terminated_length": 626.85888671875,
870
+ "completions/min_length": 217.0,
871
+ "completions/min_terminated_length": 217.0,
872
+ "epoch": 0.0286144578313253,
873
+ "frac_reward_zero_std": 0.0,
874
+ "grad_norm": 0.2243937849998474,
875
+ "learning_rate": 1e-06,
876
+ "loss": -0.0279,
877
+ "num_tokens": 12980249.0,
878
+ "reward": 2.111053466796875,
879
+ "reward_std": 0.22191520035266876,
880
+ "rewards/accuracy_reward/mean": 0.0,
881
+ "rewards/accuracy_reward/std": 0.0,
882
+ "rewards/icrm_reward/mean": 2.111053466796875,
883
+ "rewards/icrm_reward/std": 0.2775036096572876,
884
+ "step": 38
885
+ },
886
+ {
887
+ "clip_ratio": 0.0,
888
+ "completions/clipped_ratio": 0.01171875,
889
+ "completions/max_length": 1536.0,
890
+ "completions/max_terminated_length": 1459.0,
891
+ "completions/mean_length": 675.94140625,
892
+ "completions/mean_terminated_length": 665.7431030273438,
893
+ "completions/min_length": 232.0,
894
+ "completions/min_terminated_length": 232.0,
895
+ "epoch": 0.029367469879518073,
896
+ "frac_reward_zero_std": 0.0,
897
+ "grad_norm": 0.20395302772521973,
898
+ "learning_rate": 1e-06,
899
+ "loss": -0.0178,
900
+ "num_tokens": 13371051.0,
901
+ "reward": 2.2367706298828125,
902
+ "reward_std": 0.24021776020526886,
903
+ "rewards/accuracy_reward/mean": 0.0,
904
+ "rewards/accuracy_reward/std": 0.0,
905
+ "rewards/icrm_reward/mean": 2.2367706298828125,
906
+ "rewards/icrm_reward/std": 0.30560144782066345,
907
+ "step": 39
908
+ },
909
+ {
910
+ "clip_ratio": 0.0,
911
+ "completions/clipped_ratio": 0.0078125,
912
+ "completions/max_length": 1536.0,
913
+ "completions/max_terminated_length": 1495.0,
914
+ "completions/mean_length": 665.2265625,
915
+ "completions/mean_terminated_length": 658.3700561523438,
916
+ "completions/min_length": 183.0,
917
+ "completions/min_terminated_length": 183.0,
918
+ "epoch": 0.030120481927710843,
919
+ "frac_reward_zero_std": 0.0,
920
+ "grad_norm": 0.21775901317596436,
921
+ "learning_rate": 1e-06,
922
+ "loss": -0.0184,
923
+ "num_tokens": 13762655.0,
924
+ "reward": 2.22381591796875,
925
+ "reward_std": 0.23306353390216827,
926
+ "rewards/accuracy_reward/mean": 0.0,
927
+ "rewards/accuracy_reward/std": 0.0,
928
+ "rewards/icrm_reward/mean": 2.22381591796875,
929
+ "rewards/icrm_reward/std": 0.2940692901611328,
930
+ "step": 40
931
+ },
932
+ {
933
+ "clip_ratio": 0.0,
934
+ "completions/clipped_ratio": 0.017578125,
935
+ "completions/max_length": 1536.0,
936
+ "completions/max_terminated_length": 1489.0,
937
+ "completions/mean_length": 711.74609375,
938
+ "completions/mean_terminated_length": 696.9979858398438,
939
+ "completions/min_length": 240.0,
940
+ "completions/min_terminated_length": 240.0,
941
+ "epoch": 0.030873493975903613,
942
+ "frac_reward_zero_std": 0.0,
943
+ "grad_norm": 0.20008227229118347,
944
+ "learning_rate": 1e-06,
945
+ "loss": -0.0203,
946
+ "num_tokens": 14174493.0,
947
+ "reward": 2.1737060546875,
948
+ "reward_std": 0.23047159612178802,
949
+ "rewards/accuracy_reward/mean": 0.0,
950
+ "rewards/accuracy_reward/std": 0.0,
951
+ "rewards/icrm_reward/mean": 2.1737060546875,
952
+ "rewards/icrm_reward/std": 0.2827721834182739,
953
+ "step": 41
954
+ },
955
+ {
956
+ "clip_ratio": 0.0,
957
+ "completions/clipped_ratio": 0.005859375,
958
+ "completions/max_length": 1536.0,
959
+ "completions/max_terminated_length": 1519.0,
960
+ "completions/mean_length": 628.2109375,
961
+ "completions/mean_terminated_length": 622.8605346679688,
962
+ "completions/min_length": 201.0,
963
+ "completions/min_terminated_length": 201.0,
964
+ "epoch": 0.03162650602409638,
965
+ "frac_reward_zero_std": 0.0,
966
+ "grad_norm": 0.23574763536453247,
967
+ "learning_rate": 1e-06,
968
+ "loss": -0.024,
969
+ "num_tokens": 14538633.0,
970
+ "reward": 2.2064056396484375,
971
+ "reward_std": 0.23086489737033844,
972
+ "rewards/accuracy_reward/mean": 0.0,
973
+ "rewards/accuracy_reward/std": 0.0,
974
+ "rewards/icrm_reward/mean": 2.2064056396484375,
975
+ "rewards/icrm_reward/std": 0.30988746881484985,
976
+ "step": 42
977
+ },
978
+ {
979
+ "clip_ratio": 0.0,
980
+ "completions/clipped_ratio": 0.00390625,
981
+ "completions/max_length": 1536.0,
982
+ "completions/max_terminated_length": 1509.0,
983
+ "completions/mean_length": 651.89453125,
984
+ "completions/mean_terminated_length": 648.427490234375,
985
+ "completions/min_length": 187.0,
986
+ "completions/min_terminated_length": 187.0,
987
+ "epoch": 0.03237951807228916,
988
+ "frac_reward_zero_std": 0.0,
989
+ "grad_norm": 0.22128161787986755,
990
+ "learning_rate": 1e-06,
991
+ "loss": -0.0133,
992
+ "num_tokens": 14917715.0,
993
+ "reward": 2.1989898681640625,
994
+ "reward_std": 0.22341391444206238,
995
+ "rewards/accuracy_reward/mean": 0.0,
996
+ "rewards/accuracy_reward/std": 0.0,
997
+ "rewards/icrm_reward/mean": 2.1989898681640625,
998
+ "rewards/icrm_reward/std": 0.2708163857460022,
999
+ "step": 43
1000
+ },
1001
+ {
1002
+ "clip_ratio": 0.0,
1003
+ "completions/clipped_ratio": 0.02734375,
1004
+ "completions/max_length": 1536.0,
1005
+ "completions/max_terminated_length": 1535.0,
1006
+ "completions/mean_length": 752.138671875,
1007
+ "completions/mean_terminated_length": 730.1023559570312,
1008
+ "completions/min_length": 253.0,
1009
+ "completions/min_terminated_length": 253.0,
1010
+ "epoch": 0.03313253012048193,
1011
+ "frac_reward_zero_std": 0.0,
1012
+ "grad_norm": 0.18046841025352478,
1013
+ "learning_rate": 1e-06,
1014
+ "loss": -0.0114,
1015
+ "num_tokens": 15353770.0,
1016
+ "reward": 2.202545166015625,
1017
+ "reward_std": 0.22210244834423065,
1018
+ "rewards/accuracy_reward/mean": 0.0,
1019
+ "rewards/accuracy_reward/std": 0.0,
1020
+ "rewards/icrm_reward/mean": 2.202545166015625,
1021
+ "rewards/icrm_reward/std": 0.30588632822036743,
1022
+ "step": 44
1023
+ },
1024
+ {
1025
+ "clip_ratio": 0.0,
1026
+ "completions/clipped_ratio": 0.03125,
1027
+ "completions/max_length": 1536.0,
1028
+ "completions/max_terminated_length": 1520.0,
1029
+ "completions/mean_length": 648.603515625,
1030
+ "completions/mean_terminated_length": 619.977783203125,
1031
+ "completions/min_length": 185.0,
1032
+ "completions/min_terminated_length": 185.0,
1033
+ "epoch": 0.0338855421686747,
1034
+ "frac_reward_zero_std": 0.0,
1035
+ "grad_norm": 0.21456339955329895,
1036
+ "learning_rate": 1e-06,
1037
+ "loss": -0.0282,
1038
+ "num_tokens": 15731183.0,
1039
+ "reward": 2.1501007080078125,
1040
+ "reward_std": 0.24410219490528107,
1041
+ "rewards/accuracy_reward/mean": 0.0,
1042
+ "rewards/accuracy_reward/std": 0.0,
1043
+ "rewards/icrm_reward/mean": 2.1501007080078125,
1044
+ "rewards/icrm_reward/std": 0.3128403425216675,
1045
+ "step": 45
1046
+ },
1047
+ {
1048
+ "clip_ratio": 0.0,
1049
+ "completions/clipped_ratio": 0.001953125,
1050
+ "completions/max_length": 1536.0,
1051
+ "completions/max_terminated_length": 1536.0,
1052
+ "completions/mean_length": 664.4765625,
1053
+ "completions/mean_terminated_length": 662.7710571289062,
1054
+ "completions/min_length": 196.0,
1055
+ "completions/min_terminated_length": 196.0,
1056
+ "epoch": 0.03463855421686747,
1057
+ "frac_reward_zero_std": 0.0,
1058
+ "grad_norm": 0.23055920004844666,
1059
+ "learning_rate": 1e-06,
1060
+ "loss": -0.0041,
1061
+ "num_tokens": 16113635.0,
1062
+ "reward": 2.2421112060546875,
1063
+ "reward_std": 0.23560726642608643,
1064
+ "rewards/accuracy_reward/mean": 0.0,
1065
+ "rewards/accuracy_reward/std": 0.0,
1066
+ "rewards/icrm_reward/mean": 2.2421112060546875,
1067
+ "rewards/icrm_reward/std": 0.29645806550979614,
1068
+ "step": 46
1069
+ },
1070
+ {
1071
+ "clip_ratio": 0.0,
1072
+ "completions/clipped_ratio": 0.013671875,
1073
+ "completions/max_length": 1536.0,
1074
+ "completions/max_terminated_length": 1530.0,
1075
+ "completions/mean_length": 679.16796875,
1076
+ "completions/mean_terminated_length": 667.2911376953125,
1077
+ "completions/min_length": 176.0,
1078
+ "completions/min_terminated_length": 176.0,
1079
+ "epoch": 0.035391566265060244,
1080
+ "frac_reward_zero_std": 0.0,
1081
+ "grad_norm": 0.20098020136356354,
1082
+ "learning_rate": 1e-06,
1083
+ "loss": 0.0011,
1084
+ "num_tokens": 16510985.0,
1085
+ "reward": 2.1724700927734375,
1086
+ "reward_std": 0.24453820288181305,
1087
+ "rewards/accuracy_reward/mean": 0.0,
1088
+ "rewards/accuracy_reward/std": 0.0,
1089
+ "rewards/icrm_reward/mean": 2.1724700927734375,
1090
+ "rewards/icrm_reward/std": 0.3007848858833313,
1091
+ "step": 47
1092
+ },
1093
+ {
1094
+ "clip_ratio": 0.0,
1095
+ "completions/clipped_ratio": 0.00390625,
1096
+ "completions/max_length": 1536.0,
1097
+ "completions/max_terminated_length": 1473.0,
1098
+ "completions/mean_length": 629.65625,
1099
+ "completions/mean_terminated_length": 626.1019897460938,
1100
+ "completions/min_length": 201.0,
1101
+ "completions/min_terminated_length": 201.0,
1102
+ "epoch": 0.03614457831325301,
1103
+ "frac_reward_zero_std": 0.0,
1104
+ "grad_norm": 0.21083861589431763,
1105
+ "learning_rate": 1e-06,
1106
+ "loss": -0.0175,
1107
+ "num_tokens": 16878169.0,
1108
+ "reward": 2.199188232421875,
1109
+ "reward_std": 0.21884912252426147,
1110
+ "rewards/accuracy_reward/mean": 0.0,
1111
+ "rewards/accuracy_reward/std": 0.0,
1112
+ "rewards/icrm_reward/mean": 2.199188232421875,
1113
+ "rewards/icrm_reward/std": 0.27998584508895874,
1114
+ "step": 48
1115
+ },
1116
+ {
1117
+ "clip_ratio": 0.0,
1118
+ "completions/clipped_ratio": 0.013671875,
1119
+ "completions/max_length": 1536.0,
1120
+ "completions/max_terminated_length": 1528.0,
1121
+ "completions/mean_length": 673.232421875,
1122
+ "completions/mean_terminated_length": 661.2733154296875,
1123
+ "completions/min_length": 132.0,
1124
+ "completions/min_terminated_length": 132.0,
1125
+ "epoch": 0.036897590361445784,
1126
+ "frac_reward_zero_std": 0.0,
1127
+ "grad_norm": 0.22509372234344482,
1128
+ "learning_rate": 1e-06,
1129
+ "loss": -0.0074,
1130
+ "num_tokens": 17269376.0,
1131
+ "reward": 2.2296295166015625,
1132
+ "reward_std": 0.2356814444065094,
1133
+ "rewards/accuracy_reward/mean": 0.0,
1134
+ "rewards/accuracy_reward/std": 0.0,
1135
+ "rewards/icrm_reward/mean": 2.2296295166015625,
1136
+ "rewards/icrm_reward/std": 0.2954954504966736,
1137
+ "step": 49
1138
+ },
1139
+ {
1140
+ "clip_ratio": 0.0,
1141
+ "completions/clipped_ratio": 0.0078125,
1142
+ "completions/max_length": 1536.0,
1143
+ "completions/max_terminated_length": 1424.0,
1144
+ "completions/mean_length": 636.708984375,
1145
+ "completions/mean_terminated_length": 629.6279296875,
1146
+ "completions/min_length": 235.0,
1147
+ "completions/min_terminated_length": 235.0,
1148
+ "epoch": 0.03765060240963856,
1149
+ "frac_reward_zero_std": 0.0,
1150
+ "grad_norm": 0.24557623267173767,
1151
+ "learning_rate": 1e-06,
1152
+ "loss": -0.0308,
1153
+ "num_tokens": 17640139.0,
1154
+ "reward": 2.254730224609375,
1155
+ "reward_std": 0.24260641634464264,
1156
+ "rewards/accuracy_reward/mean": 0.0,
1157
+ "rewards/accuracy_reward/std": 0.0,
1158
+ "rewards/icrm_reward/mean": 2.254730224609375,
1159
+ "rewards/icrm_reward/std": 0.2840177118778229,
1160
+ "step": 50
1161
+ },
1162
+ {
1163
+ "clip_ratio": 0.0,
1164
+ "completions/clipped_ratio": 0.001953125,
1165
+ "completions/max_length": 1536.0,
1166
+ "completions/max_terminated_length": 1530.0,
1167
+ "completions/mean_length": 600.349609375,
1168
+ "completions/mean_terminated_length": 598.5186157226562,
1169
+ "completions/min_length": 181.0,
1170
+ "completions/min_terminated_length": 181.0,
1171
+ "epoch": 0.038403614457831324,
1172
+ "frac_reward_zero_std": 0.0,
1173
+ "grad_norm": 0.24236264824867249,
1174
+ "learning_rate": 1e-06,
1175
+ "loss": -0.0534,
1176
+ "num_tokens": 17994222.0,
1177
+ "reward": 2.2987060546875,
1178
+ "reward_std": 0.24154716730117798,
1179
+ "rewards/accuracy_reward/mean": 0.0,
1180
+ "rewards/accuracy_reward/std": 0.0,
1181
+ "rewards/icrm_reward/mean": 2.2987060546875,
1182
+ "rewards/icrm_reward/std": 0.3029851019382477,
1183
+ "step": 51
1184
+ },
1185
+ {
1186
+ "clip_ratio": 0.0,
1187
+ "completions/clipped_ratio": 0.009765625,
1188
+ "completions/max_length": 1536.0,
1189
+ "completions/max_terminated_length": 1530.0,
1190
+ "completions/mean_length": 686.248046875,
1191
+ "completions/mean_terminated_length": 677.8678588867188,
1192
+ "completions/min_length": 212.0,
1193
+ "completions/min_terminated_length": 212.0,
1194
+ "epoch": 0.0391566265060241,
1195
+ "frac_reward_zero_std": 0.0,
1196
+ "grad_norm": 0.21713781356811523,
1197
+ "learning_rate": 1e-06,
1198
+ "loss": -0.0079,
1199
+ "num_tokens": 18393245.0,
1200
+ "reward": 2.2697906494140625,
1201
+ "reward_std": 0.2312566339969635,
1202
+ "rewards/accuracy_reward/mean": 0.0,
1203
+ "rewards/accuracy_reward/std": 0.0,
1204
+ "rewards/icrm_reward/mean": 2.2697906494140625,
1205
+ "rewards/icrm_reward/std": 0.3033978343009949,
1206
+ "step": 52
1207
+ },
1208
+ {
1209
+ "clip_ratio": 0.0,
1210
+ "completions/clipped_ratio": 0.005859375,
1211
+ "completions/max_length": 1536.0,
1212
+ "completions/max_terminated_length": 1535.0,
1213
+ "completions/mean_length": 734.234375,
1214
+ "completions/mean_terminated_length": 729.5088500976562,
1215
+ "completions/min_length": 150.0,
1216
+ "completions/min_terminated_length": 150.0,
1217
+ "epoch": 0.039909638554216864,
1218
+ "frac_reward_zero_std": 0.0,
1219
+ "grad_norm": 0.20006483793258667,
1220
+ "learning_rate": 1e-06,
1221
+ "loss": 0.0053,
1222
+ "num_tokens": 18813301.0,
1223
+ "reward": 2.4068450927734375,
1224
+ "reward_std": 0.24239230155944824,
1225
+ "rewards/accuracy_reward/mean": 0.0,
1226
+ "rewards/accuracy_reward/std": 0.0,
1227
+ "rewards/icrm_reward/mean": 2.4068450927734375,
1228
+ "rewards/icrm_reward/std": 0.2884853184223175,
1229
+ "step": 53
1230
+ },
1231
+ {
1232
+ "clip_ratio": 0.0,
1233
+ "completions/clipped_ratio": 0.009765625,
1234
+ "completions/max_length": 1536.0,
1235
+ "completions/max_terminated_length": 1436.0,
1236
+ "completions/mean_length": 682.37109375,
1237
+ "completions/mean_terminated_length": 673.9526977539062,
1238
+ "completions/min_length": 154.0,
1239
+ "completions/min_terminated_length": 154.0,
1240
+ "epoch": 0.04066265060240964,
1241
+ "frac_reward_zero_std": 0.0,
1242
+ "grad_norm": 0.22565065324306488,
1243
+ "learning_rate": 1e-06,
1244
+ "loss": 0.0167,
1245
+ "num_tokens": 19205987.0,
1246
+ "reward": 2.411712646484375,
1247
+ "reward_std": 0.2517935633659363,
1248
+ "rewards/accuracy_reward/mean": 0.0,
1249
+ "rewards/accuracy_reward/std": 0.0,
1250
+ "rewards/icrm_reward/mean": 2.411712646484375,
1251
+ "rewards/icrm_reward/std": 0.29691916704177856,
1252
+ "step": 54
1253
+ },
1254
+ {
1255
+ "clip_ratio": 0.0,
1256
+ "completions/clipped_ratio": 0.01171875,
1257
+ "completions/max_length": 1536.0,
1258
+ "completions/max_terminated_length": 1530.0,
1259
+ "completions/mean_length": 686.0625,
1260
+ "completions/mean_terminated_length": 675.9841918945312,
1261
+ "completions/min_length": 208.0,
1262
+ "completions/min_terminated_length": 208.0,
1263
+ "epoch": 0.04141566265060241,
1264
+ "frac_reward_zero_std": 0.0,
1265
+ "grad_norm": 0.25505706667900085,
1266
+ "learning_rate": 1e-06,
1267
+ "loss": 0.0116,
1268
+ "num_tokens": 19603747.0,
1269
+ "reward": 2.3581085205078125,
1270
+ "reward_std": 0.25292664766311646,
1271
+ "rewards/accuracy_reward/mean": 0.0,
1272
+ "rewards/accuracy_reward/std": 0.0,
1273
+ "rewards/icrm_reward/mean": 2.3581085205078125,
1274
+ "rewards/icrm_reward/std": 0.3019520044326782,
1275
+ "step": 55
1276
+ },
1277
+ {
1278
+ "clip_ratio": 0.0,
1279
+ "completions/clipped_ratio": 0.021484375,
1280
+ "completions/max_length": 1536.0,
1281
+ "completions/max_terminated_length": 1487.0,
1282
+ "completions/mean_length": 738.88671875,
1283
+ "completions/mean_terminated_length": 721.38525390625,
1284
+ "completions/min_length": 276.0,
1285
+ "completions/min_terminated_length": 276.0,
1286
+ "epoch": 0.04216867469879518,
1287
+ "frac_reward_zero_std": 0.0,
1288
+ "grad_norm": 0.19398604333400726,
1289
+ "learning_rate": 1e-06,
1290
+ "loss": 0.0298,
1291
+ "num_tokens": 20029593.0,
1292
+ "reward": 2.420806884765625,
1293
+ "reward_std": 0.2693680226802826,
1294
+ "rewards/accuracy_reward/mean": 0.0,
1295
+ "rewards/accuracy_reward/std": 0.0,
1296
+ "rewards/icrm_reward/mean": 2.420806884765625,
1297
+ "rewards/icrm_reward/std": 0.33825576305389404,
1298
+ "step": 56
1299
+ },
1300
+ {
1301
+ "clip_ratio": 0.0,
1302
+ "completions/clipped_ratio": 0.017578125,
1303
+ "completions/max_length": 1536.0,
1304
+ "completions/max_terminated_length": 1482.0,
1305
+ "completions/mean_length": 693.65625,
1306
+ "completions/mean_terminated_length": 678.58447265625,
1307
+ "completions/min_length": 207.0,
1308
+ "completions/min_terminated_length": 207.0,
1309
+ "epoch": 0.04292168674698795,
1310
+ "frac_reward_zero_std": 0.0,
1311
+ "grad_norm": 0.23698727786540985,
1312
+ "learning_rate": 1e-06,
1313
+ "loss": 0.0359,
1314
+ "num_tokens": 20431033.0,
1315
+ "reward": 2.45440673828125,
1316
+ "reward_std": 0.2709549069404602,
1317
+ "rewards/accuracy_reward/mean": 0.0,
1318
+ "rewards/accuracy_reward/std": 0.0,
1319
+ "rewards/icrm_reward/mean": 2.45440673828125,
1320
+ "rewards/icrm_reward/std": 0.3200661540031433,
1321
+ "step": 57
1322
+ },
1323
+ {
1324
+ "clip_ratio": 0.0,
1325
+ "completions/clipped_ratio": 0.0,
1326
+ "completions/max_length": 1520.0,
1327
+ "completions/max_terminated_length": 1520.0,
1328
+ "completions/mean_length": 651.880859375,
1329
+ "completions/mean_terminated_length": 651.880859375,
1330
+ "completions/min_length": 166.0,
1331
+ "completions/min_terminated_length": 166.0,
1332
+ "epoch": 0.043674698795180725,
1333
+ "frac_reward_zero_std": 0.0,
1334
+ "grad_norm": 0.22394704818725586,
1335
+ "learning_rate": 1e-06,
1336
+ "loss": 0.0063,
1337
+ "num_tokens": 20809052.0,
1338
+ "reward": 2.4409332275390625,
1339
+ "reward_std": 0.24943535029888153,
1340
+ "rewards/accuracy_reward/mean": 0.0,
1341
+ "rewards/accuracy_reward/std": 0.0,
1342
+ "rewards/icrm_reward/mean": 2.4409332275390625,
1343
+ "rewards/icrm_reward/std": 0.29196539521217346,
1344
+ "step": 58
1345
+ },
1346
+ {
1347
+ "clip_ratio": 0.0,
1348
+ "completions/clipped_ratio": 0.029296875,
1349
+ "completions/max_length": 1536.0,
1350
+ "completions/max_terminated_length": 1531.0,
1351
+ "completions/mean_length": 728.9296875,
1352
+ "completions/mean_terminated_length": 704.5714111328125,
1353
+ "completions/min_length": 213.0,
1354
+ "completions/min_terminated_length": 213.0,
1355
+ "epoch": 0.04442771084337349,
1356
+ "frac_reward_zero_std": 0.0,
1357
+ "grad_norm": 0.24043507874011993,
1358
+ "learning_rate": 1e-06,
1359
+ "loss": 0.0294,
1360
+ "num_tokens": 21230728.0,
1361
+ "reward": 2.4530029296875,
1362
+ "reward_std": 0.29039081931114197,
1363
+ "rewards/accuracy_reward/mean": 0.0,
1364
+ "rewards/accuracy_reward/std": 0.0,
1365
+ "rewards/icrm_reward/mean": 2.4530029296875,
1366
+ "rewards/icrm_reward/std": 0.3333180546760559,
1367
+ "step": 59
1368
+ },
1369
+ {
1370
+ "clip_ratio": 0.0,
1371
+ "completions/clipped_ratio": 0.017578125,
1372
+ "completions/max_length": 1536.0,
1373
+ "completions/max_terminated_length": 1522.0,
1374
+ "completions/mean_length": 668.4765625,
1375
+ "completions/mean_terminated_length": 652.9542236328125,
1376
+ "completions/min_length": 88.0,
1377
+ "completions/min_terminated_length": 88.0,
1378
+ "epoch": 0.045180722891566265,
1379
+ "frac_reward_zero_std": 0.0,
1380
+ "grad_norm": 0.24050478637218475,
1381
+ "learning_rate": 1e-06,
1382
+ "loss": -0.0008,
1383
+ "num_tokens": 21620748.0,
1384
+ "reward": 2.416748046875,
1385
+ "reward_std": 0.29372185468673706,
1386
+ "rewards/accuracy_reward/mean": 0.0,
1387
+ "rewards/accuracy_reward/std": 0.0,
1388
+ "rewards/icrm_reward/mean": 2.416748046875,
1389
+ "rewards/icrm_reward/std": 0.335464745759964,
1390
+ "step": 60
1391
+ },
1392
+ {
1393
+ "clip_ratio": 0.0,
1394
+ "completions/clipped_ratio": 0.046875,
1395
+ "completions/max_length": 1536.0,
1396
+ "completions/max_terminated_length": 1520.0,
1397
+ "completions/mean_length": 722.58203125,
1398
+ "completions/mean_terminated_length": 682.5778198242188,
1399
+ "completions/min_length": 103.0,
1400
+ "completions/min_terminated_length": 103.0,
1401
+ "epoch": 0.04593373493975904,
1402
+ "frac_reward_zero_std": 0.0,
1403
+ "grad_norm": 0.22767792642116547,
1404
+ "learning_rate": 1e-06,
1405
+ "loss": 0.0407,
1406
+ "num_tokens": 22032694.0,
1407
+ "reward": 2.4194793701171875,
1408
+ "reward_std": 0.2609785497188568,
1409
+ "rewards/accuracy_reward/mean": 0.0,
1410
+ "rewards/accuracy_reward/std": 0.0,
1411
+ "rewards/icrm_reward/mean": 2.4194793701171875,
1412
+ "rewards/icrm_reward/std": 0.35149145126342773,
1413
+ "step": 61
1414
+ },
1415
+ {
1416
+ "clip_ratio": 0.0,
1417
+ "completions/clipped_ratio": 0.0,
1418
+ "completions/max_length": 1526.0,
1419
+ "completions/max_terminated_length": 1526.0,
1420
+ "completions/mean_length": 627.765625,
1421
+ "completions/mean_terminated_length": 627.765625,
1422
+ "completions/min_length": 158.0,
1423
+ "completions/min_terminated_length": 158.0,
1424
+ "epoch": 0.046686746987951805,
1425
+ "frac_reward_zero_std": 0.0,
1426
+ "grad_norm": 0.24805991351604462,
1427
+ "learning_rate": 1e-06,
1428
+ "loss": 0.0129,
1429
+ "num_tokens": 22402686.0,
1430
+ "reward": 2.4908294677734375,
1431
+ "reward_std": 0.2669978737831116,
1432
+ "rewards/accuracy_reward/mean": 0.0,
1433
+ "rewards/accuracy_reward/std": 0.0,
1434
+ "rewards/icrm_reward/mean": 2.4908294677734375,
1435
+ "rewards/icrm_reward/std": 0.3251093924045563,
1436
+ "step": 62
1437
+ },
1438
+ {
1439
+ "clip_ratio": 0.0,
1440
+ "completions/clipped_ratio": 0.033203125,
1441
+ "completions/max_length": 1536.0,
1442
+ "completions/max_terminated_length": 1490.0,
1443
+ "completions/mean_length": 766.275390625,
1444
+ "completions/mean_terminated_length": 739.8404541015625,
1445
+ "completions/min_length": 201.0,
1446
+ "completions/min_terminated_length": 201.0,
1447
+ "epoch": 0.04743975903614458,
1448
+ "frac_reward_zero_std": 0.0,
1449
+ "grad_norm": 0.23006977140903473,
1450
+ "learning_rate": 1e-06,
1451
+ "loss": 0.0456,
1452
+ "num_tokens": 22844203.0,
1453
+ "reward": 2.4503021240234375,
1454
+ "reward_std": 0.2922241687774658,
1455
+ "rewards/accuracy_reward/mean": 0.0,
1456
+ "rewards/accuracy_reward/std": 0.0,
1457
+ "rewards/icrm_reward/mean": 2.4503021240234375,
1458
+ "rewards/icrm_reward/std": 0.33814340829849243,
1459
+ "step": 63
1460
+ },
1461
+ {
1462
+ "clip_ratio": 0.0,
1463
+ "completions/clipped_ratio": 0.021484375,
1464
+ "completions/max_length": 1536.0,
1465
+ "completions/max_terminated_length": 1507.0,
1466
+ "completions/mean_length": 725.68359375,
1467
+ "completions/mean_terminated_length": 707.8922119140625,
1468
+ "completions/min_length": 189.0,
1469
+ "completions/min_terminated_length": 189.0,
1470
+ "epoch": 0.04819277108433735,
1471
+ "frac_reward_zero_std": 0.0,
1472
+ "grad_norm": 0.22646617889404297,
1473
+ "learning_rate": 1e-06,
1474
+ "loss": 0.0394,
1475
+ "num_tokens": 23258473.0,
1476
+ "reward": 2.477783203125,
1477
+ "reward_std": 0.26488780975341797,
1478
+ "rewards/accuracy_reward/mean": 0.0,
1479
+ "rewards/accuracy_reward/std": 0.0,
1480
+ "rewards/icrm_reward/mean": 2.477783203125,
1481
+ "rewards/icrm_reward/std": 0.33223187923431396,
1482
+ "step": 64
1483
+ },
1484
+ {
1485
+ "clip_ratio": 0.0,
1486
+ "completions/clipped_ratio": 0.033203125,
1487
+ "completions/max_length": 1536.0,
1488
+ "completions/max_terminated_length": 1503.0,
1489
+ "completions/mean_length": 754.828125,
1490
+ "completions/mean_terminated_length": 728.0000610351562,
1491
+ "completions/min_length": 228.0,
1492
+ "completions/min_terminated_length": 228.0,
1493
+ "epoch": 0.04894578313253012,
1494
+ "frac_reward_zero_std": 0.0,
1495
+ "grad_norm": 0.2258726954460144,
1496
+ "learning_rate": 1e-06,
1497
+ "loss": 0.0125,
1498
+ "num_tokens": 23690801.0,
1499
+ "reward": 2.45458984375,
1500
+ "reward_std": 0.27226293087005615,
1501
+ "rewards/accuracy_reward/mean": 0.0,
1502
+ "rewards/accuracy_reward/std": 0.0,
1503
+ "rewards/icrm_reward/mean": 2.45458984375,
1504
+ "rewards/icrm_reward/std": 0.3482906222343445,
1505
+ "step": 65
1506
+ },
1507
+ {
1508
+ "clip_ratio": 0.0,
1509
+ "completions/clipped_ratio": 0.01171875,
1510
+ "completions/max_length": 1536.0,
1511
+ "completions/max_terminated_length": 1522.0,
1512
+ "completions/mean_length": 698.974609375,
1513
+ "completions/mean_terminated_length": 689.0494384765625,
1514
+ "completions/min_length": 185.0,
1515
+ "completions/min_terminated_length": 185.0,
1516
+ "epoch": 0.04969879518072289,
1517
+ "frac_reward_zero_std": 0.0,
1518
+ "grad_norm": 0.2544415593147278,
1519
+ "learning_rate": 1e-06,
1520
+ "loss": 0.0095,
1521
+ "num_tokens": 24092564.0,
1522
+ "reward": 2.50372314453125,
1523
+ "reward_std": 0.2619969844818115,
1524
+ "rewards/accuracy_reward/mean": 0.0,
1525
+ "rewards/accuracy_reward/std": 0.0,
1526
+ "rewards/icrm_reward/mean": 2.50372314453125,
1527
+ "rewards/icrm_reward/std": 0.32770606875419617,
1528
+ "step": 66
1529
+ },
1530
+ {
1531
+ "clip_ratio": 0.0,
1532
+ "completions/clipped_ratio": 0.0,
1533
+ "completions/max_length": 1461.0,
1534
+ "completions/max_terminated_length": 1461.0,
1535
+ "completions/mean_length": 648.00390625,
1536
+ "completions/mean_terminated_length": 648.00390625,
1537
+ "completions/min_length": 96.0,
1538
+ "completions/min_terminated_length": 96.0,
1539
+ "epoch": 0.050451807228915665,
1540
+ "frac_reward_zero_std": 0.0,
1541
+ "grad_norm": 0.2574257552623749,
1542
+ "learning_rate": 1e-06,
1543
+ "loss": 0.0096,
1544
+ "num_tokens": 24467686.0,
1545
+ "reward": 2.5450897216796875,
1546
+ "reward_std": 0.2660745680332184,
1547
+ "rewards/accuracy_reward/mean": 0.0,
1548
+ "rewards/accuracy_reward/std": 0.0,
1549
+ "rewards/icrm_reward/mean": 2.5450897216796875,
1550
+ "rewards/icrm_reward/std": 0.3114686608314514,
1551
+ "step": 67
1552
+ },
1553
+ {
1554
+ "clip_ratio": 0.0,
1555
+ "completions/clipped_ratio": 0.0078125,
1556
+ "completions/max_length": 1536.0,
1557
+ "completions/max_terminated_length": 1533.0,
1558
+ "completions/mean_length": 744.58203125,
1559
+ "completions/mean_terminated_length": 738.3504028320312,
1560
+ "completions/min_length": 164.0,
1561
+ "completions/min_terminated_length": 164.0,
1562
+ "epoch": 0.05120481927710843,
1563
+ "frac_reward_zero_std": 0.0,
1564
+ "grad_norm": 0.23591530323028564,
1565
+ "learning_rate": 1e-06,
1566
+ "loss": 0.0251,
1567
+ "num_tokens": 24894160.0,
1568
+ "reward": 2.490386962890625,
1569
+ "reward_std": 0.25365495681762695,
1570
+ "rewards/accuracy_reward/mean": 0.0,
1571
+ "rewards/accuracy_reward/std": 0.0,
1572
+ "rewards/icrm_reward/mean": 2.490386962890625,
1573
+ "rewards/icrm_reward/std": 0.3168938159942627,
1574
+ "step": 68
1575
+ },
1576
+ {
1577
+ "clip_ratio": 0.0,
1578
+ "completions/clipped_ratio": 0.025390625,
1579
+ "completions/max_length": 1536.0,
1580
+ "completions/max_terminated_length": 1526.0,
1581
+ "completions/mean_length": 769.4921875,
1582
+ "completions/mean_terminated_length": 749.5230712890625,
1583
+ "completions/min_length": 184.0,
1584
+ "completions/min_terminated_length": 184.0,
1585
+ "epoch": 0.051957831325301206,
1586
+ "frac_reward_zero_std": 0.0,
1587
+ "grad_norm": 0.20792824029922485,
1588
+ "learning_rate": 1e-06,
1589
+ "loss": 0.0559,
1590
+ "num_tokens": 25328156.0,
1591
+ "reward": 2.5142974853515625,
1592
+ "reward_std": 0.26831918954849243,
1593
+ "rewards/accuracy_reward/mean": 0.0,
1594
+ "rewards/accuracy_reward/std": 0.0,
1595
+ "rewards/icrm_reward/mean": 2.5142974853515625,
1596
+ "rewards/icrm_reward/std": 0.33375680446624756,
1597
+ "step": 69
1598
+ },
1599
+ {
1600
+ "clip_ratio": 0.0,
1601
+ "completions/clipped_ratio": 0.03515625,
1602
+ "completions/max_length": 1536.0,
1603
+ "completions/max_terminated_length": 1535.0,
1604
+ "completions/mean_length": 776.34765625,
1605
+ "completions/mean_terminated_length": 748.6680297851562,
1606
+ "completions/min_length": 233.0,
1607
+ "completions/min_terminated_length": 233.0,
1608
+ "epoch": 0.05271084337349398,
1609
+ "frac_reward_zero_std": 0.0,
1610
+ "grad_norm": 0.209881991147995,
1611
+ "learning_rate": 1e-06,
1612
+ "loss": 0.0291,
1613
+ "num_tokens": 25767454.0,
1614
+ "reward": 2.4936981201171875,
1615
+ "reward_std": 0.2859433889389038,
1616
+ "rewards/accuracy_reward/mean": 0.0,
1617
+ "rewards/accuracy_reward/std": 0.0,
1618
+ "rewards/icrm_reward/mean": 2.4936981201171875,
1619
+ "rewards/icrm_reward/std": 0.31998544931411743,
1620
+ "step": 70
1621
+ },
1622
+ {
1623
+ "clip_ratio": 0.0,
1624
+ "completions/clipped_ratio": 0.0234375,
1625
+ "completions/max_length": 1536.0,
1626
+ "completions/max_terminated_length": 1534.0,
1627
+ "completions/mean_length": 756.26953125,
1628
+ "completions/mean_terminated_length": 737.5560302734375,
1629
+ "completions/min_length": 224.0,
1630
+ "completions/min_terminated_length": 224.0,
1631
+ "epoch": 0.053463855421686746,
1632
+ "frac_reward_zero_std": 0.0,
1633
+ "grad_norm": 0.22324053943157196,
1634
+ "learning_rate": 1e-06,
1635
+ "loss": 0.0431,
1636
+ "num_tokens": 26204136.0,
1637
+ "reward": 2.529388427734375,
1638
+ "reward_std": 0.287563294172287,
1639
+ "rewards/accuracy_reward/mean": 0.0,
1640
+ "rewards/accuracy_reward/std": 0.0,
1641
+ "rewards/icrm_reward/mean": 2.529388427734375,
1642
+ "rewards/icrm_reward/std": 0.3346646726131439,
1643
+ "step": 71
1644
+ },
1645
+ {
1646
+ "clip_ratio": 0.0,
1647
+ "completions/clipped_ratio": 0.01171875,
1648
+ "completions/max_length": 1536.0,
1649
+ "completions/max_terminated_length": 1532.0,
1650
+ "completions/mean_length": 739.04296875,
1651
+ "completions/mean_terminated_length": 729.5928955078125,
1652
+ "completions/min_length": 246.0,
1653
+ "completions/min_terminated_length": 246.0,
1654
+ "epoch": 0.05421686746987952,
1655
+ "frac_reward_zero_std": 0.0,
1656
+ "grad_norm": 0.23168617486953735,
1657
+ "learning_rate": 1e-06,
1658
+ "loss": 0.0376,
1659
+ "num_tokens": 26628030.0,
1660
+ "reward": 2.5133209228515625,
1661
+ "reward_std": 0.2752232849597931,
1662
+ "rewards/accuracy_reward/mean": 0.0,
1663
+ "rewards/accuracy_reward/std": 0.0,
1664
+ "rewards/icrm_reward/mean": 2.5133209228515625,
1665
+ "rewards/icrm_reward/std": 0.32146480679512024,
1666
+ "step": 72
1667
+ },
1668
+ {
1669
+ "clip_ratio": 0.0,
1670
+ "completions/clipped_ratio": 0.0234375,
1671
+ "completions/max_length": 1536.0,
1672
+ "completions/max_terminated_length": 1535.0,
1673
+ "completions/mean_length": 801.69140625,
1674
+ "completions/mean_terminated_length": 784.0680541992188,
1675
+ "completions/min_length": 266.0,
1676
+ "completions/min_terminated_length": 266.0,
1677
+ "epoch": 0.054969879518072286,
1678
+ "frac_reward_zero_std": 0.0,
1679
+ "grad_norm": 0.21675075590610504,
1680
+ "learning_rate": 1e-06,
1681
+ "loss": 0.0333,
1682
+ "num_tokens": 27084016.0,
1683
+ "reward": 2.6229248046875,
1684
+ "reward_std": 0.29856833815574646,
1685
+ "rewards/accuracy_reward/mean": 0.0,
1686
+ "rewards/accuracy_reward/std": 0.0,
1687
+ "rewards/icrm_reward/mean": 2.6229248046875,
1688
+ "rewards/icrm_reward/std": 0.3686384856700897,
1689
+ "step": 73
1690
+ },
1691
+ {
1692
+ "clip_ratio": 0.0,
1693
+ "completions/clipped_ratio": 0.02734375,
1694
+ "completions/max_length": 1536.0,
1695
+ "completions/max_terminated_length": 1500.0,
1696
+ "completions/mean_length": 859.42578125,
1697
+ "completions/mean_terminated_length": 840.4055786132812,
1698
+ "completions/min_length": 290.0,
1699
+ "completions/min_terminated_length": 290.0,
1700
+ "epoch": 0.05572289156626506,
1701
+ "frac_reward_zero_std": 0.0,
1702
+ "grad_norm": 0.21499691903591156,
1703
+ "learning_rate": 1e-06,
1704
+ "loss": 0.0493,
1705
+ "num_tokens": 27565834.0,
1706
+ "reward": 2.593292236328125,
1707
+ "reward_std": 0.2805570960044861,
1708
+ "rewards/accuracy_reward/mean": 0.0,
1709
+ "rewards/accuracy_reward/std": 0.0,
1710
+ "rewards/icrm_reward/mean": 2.593292236328125,
1711
+ "rewards/icrm_reward/std": 0.36220526695251465,
1712
+ "step": 74
1713
+ },
1714
+ {
1715
+ "clip_ratio": 0.0,
1716
+ "completions/clipped_ratio": 0.01171875,
1717
+ "completions/max_length": 1536.0,
1718
+ "completions/max_terminated_length": 1518.0,
1719
+ "completions/mean_length": 773.33984375,
1720
+ "completions/mean_terminated_length": 764.2964477539062,
1721
+ "completions/min_length": 207.0,
1722
+ "completions/min_terminated_length": 207.0,
1723
+ "epoch": 0.05647590361445783,
1724
+ "frac_reward_zero_std": 0.0,
1725
+ "grad_norm": 0.2344229519367218,
1726
+ "learning_rate": 1e-06,
1727
+ "loss": 0.0423,
1728
+ "num_tokens": 28007656.0,
1729
+ "reward": 2.5948028564453125,
1730
+ "reward_std": 0.293756902217865,
1731
+ "rewards/accuracy_reward/mean": 0.0,
1732
+ "rewards/accuracy_reward/std": 0.0,
1733
+ "rewards/icrm_reward/mean": 2.5948028564453125,
1734
+ "rewards/icrm_reward/std": 0.3333764374256134,
1735
+ "step": 75
1736
+ },
1737
+ {
1738
+ "clip_ratio": 0.0,
1739
+ "completions/clipped_ratio": 0.04296875,
1740
+ "completions/max_length": 1536.0,
1741
+ "completions/max_terminated_length": 1534.0,
1742
+ "completions/mean_length": 817.533203125,
1743
+ "completions/mean_terminated_length": 785.2754516601562,
1744
+ "completions/min_length": 304.0,
1745
+ "completions/min_terminated_length": 304.0,
1746
+ "epoch": 0.0572289156626506,
1747
+ "frac_reward_zero_std": 0.0,
1748
+ "grad_norm": 0.22105208039283752,
1749
+ "learning_rate": 1e-06,
1750
+ "loss": 0.0472,
1751
+ "num_tokens": 28470185.0,
1752
+ "reward": 2.571807861328125,
1753
+ "reward_std": 0.3125259280204773,
1754
+ "rewards/accuracy_reward/mean": 0.0,
1755
+ "rewards/accuracy_reward/std": 0.0,
1756
+ "rewards/icrm_reward/mean": 2.571807861328125,
1757
+ "rewards/icrm_reward/std": 0.39160090684890747,
1758
+ "step": 76
1759
+ },
1760
+ {
1761
+ "clip_ratio": 0.0,
1762
+ "completions/clipped_ratio": 0.04296875,
1763
+ "completions/max_length": 1536.0,
1764
+ "completions/max_terminated_length": 1533.0,
1765
+ "completions/mean_length": 840.224609375,
1766
+ "completions/mean_terminated_length": 808.9856567382812,
1767
+ "completions/min_length": 392.0,
1768
+ "completions/min_terminated_length": 392.0,
1769
+ "epoch": 0.05798192771084337,
1770
+ "frac_reward_zero_std": 0.0,
1771
+ "grad_norm": 0.2159413844347,
1772
+ "learning_rate": 1e-06,
1773
+ "loss": 0.0593,
1774
+ "num_tokens": 28947228.0,
1775
+ "reward": 2.6000213623046875,
1776
+ "reward_std": 0.31856799125671387,
1777
+ "rewards/accuracy_reward/mean": 0.0,
1778
+ "rewards/accuracy_reward/std": 0.0,
1779
+ "rewards/icrm_reward/mean": 2.6000213623046875,
1780
+ "rewards/icrm_reward/std": 0.3859856426715851,
1781
+ "step": 77
1782
+ },
1783
+ {
1784
+ "clip_ratio": 0.0,
1785
+ "completions/clipped_ratio": 0.02734375,
1786
+ "completions/max_length": 1536.0,
1787
+ "completions/max_terminated_length": 1521.0,
1788
+ "completions/mean_length": 812.81640625,
1789
+ "completions/mean_terminated_length": 792.4859008789062,
1790
+ "completions/min_length": 220.0,
1791
+ "completions/min_terminated_length": 220.0,
1792
+ "epoch": 0.058734939759036146,
1793
+ "frac_reward_zero_std": 0.0,
1794
+ "grad_norm": 0.24093309044837952,
1795
+ "learning_rate": 1e-06,
1796
+ "loss": 0.0314,
1797
+ "num_tokens": 29408302.0,
1798
+ "reward": 2.6257476806640625,
1799
+ "reward_std": 0.29263830184936523,
1800
+ "rewards/accuracy_reward/mean": 0.0,
1801
+ "rewards/accuracy_reward/std": 0.0,
1802
+ "rewards/icrm_reward/mean": 2.6257476806640625,
1803
+ "rewards/icrm_reward/std": 0.36981090903282166,
1804
+ "step": 78
1805
+ },
1806
+ {
1807
+ "clip_ratio": 0.0,
1808
+ "completions/clipped_ratio": 0.076171875,
1809
+ "completions/max_length": 1536.0,
1810
+ "completions/max_terminated_length": 1530.0,
1811
+ "completions/mean_length": 920.380859375,
1812
+ "completions/mean_terminated_length": 869.62158203125,
1813
+ "completions/min_length": 319.0,
1814
+ "completions/min_terminated_length": 319.0,
1815
+ "epoch": 0.05948795180722891,
1816
+ "frac_reward_zero_std": 0.0,
1817
+ "grad_norm": 0.22334524989128113,
1818
+ "learning_rate": 1e-06,
1819
+ "loss": 0.0437,
1820
+ "num_tokens": 29929569.0,
1821
+ "reward": 2.54388427734375,
1822
+ "reward_std": 0.32523876428604126,
1823
+ "rewards/accuracy_reward/mean": 0.0,
1824
+ "rewards/accuracy_reward/std": 0.0,
1825
+ "rewards/icrm_reward/mean": 2.54388427734375,
1826
+ "rewards/icrm_reward/std": 0.43486225605010986,
1827
+ "step": 79
1828
+ },
1829
+ {
1830
+ "clip_ratio": 0.0,
1831
+ "completions/clipped_ratio": 0.041015625,
1832
+ "completions/max_length": 1536.0,
1833
+ "completions/max_terminated_length": 1536.0,
1834
+ "completions/mean_length": 916.134765625,
1835
+ "completions/mean_terminated_length": 889.623291015625,
1836
+ "completions/min_length": 270.0,
1837
+ "completions/min_terminated_length": 270.0,
1838
+ "epoch": 0.060240963855421686,
1839
+ "frac_reward_zero_std": 0.0,
1840
+ "grad_norm": 0.230862557888031,
1841
+ "learning_rate": 1e-06,
1842
+ "loss": 0.0692,
1843
+ "num_tokens": 30444198.0,
1844
+ "reward": 2.6412506103515625,
1845
+ "reward_std": 0.3409099280834198,
1846
+ "rewards/accuracy_reward/mean": 0.0,
1847
+ "rewards/accuracy_reward/std": 0.0,
1848
+ "rewards/icrm_reward/mean": 2.6412506103515625,
1849
+ "rewards/icrm_reward/std": 0.39923959970474243,
1850
+ "step": 80
1851
+ },
1852
+ {
1853
+ "clip_ratio": 0.0,
1854
+ "completions/clipped_ratio": 0.021484375,
1855
+ "completions/max_length": 1536.0,
1856
+ "completions/max_terminated_length": 1536.0,
1857
+ "completions/mean_length": 770.642578125,
1858
+ "completions/mean_terminated_length": 753.8383178710938,
1859
+ "completions/min_length": 183.0,
1860
+ "completions/min_terminated_length": 183.0,
1861
+ "epoch": 0.06099397590361446,
1862
+ "frac_reward_zero_std": 0.0,
1863
+ "grad_norm": 0.26526880264282227,
1864
+ "learning_rate": 1e-06,
1865
+ "loss": 0.0325,
1866
+ "num_tokens": 30882223.0,
1867
+ "reward": 2.6500091552734375,
1868
+ "reward_std": 0.31351447105407715,
1869
+ "rewards/accuracy_reward/mean": 0.0,
1870
+ "rewards/accuracy_reward/std": 0.0,
1871
+ "rewards/icrm_reward/mean": 2.6500091552734375,
1872
+ "rewards/icrm_reward/std": 0.37751612067222595,
1873
+ "step": 81
1874
+ },
1875
+ {
1876
+ "clip_ratio": 0.0,
1877
+ "completions/clipped_ratio": 0.005859375,
1878
+ "completions/max_length": 1536.0,
1879
+ "completions/max_terminated_length": 1524.0,
1880
+ "completions/mean_length": 793.802734375,
1881
+ "completions/mean_terminated_length": 789.4283447265625,
1882
+ "completions/min_length": 287.0,
1883
+ "completions/min_terminated_length": 287.0,
1884
+ "epoch": 0.061746987951807226,
1885
+ "frac_reward_zero_std": 0.0,
1886
+ "grad_norm": 0.2738642990589142,
1887
+ "learning_rate": 1e-06,
1888
+ "loss": 0.0415,
1889
+ "num_tokens": 31337226.0,
1890
+ "reward": 2.7096099853515625,
1891
+ "reward_std": 0.32019662857055664,
1892
+ "rewards/accuracy_reward/mean": 0.0,
1893
+ "rewards/accuracy_reward/std": 0.0,
1894
+ "rewards/icrm_reward/mean": 2.7096099853515625,
1895
+ "rewards/icrm_reward/std": 0.3571399450302124,
1896
+ "step": 82
1897
+ },
1898
+ {
1899
+ "clip_ratio": 0.0,
1900
+ "completions/clipped_ratio": 0.0234375,
1901
+ "completions/max_length": 1536.0,
1902
+ "completions/max_terminated_length": 1526.0,
1903
+ "completions/mean_length": 802.03125,
1904
+ "completions/mean_terminated_length": 784.416015625,
1905
+ "completions/min_length": 251.0,
1906
+ "completions/min_terminated_length": 251.0,
1907
+ "epoch": 0.0625,
1908
+ "frac_reward_zero_std": 0.0,
1909
+ "grad_norm": 0.29248520731925964,
1910
+ "learning_rate": 1e-06,
1911
+ "loss": 0.0371,
1912
+ "num_tokens": 31799898.0,
1913
+ "reward": 2.713287353515625,
1914
+ "reward_std": 0.30860912799835205,
1915
+ "rewards/accuracy_reward/mean": 0.0,
1916
+ "rewards/accuracy_reward/std": 0.0,
1917
+ "rewards/icrm_reward/mean": 2.713287353515625,
1918
+ "rewards/icrm_reward/std": 0.38378050923347473,
1919
+ "step": 83
1920
+ },
1921
+ {
1922
+ "clip_ratio": 0.0,
1923
+ "completions/clipped_ratio": 0.03125,
1924
+ "completions/max_length": 1536.0,
1925
+ "completions/max_terminated_length": 1533.0,
1926
+ "completions/mean_length": 831.005859375,
1927
+ "completions/mean_terminated_length": 808.2640991210938,
1928
+ "completions/min_length": 249.0,
1929
+ "completions/min_terminated_length": 249.0,
1930
+ "epoch": 0.06325301204819277,
1931
+ "frac_reward_zero_std": 0.0,
1932
+ "grad_norm": 0.2955339550971985,
1933
+ "learning_rate": 1e-06,
1934
+ "loss": 0.0373,
1935
+ "num_tokens": 32271437.0,
1936
+ "reward": 2.73077392578125,
1937
+ "reward_std": 0.34596526622772217,
1938
+ "rewards/accuracy_reward/mean": 0.0,
1939
+ "rewards/accuracy_reward/std": 0.0,
1940
+ "rewards/icrm_reward/mean": 2.73077392578125,
1941
+ "rewards/icrm_reward/std": 0.3958691656589508,
1942
+ "step": 84
1943
+ },
1944
+ {
1945
+ "clip_ratio": 0.0,
1946
+ "completions/clipped_ratio": 0.013671875,
1947
+ "completions/max_length": 1536.0,
1948
+ "completions/max_terminated_length": 1454.0,
1949
+ "completions/mean_length": 784.931640625,
1950
+ "completions/mean_terminated_length": 774.5208129882812,
1951
+ "completions/min_length": 231.0,
1952
+ "completions/min_terminated_length": 231.0,
1953
+ "epoch": 0.06400602409638555,
1954
+ "frac_reward_zero_std": 0.0,
1955
+ "grad_norm": 0.2862742841243744,
1956
+ "learning_rate": 1e-06,
1957
+ "loss": 0.0388,
1958
+ "num_tokens": 32717626.0,
1959
+ "reward": 2.7470855712890625,
1960
+ "reward_std": 0.3193947374820709,
1961
+ "rewards/accuracy_reward/mean": 0.0,
1962
+ "rewards/accuracy_reward/std": 0.0,
1963
+ "rewards/icrm_reward/mean": 2.7470855712890625,
1964
+ "rewards/icrm_reward/std": 0.377297043800354,
1965
+ "step": 85
1966
+ },
1967
+ {
1968
+ "clip_ratio": 0.0,
1969
+ "completions/clipped_ratio": 0.01171875,
1970
+ "completions/max_length": 1536.0,
1971
+ "completions/max_terminated_length": 1518.0,
1972
+ "completions/mean_length": 779.779296875,
1973
+ "completions/mean_terminated_length": 770.812255859375,
1974
+ "completions/min_length": 233.0,
1975
+ "completions/min_terminated_length": 233.0,
1976
+ "epoch": 0.06475903614457831,
1977
+ "frac_reward_zero_std": 0.0,
1978
+ "grad_norm": 0.27621668577194214,
1979
+ "learning_rate": 1e-06,
1980
+ "loss": 0.0273,
1981
+ "num_tokens": 33162073.0,
1982
+ "reward": 2.8101959228515625,
1983
+ "reward_std": 0.3282198905944824,
1984
+ "rewards/accuracy_reward/mean": 0.0,
1985
+ "rewards/accuracy_reward/std": 0.0,
1986
+ "rewards/icrm_reward/mean": 2.8101959228515625,
1987
+ "rewards/icrm_reward/std": 0.38994351029396057,
1988
+ "step": 86
1989
+ },
1990
+ {
1991
+ "clip_ratio": 0.0,
1992
+ "completions/clipped_ratio": 0.005859375,
1993
+ "completions/max_length": 1536.0,
1994
+ "completions/max_terminated_length": 1532.0,
1995
+ "completions/mean_length": 819.9453125,
1996
+ "completions/mean_terminated_length": 815.7249755859375,
1997
+ "completions/min_length": 299.0,
1998
+ "completions/min_terminated_length": 299.0,
1999
+ "epoch": 0.06551204819277108,
2000
+ "frac_reward_zero_std": 0.0,
2001
+ "grad_norm": 0.2889441251754761,
2002
+ "learning_rate": 1e-06,
2003
+ "loss": 0.0111,
2004
+ "num_tokens": 33630589.0,
2005
+ "reward": 2.8496246337890625,
2006
+ "reward_std": 0.31779032945632935,
2007
+ "rewards/accuracy_reward/mean": 0.0,
2008
+ "rewards/accuracy_reward/std": 0.0,
2009
+ "rewards/icrm_reward/mean": 2.8496246337890625,
2010
+ "rewards/icrm_reward/std": 0.3903903365135193,
2011
+ "step": 87
2012
+ },
2013
+ {
2014
+ "clip_ratio": 0.0,
2015
+ "completions/clipped_ratio": 0.0390625,
2016
+ "completions/max_length": 1536.0,
2017
+ "completions/max_terminated_length": 1536.0,
2018
+ "completions/mean_length": 808.7109375,
2019
+ "completions/mean_terminated_length": 779.1463012695312,
2020
+ "completions/min_length": 122.0,
2021
+ "completions/min_terminated_length": 122.0,
2022
+ "epoch": 0.06626506024096386,
2023
+ "frac_reward_zero_std": 0.0,
2024
+ "grad_norm": 0.32299426198005676,
2025
+ "learning_rate": 1e-06,
2026
+ "loss": 0.0374,
2027
+ "num_tokens": 34088185.0,
2028
+ "reward": 2.8147430419921875,
2029
+ "reward_std": 0.3786037564277649,
2030
+ "rewards/accuracy_reward/mean": 0.0,
2031
+ "rewards/accuracy_reward/std": 0.0,
2032
+ "rewards/icrm_reward/mean": 2.8147430419921875,
2033
+ "rewards/icrm_reward/std": 0.45253899693489075,
2034
+ "step": 88
2035
+ },
2036
+ {
2037
+ "clip_ratio": 0.0,
2038
+ "completions/clipped_ratio": 0.0390625,
2039
+ "completions/max_length": 1536.0,
2040
+ "completions/max_terminated_length": 1422.0,
2041
+ "completions/mean_length": 845.720703125,
2042
+ "completions/mean_terminated_length": 817.6605224609375,
2043
+ "completions/min_length": 100.0,
2044
+ "completions/min_terminated_length": 100.0,
2045
+ "epoch": 0.06701807228915663,
2046
+ "frac_reward_zero_std": 0.0,
2047
+ "grad_norm": 0.31927403807640076,
2048
+ "learning_rate": 1e-06,
2049
+ "loss": 0.0419,
2050
+ "num_tokens": 34564490.0,
2051
+ "reward": 2.8685455322265625,
2052
+ "reward_std": 0.4015999734401703,
2053
+ "rewards/accuracy_reward/mean": 0.0,
2054
+ "rewards/accuracy_reward/std": 0.0,
2055
+ "rewards/icrm_reward/mean": 2.8685455322265625,
2056
+ "rewards/icrm_reward/std": 0.462121844291687,
2057
+ "step": 89
2058
+ },
2059
+ {
2060
+ "clip_ratio": 0.0,
2061
+ "completions/clipped_ratio": 0.021484375,
2062
+ "completions/max_length": 1536.0,
2063
+ "completions/max_terminated_length": 1517.0,
2064
+ "completions/mean_length": 885.173828125,
2065
+ "completions/mean_terminated_length": 870.8842163085938,
2066
+ "completions/min_length": 153.0,
2067
+ "completions/min_terminated_length": 153.0,
2068
+ "epoch": 0.0677710843373494,
2069
+ "frac_reward_zero_std": 0.0,
2070
+ "grad_norm": 0.30388039350509644,
2071
+ "learning_rate": 1e-06,
2072
+ "loss": 0.0421,
2073
+ "num_tokens": 35065059.0,
2074
+ "reward": 2.9256591796875,
2075
+ "reward_std": 0.381799578666687,
2076
+ "rewards/accuracy_reward/mean": 0.0,
2077
+ "rewards/accuracy_reward/std": 0.0,
2078
+ "rewards/icrm_reward/mean": 2.9256591796875,
2079
+ "rewards/icrm_reward/std": 0.4587096571922302,
2080
+ "step": 90
2081
+ },
2082
+ {
2083
+ "clip_ratio": 0.0,
2084
+ "completions/clipped_ratio": 0.04296875,
2085
+ "completions/max_length": 1536.0,
2086
+ "completions/max_terminated_length": 1520.0,
2087
+ "completions/mean_length": 860.423828125,
2088
+ "completions/mean_terminated_length": 830.091796875,
2089
+ "completions/min_length": 93.0,
2090
+ "completions/min_terminated_length": 93.0,
2091
+ "epoch": 0.06852409638554217,
2092
+ "frac_reward_zero_std": 0.0,
2093
+ "grad_norm": 0.31677141785621643,
2094
+ "learning_rate": 1e-06,
2095
+ "loss": 0.0362,
2096
+ "num_tokens": 35548764.0,
2097
+ "reward": 2.9433441162109375,
2098
+ "reward_std": 0.4057391285896301,
2099
+ "rewards/accuracy_reward/mean": 0.0,
2100
+ "rewards/accuracy_reward/std": 0.0,
2101
+ "rewards/icrm_reward/mean": 2.9433441162109375,
2102
+ "rewards/icrm_reward/std": 0.4758445918560028,
2103
+ "step": 91
2104
+ },
2105
+ {
2106
+ "clip_ratio": 0.0,
2107
+ "completions/clipped_ratio": 0.0234375,
2108
+ "completions/max_length": 1536.0,
2109
+ "completions/max_terminated_length": 1499.0,
2110
+ "completions/mean_length": 880.548828125,
2111
+ "completions/mean_terminated_length": 864.8180541992188,
2112
+ "completions/min_length": 225.0,
2113
+ "completions/min_terminated_length": 225.0,
2114
+ "epoch": 0.06927710843373494,
2115
+ "frac_reward_zero_std": 0.0,
2116
+ "grad_norm": 0.2733721435070038,
2117
+ "learning_rate": 1e-06,
2118
+ "loss": 0.0376,
2119
+ "num_tokens": 36041157.0,
2120
+ "reward": 2.95556640625,
2121
+ "reward_std": 0.3688337206840515,
2122
+ "rewards/accuracy_reward/mean": 0.0,
2123
+ "rewards/accuracy_reward/std": 0.0,
2124
+ "rewards/icrm_reward/mean": 2.95556640625,
2125
+ "rewards/icrm_reward/std": 0.42398521304130554,
2126
+ "step": 92
2127
+ },
2128
+ {
2129
+ "clip_ratio": 0.0,
2130
+ "completions/clipped_ratio": 0.017578125,
2131
+ "completions/max_length": 1536.0,
2132
+ "completions/max_terminated_length": 1535.0,
2133
+ "completions/mean_length": 882.771484375,
2134
+ "completions/mean_terminated_length": 871.0834350585938,
2135
+ "completions/min_length": 266.0,
2136
+ "completions/min_terminated_length": 266.0,
2137
+ "epoch": 0.07003012048192771,
2138
+ "frac_reward_zero_std": 0.0,
2139
+ "grad_norm": 0.30676305294036865,
2140
+ "learning_rate": 1e-06,
2141
+ "loss": 0.0245,
2142
+ "num_tokens": 36536928.0,
2143
+ "reward": 2.928802490234375,
2144
+ "reward_std": 0.37581419944763184,
2145
+ "rewards/accuracy_reward/mean": 0.0,
2146
+ "rewards/accuracy_reward/std": 0.0,
2147
+ "rewards/icrm_reward/mean": 2.928802490234375,
2148
+ "rewards/icrm_reward/std": 0.4320792555809021,
2149
+ "step": 93
2150
+ },
2151
+ {
2152
+ "clip_ratio": 0.0,
2153
+ "completions/clipped_ratio": 0.0234375,
2154
+ "completions/max_length": 1536.0,
2155
+ "completions/max_terminated_length": 1533.0,
2156
+ "completions/mean_length": 912.806640625,
2157
+ "completions/mean_terminated_length": 897.8500366210938,
2158
+ "completions/min_length": 152.0,
2159
+ "completions/min_terminated_length": 152.0,
2160
+ "epoch": 0.07078313253012049,
2161
+ "frac_reward_zero_std": 0.0,
2162
+ "grad_norm": 0.2867027521133423,
2163
+ "learning_rate": 1e-06,
2164
+ "loss": 0.0418,
2165
+ "num_tokens": 37049405.0,
2166
+ "reward": 3.07061767578125,
2167
+ "reward_std": 0.38050028681755066,
2168
+ "rewards/accuracy_reward/mean": 0.0,
2169
+ "rewards/accuracy_reward/std": 0.0,
2170
+ "rewards/icrm_reward/mean": 3.07061767578125,
2171
+ "rewards/icrm_reward/std": 0.4632287621498108,
2172
+ "step": 94
2173
+ },
2174
+ {
2175
+ "clip_ratio": 0.0,
2176
+ "completions/clipped_ratio": 0.01953125,
2177
+ "completions/max_length": 1536.0,
2178
+ "completions/max_terminated_length": 1530.0,
2179
+ "completions/mean_length": 887.109375,
2180
+ "completions/mean_terminated_length": 874.1832885742188,
2181
+ "completions/min_length": 173.0,
2182
+ "completions/min_terminated_length": 173.0,
2183
+ "epoch": 0.07153614457831325,
2184
+ "frac_reward_zero_std": 0.0,
2185
+ "grad_norm": 0.3053477108478546,
2186
+ "learning_rate": 1e-06,
2187
+ "loss": 0.0042,
2188
+ "num_tokens": 37546421.0,
2189
+ "reward": 3.01019287109375,
2190
+ "reward_std": 0.4029240608215332,
2191
+ "rewards/accuracy_reward/mean": 0.0,
2192
+ "rewards/accuracy_reward/std": 0.0,
2193
+ "rewards/icrm_reward/mean": 3.01019287109375,
2194
+ "rewards/icrm_reward/std": 0.46473872661590576,
2195
+ "step": 95
2196
+ },
2197
+ {
2198
+ "clip_ratio": 0.0,
2199
+ "completions/clipped_ratio": 0.0234375,
2200
+ "completions/max_length": 1536.0,
2201
+ "completions/max_terminated_length": 1536.0,
2202
+ "completions/mean_length": 895.69921875,
2203
+ "completions/mean_terminated_length": 880.33203125,
2204
+ "completions/min_length": 352.0,
2205
+ "completions/min_terminated_length": 352.0,
2206
+ "epoch": 0.07228915662650602,
2207
+ "frac_reward_zero_std": 0.0,
2208
+ "grad_norm": 0.3111552894115448,
2209
+ "learning_rate": 1e-06,
2210
+ "loss": 0.0166,
2211
+ "num_tokens": 38050571.0,
2212
+ "reward": 3.07513427734375,
2213
+ "reward_std": 0.3884848952293396,
2214
+ "rewards/accuracy_reward/mean": 0.0,
2215
+ "rewards/accuracy_reward/std": 0.0,
2216
+ "rewards/icrm_reward/mean": 3.07513427734375,
2217
+ "rewards/icrm_reward/std": 0.47221118211746216,
2218
+ "step": 96
2219
+ },
2220
+ {
2221
+ "clip_ratio": 0.0,
2222
+ "completions/clipped_ratio": 0.03125,
2223
+ "completions/max_length": 1536.0,
2224
+ "completions/max_terminated_length": 1512.0,
2225
+ "completions/mean_length": 902.5625,
2226
+ "completions/mean_terminated_length": 882.1290283203125,
2227
+ "completions/min_length": 445.0,
2228
+ "completions/min_terminated_length": 445.0,
2229
+ "epoch": 0.0730421686746988,
2230
+ "frac_reward_zero_std": 0.0,
2231
+ "grad_norm": 0.272835373878479,
2232
+ "learning_rate": 1e-06,
2233
+ "loss": 0.0133,
2234
+ "num_tokens": 38557883.0,
2235
+ "reward": 3.056396484375,
2236
+ "reward_std": 0.4365222454071045,
2237
+ "rewards/accuracy_reward/mean": 0.0,
2238
+ "rewards/accuracy_reward/std": 0.0,
2239
+ "rewards/icrm_reward/mean": 3.056396484375,
2240
+ "rewards/icrm_reward/std": 0.5650331974029541,
2241
+ "step": 97
2242
+ },
2243
+ {
2244
+ "clip_ratio": 0.0,
2245
+ "completions/clipped_ratio": 0.005859375,
2246
+ "completions/max_length": 1536.0,
2247
+ "completions/max_terminated_length": 1490.0,
2248
+ "completions/mean_length": 836.984375,
2249
+ "completions/mean_terminated_length": 832.8644409179688,
2250
+ "completions/min_length": 202.0,
2251
+ "completions/min_terminated_length": 202.0,
2252
+ "epoch": 0.07379518072289157,
2253
+ "frac_reward_zero_std": 0.0,
2254
+ "grad_norm": 0.32397598028182983,
2255
+ "learning_rate": 1e-06,
2256
+ "loss": 0.0132,
2257
+ "num_tokens": 39035331.0,
2258
+ "reward": 3.0126800537109375,
2259
+ "reward_std": 0.3690912127494812,
2260
+ "rewards/accuracy_reward/mean": 0.0,
2261
+ "rewards/accuracy_reward/std": 0.0,
2262
+ "rewards/icrm_reward/mean": 3.0126800537109375,
2263
+ "rewards/icrm_reward/std": 0.45690035820007324,
2264
+ "step": 98
2265
+ },
2266
+ {
2267
+ "clip_ratio": 0.0,
2268
+ "completions/clipped_ratio": 0.0078125,
2269
+ "completions/max_length": 1536.0,
2270
+ "completions/max_terminated_length": 1495.0,
2271
+ "completions/mean_length": 909.12890625,
2272
+ "completions/mean_terminated_length": 904.1929321289062,
2273
+ "completions/min_length": 354.0,
2274
+ "completions/min_terminated_length": 354.0,
2275
+ "epoch": 0.07454819277108433,
2276
+ "frac_reward_zero_std": 0.0,
2277
+ "grad_norm": 0.2951310873031616,
2278
+ "learning_rate": 1e-06,
2279
+ "loss": -0.0122,
2280
+ "num_tokens": 39545477.0,
2281
+ "reward": 3.144927978515625,
2282
+ "reward_std": 0.367910236120224,
2283
+ "rewards/accuracy_reward/mean": 0.0,
2284
+ "rewards/accuracy_reward/std": 0.0,
2285
+ "rewards/icrm_reward/mean": 3.144927978515625,
2286
+ "rewards/icrm_reward/std": 0.42396417260169983,
2287
+ "step": 99
2288
+ },
2289
+ {
2290
+ "clip_ratio": 0.0,
2291
+ "completions/clipped_ratio": 0.025390625,
2292
+ "completions/max_length": 1536.0,
2293
+ "completions/max_terminated_length": 1527.0,
2294
+ "completions/mean_length": 900.78515625,
2295
+ "completions/mean_terminated_length": 884.2365112304688,
2296
+ "completions/min_length": 324.0,
2297
+ "completions/min_terminated_length": 324.0,
2298
+ "epoch": 0.07530120481927711,
2299
+ "frac_reward_zero_std": 0.0,
2300
+ "grad_norm": 0.28665030002593994,
2301
+ "learning_rate": 1e-06,
2302
+ "loss": 0.0229,
2303
+ "num_tokens": 40053143.0,
2304
+ "reward": 3.1378173828125,
2305
+ "reward_std": 0.40286144614219666,
2306
+ "rewards/accuracy_reward/mean": 0.0,
2307
+ "rewards/accuracy_reward/std": 0.0,
2308
+ "rewards/icrm_reward/mean": 3.1378173828125,
2309
+ "rewards/icrm_reward/std": 0.4643743336200714,
2310
+ "step": 100
2311
+ }
2312
+ ],
2313
+ "logging_steps": 1,
2314
+ "max_steps": 1328,
2315
+ "num_input_tokens_seen": 40053143,
2316
+ "num_train_epochs": 1,
2317
+ "save_steps": 50,
2318
+ "stateful_callbacks": {
2319
+ "TrainerControl": {
2320
+ "args": {
2321
+ "should_epoch_stop": false,
2322
+ "should_evaluate": false,
2323
+ "should_log": false,
2324
+ "should_save": true,
2325
+ "should_training_stop": false
2326
+ },
2327
+ "attributes": {}
2328
+ }
2329
+ },
2330
+ "total_flos": 0.0,
2331
+ "train_batch_size": 64,
2332
+ "trial_name": null,
2333
+ "trial_params": null
2334
+ }
checkpoint-100/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:430d97a31331bdd0a6f3fc11a59e3059e538a16f64586546cad1520a49efbd16
3
+ size 7185
checkpoint-100/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-50/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-50/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-50/config.json ADDED
@@ -0,0 +1,66 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "architectures": [
3
+ "Qwen2ForCausalLM"
4
+ ],
5
+ "attention_dropout": 0.0,
6
+ "bos_token_id": 151643,
7
+ "eos_token_id": 151645,
8
+ "hidden_act": "silu",
9
+ "hidden_size": 2048,
10
+ "initializer_range": 0.02,
11
+ "intermediate_size": 11008,
12
+ "layer_types": [
13
+ "full_attention",
14
+ "full_attention",
15
+ "full_attention",
16
+ "full_attention",
17
+ "full_attention",
18
+ "full_attention",
19
+ "full_attention",
20
+ "full_attention",
21
+ "full_attention",
22
+ "full_attention",
23
+ "full_attention",
24
+ "full_attention",
25
+ "full_attention",
26
+ "full_attention",
27
+ "full_attention",
28
+ "full_attention",
29
+ "full_attention",
30
+ "full_attention",
31
+ "full_attention",
32
+ "full_attention",
33
+ "full_attention",
34
+ "full_attention",
35
+ "full_attention",
36
+ "full_attention",
37
+ "full_attention",
38
+ "full_attention",
39
+ "full_attention",
40
+ "full_attention",
41
+ "full_attention",
42
+ "full_attention",
43
+ "full_attention",
44
+ "full_attention",
45
+ "full_attention",
46
+ "full_attention",
47
+ "full_attention",
48
+ "full_attention"
49
+ ],
50
+ "max_position_embeddings": 32768,
51
+ "max_window_layers": 70,
52
+ "model_type": "qwen2",
53
+ "num_attention_heads": 16,
54
+ "num_hidden_layers": 36,
55
+ "num_key_value_heads": 2,
56
+ "rms_norm_eps": 1e-06,
57
+ "rope_scaling": null,
58
+ "rope_theta": 1000000.0,
59
+ "sliding_window": null,
60
+ "tie_word_embeddings": true,
61
+ "torch_dtype": "float32",
62
+ "transformers_version": "4.55.2",
63
+ "use_cache": true,
64
+ "use_sliding_window": false,
65
+ "vocab_size": 151936
66
+ }
checkpoint-50/generation_config.json ADDED
@@ -0,0 +1,14 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token_id": 151643,
3
+ "do_sample": true,
4
+ "eos_token_id": [
5
+ 151645,
6
+ 151643
7
+ ],
8
+ "pad_token_id": 151643,
9
+ "repetition_penalty": 1.05,
10
+ "temperature": 0.7,
11
+ "top_k": 20,
12
+ "top_p": 0.8,
13
+ "transformers_version": "4.55.2"
14
+ }
checkpoint-50/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
checkpoint-50/model-00001-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:4e93b6b721368b05f85e7b3263688d0e46e25f3e298f047cd5b65dff53aa3481
3
+ size 4982131536
checkpoint-50/model-00002-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:25227739711f8ed3e2ac3ee8dad6f1bedbdd0f77189beb83f4bd65ad86c8c726
3
+ size 4932949336
checkpoint-50/model-00003-of-00003.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:495f5056f6b8fab9a63bc9d4baa4b19f196d1a5e41c75ddeed79097ec12b36d4
3
+ size 3673383040
checkpoint-50/model.safetensors.index.json ADDED
@@ -0,0 +1,443 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "metadata": {
3
+ "total_parameters": 771484672,
4
+ "total_size": 13588414464
5
+ },
6
+ "weight_map": {
7
+ "lm_head.weight": "model-00003-of-00003.safetensors",
8
+ "model.embed_tokens.weight": "model-00001-of-00003.safetensors",
9
+ "model.layers.0.input_layernorm.weight": "model-00001-of-00003.safetensors",
10
+ "model.layers.0.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
11
+ "model.layers.0.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
12
+ "model.layers.0.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
13
+ "model.layers.0.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
14
+ "model.layers.0.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
15
+ "model.layers.0.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
16
+ "model.layers.0.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
17
+ "model.layers.0.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
18
+ "model.layers.0.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
19
+ "model.layers.0.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
20
+ "model.layers.0.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
21
+ "model.layers.1.input_layernorm.weight": "model-00001-of-00003.safetensors",
22
+ "model.layers.1.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
23
+ "model.layers.1.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
24
+ "model.layers.1.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
25
+ "model.layers.1.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
26
+ "model.layers.1.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
27
+ "model.layers.1.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
28
+ "model.layers.1.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
29
+ "model.layers.1.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
30
+ "model.layers.1.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
31
+ "model.layers.1.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
32
+ "model.layers.1.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
33
+ "model.layers.10.input_layernorm.weight": "model-00001-of-00003.safetensors",
34
+ "model.layers.10.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
35
+ "model.layers.10.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
36
+ "model.layers.10.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
37
+ "model.layers.10.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
38
+ "model.layers.10.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
39
+ "model.layers.10.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
40
+ "model.layers.10.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
41
+ "model.layers.10.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
42
+ "model.layers.10.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
43
+ "model.layers.10.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
44
+ "model.layers.10.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
45
+ "model.layers.11.input_layernorm.weight": "model-00001-of-00003.safetensors",
46
+ "model.layers.11.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
47
+ "model.layers.11.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
48
+ "model.layers.11.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
49
+ "model.layers.11.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
50
+ "model.layers.11.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
51
+ "model.layers.11.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
52
+ "model.layers.11.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
53
+ "model.layers.11.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
54
+ "model.layers.11.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
55
+ "model.layers.11.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
56
+ "model.layers.11.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
57
+ "model.layers.12.input_layernorm.weight": "model-00002-of-00003.safetensors",
58
+ "model.layers.12.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
59
+ "model.layers.12.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
60
+ "model.layers.12.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
61
+ "model.layers.12.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
62
+ "model.layers.12.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
63
+ "model.layers.12.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
64
+ "model.layers.12.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
65
+ "model.layers.12.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
66
+ "model.layers.12.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
67
+ "model.layers.12.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
68
+ "model.layers.12.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
69
+ "model.layers.13.input_layernorm.weight": "model-00002-of-00003.safetensors",
70
+ "model.layers.13.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
71
+ "model.layers.13.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
72
+ "model.layers.13.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
73
+ "model.layers.13.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
74
+ "model.layers.13.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
75
+ "model.layers.13.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
76
+ "model.layers.13.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
77
+ "model.layers.13.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
78
+ "model.layers.13.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
79
+ "model.layers.13.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
80
+ "model.layers.13.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
81
+ "model.layers.14.input_layernorm.weight": "model-00002-of-00003.safetensors",
82
+ "model.layers.14.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
83
+ "model.layers.14.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
84
+ "model.layers.14.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
85
+ "model.layers.14.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
86
+ "model.layers.14.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
87
+ "model.layers.14.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
88
+ "model.layers.14.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
89
+ "model.layers.14.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
90
+ "model.layers.14.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
91
+ "model.layers.14.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
92
+ "model.layers.14.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
93
+ "model.layers.15.input_layernorm.weight": "model-00002-of-00003.safetensors",
94
+ "model.layers.15.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
95
+ "model.layers.15.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
96
+ "model.layers.15.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
97
+ "model.layers.15.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
98
+ "model.layers.15.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
99
+ "model.layers.15.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
100
+ "model.layers.15.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
101
+ "model.layers.15.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
102
+ "model.layers.15.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
103
+ "model.layers.15.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
104
+ "model.layers.15.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
105
+ "model.layers.16.input_layernorm.weight": "model-00002-of-00003.safetensors",
106
+ "model.layers.16.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
107
+ "model.layers.16.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
108
+ "model.layers.16.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
109
+ "model.layers.16.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
110
+ "model.layers.16.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
111
+ "model.layers.16.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
112
+ "model.layers.16.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
113
+ "model.layers.16.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
114
+ "model.layers.16.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
115
+ "model.layers.16.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
116
+ "model.layers.16.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
117
+ "model.layers.17.input_layernorm.weight": "model-00002-of-00003.safetensors",
118
+ "model.layers.17.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
119
+ "model.layers.17.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
120
+ "model.layers.17.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
121
+ "model.layers.17.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
122
+ "model.layers.17.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
123
+ "model.layers.17.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
124
+ "model.layers.17.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
125
+ "model.layers.17.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
126
+ "model.layers.17.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
127
+ "model.layers.17.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
128
+ "model.layers.17.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
129
+ "model.layers.18.input_layernorm.weight": "model-00002-of-00003.safetensors",
130
+ "model.layers.18.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
131
+ "model.layers.18.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
132
+ "model.layers.18.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
133
+ "model.layers.18.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
134
+ "model.layers.18.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
135
+ "model.layers.18.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
136
+ "model.layers.18.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
137
+ "model.layers.18.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
138
+ "model.layers.18.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
139
+ "model.layers.18.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
140
+ "model.layers.18.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
141
+ "model.layers.19.input_layernorm.weight": "model-00002-of-00003.safetensors",
142
+ "model.layers.19.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
143
+ "model.layers.19.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
144
+ "model.layers.19.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
145
+ "model.layers.19.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
146
+ "model.layers.19.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
147
+ "model.layers.19.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
148
+ "model.layers.19.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
149
+ "model.layers.19.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
150
+ "model.layers.19.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
151
+ "model.layers.19.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
152
+ "model.layers.19.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
153
+ "model.layers.2.input_layernorm.weight": "model-00001-of-00003.safetensors",
154
+ "model.layers.2.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
155
+ "model.layers.2.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
156
+ "model.layers.2.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
157
+ "model.layers.2.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
158
+ "model.layers.2.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
159
+ "model.layers.2.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
160
+ "model.layers.2.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
161
+ "model.layers.2.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
162
+ "model.layers.2.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
163
+ "model.layers.2.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
164
+ "model.layers.2.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
165
+ "model.layers.20.input_layernorm.weight": "model-00002-of-00003.safetensors",
166
+ "model.layers.20.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
167
+ "model.layers.20.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
168
+ "model.layers.20.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
169
+ "model.layers.20.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
170
+ "model.layers.20.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
171
+ "model.layers.20.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
172
+ "model.layers.20.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
173
+ "model.layers.20.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
174
+ "model.layers.20.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
175
+ "model.layers.20.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
176
+ "model.layers.20.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
177
+ "model.layers.21.input_layernorm.weight": "model-00002-of-00003.safetensors",
178
+ "model.layers.21.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
179
+ "model.layers.21.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
180
+ "model.layers.21.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
181
+ "model.layers.21.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
182
+ "model.layers.21.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
183
+ "model.layers.21.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
184
+ "model.layers.21.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
185
+ "model.layers.21.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
186
+ "model.layers.21.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
187
+ "model.layers.21.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
188
+ "model.layers.21.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
189
+ "model.layers.22.input_layernorm.weight": "model-00002-of-00003.safetensors",
190
+ "model.layers.22.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
191
+ "model.layers.22.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
192
+ "model.layers.22.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
193
+ "model.layers.22.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
194
+ "model.layers.22.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
195
+ "model.layers.22.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
196
+ "model.layers.22.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
197
+ "model.layers.22.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
198
+ "model.layers.22.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
199
+ "model.layers.22.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
200
+ "model.layers.22.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
201
+ "model.layers.23.input_layernorm.weight": "model-00002-of-00003.safetensors",
202
+ "model.layers.23.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
203
+ "model.layers.23.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
204
+ "model.layers.23.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
205
+ "model.layers.23.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
206
+ "model.layers.23.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
207
+ "model.layers.23.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
208
+ "model.layers.23.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
209
+ "model.layers.23.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
210
+ "model.layers.23.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
211
+ "model.layers.23.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
212
+ "model.layers.23.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
213
+ "model.layers.24.input_layernorm.weight": "model-00002-of-00003.safetensors",
214
+ "model.layers.24.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
215
+ "model.layers.24.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
216
+ "model.layers.24.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
217
+ "model.layers.24.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
218
+ "model.layers.24.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
219
+ "model.layers.24.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
220
+ "model.layers.24.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
221
+ "model.layers.24.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
222
+ "model.layers.24.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
223
+ "model.layers.24.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
224
+ "model.layers.24.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
225
+ "model.layers.25.input_layernorm.weight": "model-00002-of-00003.safetensors",
226
+ "model.layers.25.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
227
+ "model.layers.25.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
228
+ "model.layers.25.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
229
+ "model.layers.25.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
230
+ "model.layers.25.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
231
+ "model.layers.25.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
232
+ "model.layers.25.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
233
+ "model.layers.25.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
234
+ "model.layers.25.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
235
+ "model.layers.25.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
236
+ "model.layers.25.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
237
+ "model.layers.26.input_layernorm.weight": "model-00002-of-00003.safetensors",
238
+ "model.layers.26.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
239
+ "model.layers.26.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
240
+ "model.layers.26.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
241
+ "model.layers.26.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
242
+ "model.layers.26.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
243
+ "model.layers.26.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
244
+ "model.layers.26.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
245
+ "model.layers.26.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
246
+ "model.layers.26.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
247
+ "model.layers.26.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
248
+ "model.layers.26.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
249
+ "model.layers.27.input_layernorm.weight": "model-00002-of-00003.safetensors",
250
+ "model.layers.27.mlp.down_proj.weight": "model-00002-of-00003.safetensors",
251
+ "model.layers.27.mlp.gate_proj.weight": "model-00002-of-00003.safetensors",
252
+ "model.layers.27.mlp.up_proj.weight": "model-00002-of-00003.safetensors",
253
+ "model.layers.27.post_attention_layernorm.weight": "model-00002-of-00003.safetensors",
254
+ "model.layers.27.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
255
+ "model.layers.27.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
256
+ "model.layers.27.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
257
+ "model.layers.27.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
258
+ "model.layers.27.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
259
+ "model.layers.27.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
260
+ "model.layers.27.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
261
+ "model.layers.28.input_layernorm.weight": "model-00003-of-00003.safetensors",
262
+ "model.layers.28.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
263
+ "model.layers.28.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
264
+ "model.layers.28.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
265
+ "model.layers.28.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
266
+ "model.layers.28.self_attn.k_proj.bias": "model-00002-of-00003.safetensors",
267
+ "model.layers.28.self_attn.k_proj.weight": "model-00002-of-00003.safetensors",
268
+ "model.layers.28.self_attn.o_proj.weight": "model-00002-of-00003.safetensors",
269
+ "model.layers.28.self_attn.q_proj.bias": "model-00002-of-00003.safetensors",
270
+ "model.layers.28.self_attn.q_proj.weight": "model-00002-of-00003.safetensors",
271
+ "model.layers.28.self_attn.v_proj.bias": "model-00002-of-00003.safetensors",
272
+ "model.layers.28.self_attn.v_proj.weight": "model-00002-of-00003.safetensors",
273
+ "model.layers.29.input_layernorm.weight": "model-00003-of-00003.safetensors",
274
+ "model.layers.29.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
275
+ "model.layers.29.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
276
+ "model.layers.29.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
277
+ "model.layers.29.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
278
+ "model.layers.29.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
279
+ "model.layers.29.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
280
+ "model.layers.29.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
281
+ "model.layers.29.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
282
+ "model.layers.29.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
283
+ "model.layers.29.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
284
+ "model.layers.29.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
285
+ "model.layers.3.input_layernorm.weight": "model-00001-of-00003.safetensors",
286
+ "model.layers.3.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
287
+ "model.layers.3.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
288
+ "model.layers.3.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
289
+ "model.layers.3.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
290
+ "model.layers.3.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
291
+ "model.layers.3.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
292
+ "model.layers.3.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
293
+ "model.layers.3.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
294
+ "model.layers.3.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
295
+ "model.layers.3.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
296
+ "model.layers.3.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
297
+ "model.layers.30.input_layernorm.weight": "model-00003-of-00003.safetensors",
298
+ "model.layers.30.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
299
+ "model.layers.30.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
300
+ "model.layers.30.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
301
+ "model.layers.30.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
302
+ "model.layers.30.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
303
+ "model.layers.30.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
304
+ "model.layers.30.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
305
+ "model.layers.30.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
306
+ "model.layers.30.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
307
+ "model.layers.30.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
308
+ "model.layers.30.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
309
+ "model.layers.31.input_layernorm.weight": "model-00003-of-00003.safetensors",
310
+ "model.layers.31.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
311
+ "model.layers.31.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
312
+ "model.layers.31.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
313
+ "model.layers.31.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
314
+ "model.layers.31.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
315
+ "model.layers.31.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
316
+ "model.layers.31.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
317
+ "model.layers.31.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
318
+ "model.layers.31.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
319
+ "model.layers.31.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
320
+ "model.layers.31.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
321
+ "model.layers.32.input_layernorm.weight": "model-00003-of-00003.safetensors",
322
+ "model.layers.32.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
323
+ "model.layers.32.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
324
+ "model.layers.32.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
325
+ "model.layers.32.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
326
+ "model.layers.32.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
327
+ "model.layers.32.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
328
+ "model.layers.32.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
329
+ "model.layers.32.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
330
+ "model.layers.32.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
331
+ "model.layers.32.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
332
+ "model.layers.32.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
333
+ "model.layers.33.input_layernorm.weight": "model-00003-of-00003.safetensors",
334
+ "model.layers.33.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
335
+ "model.layers.33.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
336
+ "model.layers.33.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
337
+ "model.layers.33.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
338
+ "model.layers.33.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
339
+ "model.layers.33.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
340
+ "model.layers.33.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
341
+ "model.layers.33.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
342
+ "model.layers.33.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
343
+ "model.layers.33.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
344
+ "model.layers.33.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
345
+ "model.layers.34.input_layernorm.weight": "model-00003-of-00003.safetensors",
346
+ "model.layers.34.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
347
+ "model.layers.34.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
348
+ "model.layers.34.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
349
+ "model.layers.34.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
350
+ "model.layers.34.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
351
+ "model.layers.34.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
352
+ "model.layers.34.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
353
+ "model.layers.34.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
354
+ "model.layers.34.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
355
+ "model.layers.34.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
356
+ "model.layers.34.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
357
+ "model.layers.35.input_layernorm.weight": "model-00003-of-00003.safetensors",
358
+ "model.layers.35.mlp.down_proj.weight": "model-00003-of-00003.safetensors",
359
+ "model.layers.35.mlp.gate_proj.weight": "model-00003-of-00003.safetensors",
360
+ "model.layers.35.mlp.up_proj.weight": "model-00003-of-00003.safetensors",
361
+ "model.layers.35.post_attention_layernorm.weight": "model-00003-of-00003.safetensors",
362
+ "model.layers.35.self_attn.k_proj.bias": "model-00003-of-00003.safetensors",
363
+ "model.layers.35.self_attn.k_proj.weight": "model-00003-of-00003.safetensors",
364
+ "model.layers.35.self_attn.o_proj.weight": "model-00003-of-00003.safetensors",
365
+ "model.layers.35.self_attn.q_proj.bias": "model-00003-of-00003.safetensors",
366
+ "model.layers.35.self_attn.q_proj.weight": "model-00003-of-00003.safetensors",
367
+ "model.layers.35.self_attn.v_proj.bias": "model-00003-of-00003.safetensors",
368
+ "model.layers.35.self_attn.v_proj.weight": "model-00003-of-00003.safetensors",
369
+ "model.layers.4.input_layernorm.weight": "model-00001-of-00003.safetensors",
370
+ "model.layers.4.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
371
+ "model.layers.4.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
372
+ "model.layers.4.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
373
+ "model.layers.4.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
374
+ "model.layers.4.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
375
+ "model.layers.4.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
376
+ "model.layers.4.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
377
+ "model.layers.4.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
378
+ "model.layers.4.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
379
+ "model.layers.4.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
380
+ "model.layers.4.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
381
+ "model.layers.5.input_layernorm.weight": "model-00001-of-00003.safetensors",
382
+ "model.layers.5.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
383
+ "model.layers.5.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
384
+ "model.layers.5.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
385
+ "model.layers.5.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
386
+ "model.layers.5.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
387
+ "model.layers.5.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
388
+ "model.layers.5.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
389
+ "model.layers.5.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
390
+ "model.layers.5.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
391
+ "model.layers.5.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
392
+ "model.layers.5.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
393
+ "model.layers.6.input_layernorm.weight": "model-00001-of-00003.safetensors",
394
+ "model.layers.6.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
395
+ "model.layers.6.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
396
+ "model.layers.6.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
397
+ "model.layers.6.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
398
+ "model.layers.6.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
399
+ "model.layers.6.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
400
+ "model.layers.6.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
401
+ "model.layers.6.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
402
+ "model.layers.6.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
403
+ "model.layers.6.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
404
+ "model.layers.6.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
405
+ "model.layers.7.input_layernorm.weight": "model-00001-of-00003.safetensors",
406
+ "model.layers.7.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
407
+ "model.layers.7.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
408
+ "model.layers.7.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
409
+ "model.layers.7.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
410
+ "model.layers.7.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
411
+ "model.layers.7.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
412
+ "model.layers.7.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
413
+ "model.layers.7.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
414
+ "model.layers.7.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
415
+ "model.layers.7.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
416
+ "model.layers.7.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
417
+ "model.layers.8.input_layernorm.weight": "model-00001-of-00003.safetensors",
418
+ "model.layers.8.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
419
+ "model.layers.8.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
420
+ "model.layers.8.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
421
+ "model.layers.8.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
422
+ "model.layers.8.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
423
+ "model.layers.8.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
424
+ "model.layers.8.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
425
+ "model.layers.8.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
426
+ "model.layers.8.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
427
+ "model.layers.8.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
428
+ "model.layers.8.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
429
+ "model.layers.9.input_layernorm.weight": "model-00001-of-00003.safetensors",
430
+ "model.layers.9.mlp.down_proj.weight": "model-00001-of-00003.safetensors",
431
+ "model.layers.9.mlp.gate_proj.weight": "model-00001-of-00003.safetensors",
432
+ "model.layers.9.mlp.up_proj.weight": "model-00001-of-00003.safetensors",
433
+ "model.layers.9.post_attention_layernorm.weight": "model-00001-of-00003.safetensors",
434
+ "model.layers.9.self_attn.k_proj.bias": "model-00001-of-00003.safetensors",
435
+ "model.layers.9.self_attn.k_proj.weight": "model-00001-of-00003.safetensors",
436
+ "model.layers.9.self_attn.o_proj.weight": "model-00001-of-00003.safetensors",
437
+ "model.layers.9.self_attn.q_proj.bias": "model-00001-of-00003.safetensors",
438
+ "model.layers.9.self_attn.q_proj.weight": "model-00001-of-00003.safetensors",
439
+ "model.layers.9.self_attn.v_proj.bias": "model-00001-of-00003.safetensors",
440
+ "model.layers.9.self_attn.v_proj.weight": "model-00001-of-00003.safetensors",
441
+ "model.norm.weight": "model-00003-of-00003.safetensors"
442
+ }
443
+ }
checkpoint-50/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-50/tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5eee858c5123a4279c3e1f7b81247343f356ac767940b2692a928ad929543214
3
+ size 11422063
checkpoint-50/tokenizer_config.json ADDED
@@ -0,0 +1,207 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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": 131072,
203
+ "pad_token": "<|endoftext|>",
204
+ "split_special_tokens": false,
205
+ "tokenizer_class": "Qwen2Tokenizer",
206
+ "unk_token": null
207
+ }
checkpoint-50/trainer_state.json ADDED
@@ -0,0 +1,1184 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": null,
3
+ "best_metric": null,
4
+ "best_model_checkpoint": null,
5
+ "epoch": 0.03765060240963856,
6
+ "eval_steps": 500,
7
+ "global_step": 50,
8
+ "is_hyper_param_search": false,
9
+ "is_local_process_zero": true,
10
+ "is_world_process_zero": true,
11
+ "log_history": [
12
+ {
13
+ "clip_ratio": 0.0,
14
+ "completions/clipped_ratio": 0.005859375,
15
+ "completions/max_length": 1536.0,
16
+ "completions/max_terminated_length": 1461.0,
17
+ "completions/mean_length": 539.939453125,
18
+ "completions/mean_terminated_length": 534.0687866210938,
19
+ "completions/min_length": 150.0,
20
+ "completions/min_terminated_length": 150.0,
21
+ "epoch": 0.0007530120481927711,
22
+ "frac_reward_zero_std": 0.0,
23
+ "grad_norm": 0.2677452564239502,
24
+ "learning_rate": 1e-06,
25
+ "loss": -0.0491,
26
+ "num_tokens": 322497.0,
27
+ "reward": 1.8222503662109375,
28
+ "reward_std": 0.2692643404006958,
29
+ "rewards/accuracy_reward/mean": 0.0,
30
+ "rewards/accuracy_reward/std": 0.0,
31
+ "rewards/icrm_reward/mean": 1.8222503662109375,
32
+ "rewards/icrm_reward/std": 0.35891062021255493,
33
+ "step": 1
34
+ },
35
+ {
36
+ "clip_ratio": 0.0,
37
+ "completions/clipped_ratio": 0.005859375,
38
+ "completions/max_length": 1536.0,
39
+ "completions/max_terminated_length": 1361.0,
40
+ "completions/mean_length": 541.125,
41
+ "completions/mean_terminated_length": 535.2612915039062,
42
+ "completions/min_length": 162.0,
43
+ "completions/min_terminated_length": 162.0,
44
+ "epoch": 0.0015060240963855422,
45
+ "frac_reward_zero_std": 0.0,
46
+ "grad_norm": 0.2547134757041931,
47
+ "learning_rate": 1e-06,
48
+ "loss": -0.0405,
49
+ "num_tokens": 643217.0,
50
+ "reward": 1.8759613037109375,
51
+ "reward_std": 0.26730749011039734,
52
+ "rewards/accuracy_reward/mean": 0.0,
53
+ "rewards/accuracy_reward/std": 0.0,
54
+ "rewards/icrm_reward/mean": 1.8759613037109375,
55
+ "rewards/icrm_reward/std": 0.35533255338668823,
56
+ "step": 2
57
+ },
58
+ {
59
+ "clip_ratio": 0.0,
60
+ "completions/clipped_ratio": 0.0,
61
+ "completions/max_length": 1268.0,
62
+ "completions/max_terminated_length": 1268.0,
63
+ "completions/mean_length": 503.001953125,
64
+ "completions/mean_terminated_length": 503.001953125,
65
+ "completions/min_length": 107.0,
66
+ "completions/min_terminated_length": 107.0,
67
+ "epoch": 0.002259036144578313,
68
+ "frac_reward_zero_std": 0.0,
69
+ "grad_norm": 0.28800466656684875,
70
+ "learning_rate": 1e-06,
71
+ "loss": -0.0702,
72
+ "num_tokens": 946338.0,
73
+ "reward": 1.807281494140625,
74
+ "reward_std": 0.2657621502876282,
75
+ "rewards/accuracy_reward/mean": 0.0,
76
+ "rewards/accuracy_reward/std": 0.0,
77
+ "rewards/icrm_reward/mean": 1.807281494140625,
78
+ "rewards/icrm_reward/std": 0.36616575717926025,
79
+ "step": 3
80
+ },
81
+ {
82
+ "clip_ratio": 0.0,
83
+ "completions/clipped_ratio": 0.0,
84
+ "completions/max_length": 1020.0,
85
+ "completions/max_terminated_length": 1020.0,
86
+ "completions/mean_length": 482.392578125,
87
+ "completions/mean_terminated_length": 482.392578125,
88
+ "completions/min_length": 168.0,
89
+ "completions/min_terminated_length": 168.0,
90
+ "epoch": 0.0030120481927710845,
91
+ "frac_reward_zero_std": 0.0,
92
+ "grad_norm": 0.2880045473575592,
93
+ "learning_rate": 1e-06,
94
+ "loss": -0.0543,
95
+ "num_tokens": 1238651.0,
96
+ "reward": 1.8897247314453125,
97
+ "reward_std": 0.24010181427001953,
98
+ "rewards/accuracy_reward/mean": 0.0,
99
+ "rewards/accuracy_reward/std": 0.0,
100
+ "rewards/icrm_reward/mean": 1.8897247314453125,
101
+ "rewards/icrm_reward/std": 0.2975654602050781,
102
+ "step": 4
103
+ },
104
+ {
105
+ "clip_ratio": 0.0,
106
+ "completions/clipped_ratio": 0.001953125,
107
+ "completions/max_length": 1536.0,
108
+ "completions/max_terminated_length": 1447.0,
109
+ "completions/mean_length": 548.681640625,
110
+ "completions/mean_terminated_length": 546.74951171875,
111
+ "completions/min_length": 95.0,
112
+ "completions/min_terminated_length": 95.0,
113
+ "epoch": 0.0037650602409638554,
114
+ "frac_reward_zero_std": 0.0,
115
+ "grad_norm": 0.26260432600975037,
116
+ "learning_rate": 1e-06,
117
+ "loss": -0.0915,
118
+ "num_tokens": 1564648.0,
119
+ "reward": 1.8785552978515625,
120
+ "reward_std": 0.2939695119857788,
121
+ "rewards/accuracy_reward/mean": 0.0,
122
+ "rewards/accuracy_reward/std": 0.0,
123
+ "rewards/icrm_reward/mean": 1.8785552978515625,
124
+ "rewards/icrm_reward/std": 0.3403075635433197,
125
+ "step": 5
126
+ },
127
+ {
128
+ "clip_ratio": 0.0,
129
+ "completions/clipped_ratio": 0.00390625,
130
+ "completions/max_length": 1536.0,
131
+ "completions/max_terminated_length": 1248.0,
132
+ "completions/mean_length": 465.359375,
133
+ "completions/mean_terminated_length": 461.1607971191406,
134
+ "completions/min_length": 133.0,
135
+ "completions/min_terminated_length": 133.0,
136
+ "epoch": 0.004518072289156626,
137
+ "frac_reward_zero_std": 0.0,
138
+ "grad_norm": 0.2783867418766022,
139
+ "learning_rate": 1e-06,
140
+ "loss": -0.0511,
141
+ "num_tokens": 1845008.0,
142
+ "reward": 1.886444091796875,
143
+ "reward_std": 0.24519476294517517,
144
+ "rewards/accuracy_reward/mean": 0.0,
145
+ "rewards/accuracy_reward/std": 0.0,
146
+ "rewards/icrm_reward/mean": 1.886444091796875,
147
+ "rewards/icrm_reward/std": 0.32863083481788635,
148
+ "step": 6
149
+ },
150
+ {
151
+ "clip_ratio": 0.0,
152
+ "completions/clipped_ratio": 0.001953125,
153
+ "completions/max_length": 1536.0,
154
+ "completions/max_terminated_length": 1419.0,
155
+ "completions/mean_length": 558.427734375,
156
+ "completions/mean_terminated_length": 556.5146484375,
157
+ "completions/min_length": 177.0,
158
+ "completions/min_terminated_length": 177.0,
159
+ "epoch": 0.005271084337349397,
160
+ "frac_reward_zero_std": 0.0,
161
+ "grad_norm": 0.2398781031370163,
162
+ "learning_rate": 1e-06,
163
+ "loss": -0.0528,
164
+ "num_tokens": 2178827.0,
165
+ "reward": 1.89752197265625,
166
+ "reward_std": 0.2825944125652313,
167
+ "rewards/accuracy_reward/mean": 0.0,
168
+ "rewards/accuracy_reward/std": 0.0,
169
+ "rewards/icrm_reward/mean": 1.89752197265625,
170
+ "rewards/icrm_reward/std": 0.3314611613750458,
171
+ "step": 7
172
+ },
173
+ {
174
+ "clip_ratio": 0.0,
175
+ "completions/clipped_ratio": 0.0,
176
+ "completions/max_length": 1315.0,
177
+ "completions/max_terminated_length": 1315.0,
178
+ "completions/mean_length": 516.62890625,
179
+ "completions/mean_terminated_length": 516.62890625,
180
+ "completions/min_length": 139.0,
181
+ "completions/min_terminated_length": 139.0,
182
+ "epoch": 0.006024096385542169,
183
+ "frac_reward_zero_std": 0.0,
184
+ "grad_norm": 0.26950332522392273,
185
+ "learning_rate": 1e-06,
186
+ "loss": -0.0515,
187
+ "num_tokens": 2490557.0,
188
+ "reward": 1.880584716796875,
189
+ "reward_std": 0.24953413009643555,
190
+ "rewards/accuracy_reward/mean": 0.0,
191
+ "rewards/accuracy_reward/std": 0.0,
192
+ "rewards/icrm_reward/mean": 1.880584716796875,
193
+ "rewards/icrm_reward/std": 0.31805965304374695,
194
+ "step": 8
195
+ },
196
+ {
197
+ "clip_ratio": 0.0,
198
+ "completions/clipped_ratio": 0.001953125,
199
+ "completions/max_length": 1536.0,
200
+ "completions/max_terminated_length": 1486.0,
201
+ "completions/mean_length": 540.916015625,
202
+ "completions/mean_terminated_length": 538.9686889648438,
203
+ "completions/min_length": 172.0,
204
+ "completions/min_terminated_length": 172.0,
205
+ "epoch": 0.00677710843373494,
206
+ "frac_reward_zero_std": 0.0,
207
+ "grad_norm": 0.27774062752723694,
208
+ "learning_rate": 1e-06,
209
+ "loss": -0.0696,
210
+ "num_tokens": 2810898.0,
211
+ "reward": 1.8914337158203125,
212
+ "reward_std": 0.2737649083137512,
213
+ "rewards/accuracy_reward/mean": 0.0,
214
+ "rewards/accuracy_reward/std": 0.0,
215
+ "rewards/icrm_reward/mean": 1.8914337158203125,
216
+ "rewards/icrm_reward/std": 0.3299334645271301,
217
+ "step": 9
218
+ },
219
+ {
220
+ "clip_ratio": 0.0,
221
+ "completions/clipped_ratio": 0.001953125,
222
+ "completions/max_length": 1536.0,
223
+ "completions/max_terminated_length": 1449.0,
224
+ "completions/mean_length": 489.474609375,
225
+ "completions/mean_terminated_length": 487.4266052246094,
226
+ "completions/min_length": 123.0,
227
+ "completions/min_terminated_length": 123.0,
228
+ "epoch": 0.007530120481927711,
229
+ "frac_reward_zero_std": 0.0,
230
+ "grad_norm": 0.29050636291503906,
231
+ "learning_rate": 1e-06,
232
+ "loss": -0.0795,
233
+ "num_tokens": 3108869.0,
234
+ "reward": 1.938812255859375,
235
+ "reward_std": 0.2572469711303711,
236
+ "rewards/accuracy_reward/mean": 0.0,
237
+ "rewards/accuracy_reward/std": 0.0,
238
+ "rewards/icrm_reward/mean": 1.938812255859375,
239
+ "rewards/icrm_reward/std": 0.338980495929718,
240
+ "step": 10
241
+ },
242
+ {
243
+ "clip_ratio": 0.0,
244
+ "completions/clipped_ratio": 0.0,
245
+ "completions/max_length": 1475.0,
246
+ "completions/max_terminated_length": 1475.0,
247
+ "completions/mean_length": 520.849609375,
248
+ "completions/mean_terminated_length": 520.849609375,
249
+ "completions/min_length": 114.0,
250
+ "completions/min_terminated_length": 114.0,
251
+ "epoch": 0.008283132530120483,
252
+ "frac_reward_zero_std": 0.0,
253
+ "grad_norm": 0.2942567765712738,
254
+ "learning_rate": 1e-06,
255
+ "loss": -0.0717,
256
+ "num_tokens": 3421848.0,
257
+ "reward": 1.9404754638671875,
258
+ "reward_std": 0.2595525085926056,
259
+ "rewards/accuracy_reward/mean": 0.0,
260
+ "rewards/accuracy_reward/std": 0.0,
261
+ "rewards/icrm_reward/mean": 1.9404754638671875,
262
+ "rewards/icrm_reward/std": 0.3023451566696167,
263
+ "step": 11
264
+ },
265
+ {
266
+ "clip_ratio": 0.0,
267
+ "completions/clipped_ratio": 0.001953125,
268
+ "completions/max_length": 1536.0,
269
+ "completions/max_terminated_length": 1396.0,
270
+ "completions/mean_length": 519.873046875,
271
+ "completions/mean_terminated_length": 517.884521484375,
272
+ "completions/min_length": 177.0,
273
+ "completions/min_terminated_length": 177.0,
274
+ "epoch": 0.009036144578313253,
275
+ "frac_reward_zero_std": 0.0,
276
+ "grad_norm": 0.24970945715904236,
277
+ "learning_rate": 1e-06,
278
+ "loss": -0.0503,
279
+ "num_tokens": 3729655.0,
280
+ "reward": 1.9094085693359375,
281
+ "reward_std": 0.25953686237335205,
282
+ "rewards/accuracy_reward/mean": 0.0,
283
+ "rewards/accuracy_reward/std": 0.0,
284
+ "rewards/icrm_reward/mean": 1.9094085693359375,
285
+ "rewards/icrm_reward/std": 0.331910640001297,
286
+ "step": 12
287
+ },
288
+ {
289
+ "clip_ratio": 0.0,
290
+ "completions/clipped_ratio": 0.001953125,
291
+ "completions/max_length": 1536.0,
292
+ "completions/max_terminated_length": 1369.0,
293
+ "completions/mean_length": 547.90625,
294
+ "completions/mean_terminated_length": 545.9725952148438,
295
+ "completions/min_length": 160.0,
296
+ "completions/min_terminated_length": 160.0,
297
+ "epoch": 0.009789156626506024,
298
+ "frac_reward_zero_std": 0.0,
299
+ "grad_norm": 0.28067365288734436,
300
+ "learning_rate": 1e-06,
301
+ "loss": -0.0752,
302
+ "num_tokens": 4053863.0,
303
+ "reward": 1.9482421875,
304
+ "reward_std": 0.26520416140556335,
305
+ "rewards/accuracy_reward/mean": 0.0,
306
+ "rewards/accuracy_reward/std": 0.0,
307
+ "rewards/icrm_reward/mean": 1.9482421875,
308
+ "rewards/icrm_reward/std": 0.3480120599269867,
309
+ "step": 13
310
+ },
311
+ {
312
+ "clip_ratio": 0.0,
313
+ "completions/clipped_ratio": 0.001953125,
314
+ "completions/max_length": 1536.0,
315
+ "completions/max_terminated_length": 1511.0,
316
+ "completions/mean_length": 548.40234375,
317
+ "completions/mean_terminated_length": 546.4696655273438,
318
+ "completions/min_length": 194.0,
319
+ "completions/min_terminated_length": 194.0,
320
+ "epoch": 0.010542168674698794,
321
+ "frac_reward_zero_std": 0.0,
322
+ "grad_norm": 0.25670015811920166,
323
+ "learning_rate": 1e-06,
324
+ "loss": -0.0691,
325
+ "num_tokens": 4378933.0,
326
+ "reward": 1.9578399658203125,
327
+ "reward_std": 0.27680855989456177,
328
+ "rewards/accuracy_reward/mean": 0.0,
329
+ "rewards/accuracy_reward/std": 0.0,
330
+ "rewards/icrm_reward/mean": 1.9578399658203125,
331
+ "rewards/icrm_reward/std": 0.3370186686515808,
332
+ "step": 14
333
+ },
334
+ {
335
+ "clip_ratio": 0.0,
336
+ "completions/clipped_ratio": 0.0,
337
+ "completions/max_length": 1521.0,
338
+ "completions/max_terminated_length": 1521.0,
339
+ "completions/mean_length": 524.80859375,
340
+ "completions/mean_terminated_length": 524.80859375,
341
+ "completions/min_length": 90.0,
342
+ "completions/min_terminated_length": 90.0,
343
+ "epoch": 0.011295180722891566,
344
+ "frac_reward_zero_std": 0.0,
345
+ "grad_norm": 0.2583891451358795,
346
+ "learning_rate": 1e-06,
347
+ "loss": -0.0585,
348
+ "num_tokens": 4691523.0,
349
+ "reward": 1.9633941650390625,
350
+ "reward_std": 0.2548086643218994,
351
+ "rewards/accuracy_reward/mean": 0.0,
352
+ "rewards/accuracy_reward/std": 0.0,
353
+ "rewards/icrm_reward/mean": 1.9633941650390625,
354
+ "rewards/icrm_reward/std": 0.31804537773132324,
355
+ "step": 15
356
+ },
357
+ {
358
+ "clip_ratio": 0.0,
359
+ "completions/clipped_ratio": 0.00390625,
360
+ "completions/max_length": 1536.0,
361
+ "completions/max_terminated_length": 1247.0,
362
+ "completions/mean_length": 560.337890625,
363
+ "completions/mean_terminated_length": 556.5117797851562,
364
+ "completions/min_length": 122.0,
365
+ "completions/min_terminated_length": 122.0,
366
+ "epoch": 0.012048192771084338,
367
+ "frac_reward_zero_std": 0.0,
368
+ "grad_norm": 0.24440975487232208,
369
+ "learning_rate": 1e-06,
370
+ "loss": -0.0549,
371
+ "num_tokens": 5027184.0,
372
+ "reward": 1.9822998046875,
373
+ "reward_std": 0.268485963344574,
374
+ "rewards/accuracy_reward/mean": 0.0,
375
+ "rewards/accuracy_reward/std": 0.0,
376
+ "rewards/icrm_reward/mean": 1.9822998046875,
377
+ "rewards/icrm_reward/std": 0.3278394639492035,
378
+ "step": 16
379
+ },
380
+ {
381
+ "clip_ratio": 0.0,
382
+ "completions/clipped_ratio": 0.001953125,
383
+ "completions/max_length": 1536.0,
384
+ "completions/max_terminated_length": 1356.0,
385
+ "completions/mean_length": 591.25390625,
386
+ "completions/mean_terminated_length": 589.4050903320312,
387
+ "completions/min_length": 219.0,
388
+ "completions/min_terminated_length": 219.0,
389
+ "epoch": 0.012801204819277108,
390
+ "frac_reward_zero_std": 0.0,
391
+ "grad_norm": 0.22858311235904694,
392
+ "learning_rate": 1e-06,
393
+ "loss": -0.049,
394
+ "num_tokens": 5376418.0,
395
+ "reward": 2.090728759765625,
396
+ "reward_std": 0.2703300714492798,
397
+ "rewards/accuracy_reward/mean": 0.0,
398
+ "rewards/accuracy_reward/std": 0.0,
399
+ "rewards/icrm_reward/mean": 2.090728759765625,
400
+ "rewards/icrm_reward/std": 0.3051627278327942,
401
+ "step": 17
402
+ },
403
+ {
404
+ "clip_ratio": 0.0,
405
+ "completions/clipped_ratio": 0.00390625,
406
+ "completions/max_length": 1536.0,
407
+ "completions/max_terminated_length": 1427.0,
408
+ "completions/mean_length": 560.716796875,
409
+ "completions/mean_terminated_length": 556.8922119140625,
410
+ "completions/min_length": 121.0,
411
+ "completions/min_terminated_length": 121.0,
412
+ "epoch": 0.01355421686746988,
413
+ "frac_reward_zero_std": 0.0,
414
+ "grad_norm": 0.24253730475902557,
415
+ "learning_rate": 1e-06,
416
+ "loss": -0.0476,
417
+ "num_tokens": 5708881.0,
418
+ "reward": 2.023834228515625,
419
+ "reward_std": 0.22830849885940552,
420
+ "rewards/accuracy_reward/mean": 0.0,
421
+ "rewards/accuracy_reward/std": 0.0,
422
+ "rewards/icrm_reward/mean": 2.023834228515625,
423
+ "rewards/icrm_reward/std": 0.3195403516292572,
424
+ "step": 18
425
+ },
426
+ {
427
+ "clip_ratio": 0.0,
428
+ "completions/clipped_ratio": 0.0,
429
+ "completions/max_length": 1396.0,
430
+ "completions/max_terminated_length": 1396.0,
431
+ "completions/mean_length": 554.669921875,
432
+ "completions/mean_terminated_length": 554.669921875,
433
+ "completions/min_length": 198.0,
434
+ "completions/min_terminated_length": 198.0,
435
+ "epoch": 0.01430722891566265,
436
+ "frac_reward_zero_std": 0.0,
437
+ "grad_norm": 0.22568698227405548,
438
+ "learning_rate": 1e-06,
439
+ "loss": -0.0628,
440
+ "num_tokens": 6034520.0,
441
+ "reward": 2.0350494384765625,
442
+ "reward_std": 0.23877058923244476,
443
+ "rewards/accuracy_reward/mean": 0.0,
444
+ "rewards/accuracy_reward/std": 0.0,
445
+ "rewards/icrm_reward/mean": 2.0350494384765625,
446
+ "rewards/icrm_reward/std": 0.2821340560913086,
447
+ "step": 19
448
+ },
449
+ {
450
+ "clip_ratio": 0.0,
451
+ "completions/clipped_ratio": 0.005859375,
452
+ "completions/max_length": 1536.0,
453
+ "completions/max_terminated_length": 1408.0,
454
+ "completions/mean_length": 618.142578125,
455
+ "completions/mean_terminated_length": 612.7328491210938,
456
+ "completions/min_length": 136.0,
457
+ "completions/min_terminated_length": 136.0,
458
+ "epoch": 0.015060240963855422,
459
+ "frac_reward_zero_std": 0.0,
460
+ "grad_norm": 0.21298259496688843,
461
+ "learning_rate": 1e-06,
462
+ "loss": -0.0312,
463
+ "num_tokens": 6399457.0,
464
+ "reward": 2.043853759765625,
465
+ "reward_std": 0.2564227879047394,
466
+ "rewards/accuracy_reward/mean": 0.0,
467
+ "rewards/accuracy_reward/std": 0.0,
468
+ "rewards/icrm_reward/mean": 2.043853759765625,
469
+ "rewards/icrm_reward/std": 0.32547545433044434,
470
+ "step": 20
471
+ },
472
+ {
473
+ "clip_ratio": 0.0,
474
+ "completions/clipped_ratio": 0.01171875,
475
+ "completions/max_length": 1536.0,
476
+ "completions/max_terminated_length": 1500.0,
477
+ "completions/mean_length": 647.5078125,
478
+ "completions/mean_terminated_length": 636.9723510742188,
479
+ "completions/min_length": 163.0,
480
+ "completions/min_terminated_length": 163.0,
481
+ "epoch": 0.01581325301204819,
482
+ "frac_reward_zero_std": 0.0,
483
+ "grad_norm": 0.21974076330661774,
484
+ "learning_rate": 1e-06,
485
+ "loss": -0.0194,
486
+ "num_tokens": 6773909.0,
487
+ "reward": 2.0822906494140625,
488
+ "reward_std": 0.2559783458709717,
489
+ "rewards/accuracy_reward/mean": 0.0,
490
+ "rewards/accuracy_reward/std": 0.0,
491
+ "rewards/icrm_reward/mean": 2.0822906494140625,
492
+ "rewards/icrm_reward/std": 0.3165861964225769,
493
+ "step": 21
494
+ },
495
+ {
496
+ "clip_ratio": 0.0,
497
+ "completions/clipped_ratio": 0.001953125,
498
+ "completions/max_length": 1536.0,
499
+ "completions/max_terminated_length": 1533.0,
500
+ "completions/mean_length": 629.095703125,
501
+ "completions/mean_terminated_length": 627.3209228515625,
502
+ "completions/min_length": 164.0,
503
+ "completions/min_terminated_length": 164.0,
504
+ "epoch": 0.016566265060240965,
505
+ "frac_reward_zero_std": 0.0,
506
+ "grad_norm": 0.2140408158302307,
507
+ "learning_rate": 1e-06,
508
+ "loss": -0.0158,
509
+ "num_tokens": 7137062.0,
510
+ "reward": 2.0489654541015625,
511
+ "reward_std": 0.22745975852012634,
512
+ "rewards/accuracy_reward/mean": 0.0,
513
+ "rewards/accuracy_reward/std": 0.0,
514
+ "rewards/icrm_reward/mean": 2.0489654541015625,
515
+ "rewards/icrm_reward/std": 0.28583163022994995,
516
+ "step": 22
517
+ },
518
+ {
519
+ "clip_ratio": 0.0,
520
+ "completions/clipped_ratio": 0.001953125,
521
+ "completions/max_length": 1536.0,
522
+ "completions/max_terminated_length": 1474.0,
523
+ "completions/mean_length": 668.0,
524
+ "completions/mean_terminated_length": 666.3013916015625,
525
+ "completions/min_length": 130.0,
526
+ "completions/min_terminated_length": 130.0,
527
+ "epoch": 0.017319277108433735,
528
+ "frac_reward_zero_std": 0.0,
529
+ "grad_norm": 0.19740059971809387,
530
+ "learning_rate": 1e-06,
531
+ "loss": -0.0199,
532
+ "num_tokens": 7525974.0,
533
+ "reward": 2.114471435546875,
534
+ "reward_std": 0.22889575362205505,
535
+ "rewards/accuracy_reward/mean": 0.0,
536
+ "rewards/accuracy_reward/std": 0.0,
537
+ "rewards/icrm_reward/mean": 2.114471435546875,
538
+ "rewards/icrm_reward/std": 0.2792186439037323,
539
+ "step": 23
540
+ },
541
+ {
542
+ "clip_ratio": 0.0,
543
+ "completions/clipped_ratio": 0.033203125,
544
+ "completions/max_length": 1536.0,
545
+ "completions/max_terminated_length": 1507.0,
546
+ "completions/mean_length": 688.009765625,
547
+ "completions/mean_terminated_length": 658.8869018554688,
548
+ "completions/min_length": 187.0,
549
+ "completions/min_terminated_length": 187.0,
550
+ "epoch": 0.018072289156626505,
551
+ "frac_reward_zero_std": 0.0,
552
+ "grad_norm": 0.19638773798942566,
553
+ "learning_rate": 1e-06,
554
+ "loss": 0.0102,
555
+ "num_tokens": 7924795.0,
556
+ "reward": 2.080596923828125,
557
+ "reward_std": 0.23665004968643188,
558
+ "rewards/accuracy_reward/mean": 0.0,
559
+ "rewards/accuracy_reward/std": 0.0,
560
+ "rewards/icrm_reward/mean": 2.080596923828125,
561
+ "rewards/icrm_reward/std": 0.3111322522163391,
562
+ "step": 24
563
+ },
564
+ {
565
+ "clip_ratio": 0.0,
566
+ "completions/clipped_ratio": 0.0,
567
+ "completions/max_length": 1517.0,
568
+ "completions/max_terminated_length": 1517.0,
569
+ "completions/mean_length": 625.5546875,
570
+ "completions/mean_terminated_length": 625.5546875,
571
+ "completions/min_length": 232.0,
572
+ "completions/min_terminated_length": 232.0,
573
+ "epoch": 0.01882530120481928,
574
+ "frac_reward_zero_std": 0.0,
575
+ "grad_norm": 0.22388488054275513,
576
+ "learning_rate": 1e-06,
577
+ "loss": -0.0295,
578
+ "num_tokens": 8289031.0,
579
+ "reward": 2.1454315185546875,
580
+ "reward_std": 0.22431066632270813,
581
+ "rewards/accuracy_reward/mean": 0.0,
582
+ "rewards/accuracy_reward/std": 0.0,
583
+ "rewards/icrm_reward/mean": 2.1454315185546875,
584
+ "rewards/icrm_reward/std": 0.2752014100551605,
585
+ "step": 25
586
+ },
587
+ {
588
+ "clip_ratio": 0.0,
589
+ "completions/clipped_ratio": 0.025390625,
590
+ "completions/max_length": 1536.0,
591
+ "completions/max_terminated_length": 1518.0,
592
+ "completions/mean_length": 620.7578125,
593
+ "completions/mean_terminated_length": 596.913818359375,
594
+ "completions/min_length": 229.0,
595
+ "completions/min_terminated_length": 229.0,
596
+ "epoch": 0.01957831325301205,
597
+ "frac_reward_zero_std": 0.0,
598
+ "grad_norm": 0.21399712562561035,
599
+ "learning_rate": 1e-06,
600
+ "loss": -0.0254,
601
+ "num_tokens": 8656715.0,
602
+ "reward": 2.0743865966796875,
603
+ "reward_std": 0.2408333122730255,
604
+ "rewards/accuracy_reward/mean": 0.0,
605
+ "rewards/accuracy_reward/std": 0.0,
606
+ "rewards/icrm_reward/mean": 2.0743865966796875,
607
+ "rewards/icrm_reward/std": 0.3148554563522339,
608
+ "step": 26
609
+ },
610
+ {
611
+ "clip_ratio": 0.0,
612
+ "completions/clipped_ratio": 0.0,
613
+ "completions/max_length": 1519.0,
614
+ "completions/max_terminated_length": 1519.0,
615
+ "completions/mean_length": 640.244140625,
616
+ "completions/mean_terminated_length": 640.244140625,
617
+ "completions/min_length": 256.0,
618
+ "completions/min_terminated_length": 256.0,
619
+ "epoch": 0.02033132530120482,
620
+ "frac_reward_zero_std": 0.0,
621
+ "grad_norm": 0.2085241973400116,
622
+ "learning_rate": 1e-06,
623
+ "loss": -0.0445,
624
+ "num_tokens": 9027544.0,
625
+ "reward": 2.1477813720703125,
626
+ "reward_std": 0.22815221548080444,
627
+ "rewards/accuracy_reward/mean": 0.0,
628
+ "rewards/accuracy_reward/std": 0.0,
629
+ "rewards/icrm_reward/mean": 2.1477813720703125,
630
+ "rewards/icrm_reward/std": 0.3022710084915161,
631
+ "step": 27
632
+ },
633
+ {
634
+ "clip_ratio": 0.0,
635
+ "completions/clipped_ratio": 0.0,
636
+ "completions/max_length": 1444.0,
637
+ "completions/max_terminated_length": 1444.0,
638
+ "completions/mean_length": 574.10546875,
639
+ "completions/mean_terminated_length": 574.10546875,
640
+ "completions/min_length": 118.0,
641
+ "completions/min_terminated_length": 118.0,
642
+ "epoch": 0.02108433734939759,
643
+ "frac_reward_zero_std": 0.0,
644
+ "grad_norm": 0.22086061537265778,
645
+ "learning_rate": 1e-06,
646
+ "loss": -0.0415,
647
+ "num_tokens": 9368830.0,
648
+ "reward": 2.0839691162109375,
649
+ "reward_std": 0.22651252150535583,
650
+ "rewards/accuracy_reward/mean": 0.0,
651
+ "rewards/accuracy_reward/std": 0.0,
652
+ "rewards/icrm_reward/mean": 2.0839691162109375,
653
+ "rewards/icrm_reward/std": 0.2819969654083252,
654
+ "step": 28
655
+ },
656
+ {
657
+ "clip_ratio": 0.0,
658
+ "completions/clipped_ratio": 0.005859375,
659
+ "completions/max_length": 1536.0,
660
+ "completions/max_terminated_length": 1455.0,
661
+ "completions/mean_length": 608.298828125,
662
+ "completions/mean_terminated_length": 602.8310546875,
663
+ "completions/min_length": 123.0,
664
+ "completions/min_terminated_length": 123.0,
665
+ "epoch": 0.021837349397590362,
666
+ "frac_reward_zero_std": 0.0,
667
+ "grad_norm": 0.21593217551708221,
668
+ "learning_rate": 1e-06,
669
+ "loss": -0.0165,
670
+ "num_tokens": 9728471.0,
671
+ "reward": 2.12347412109375,
672
+ "reward_std": 0.2261788547039032,
673
+ "rewards/accuracy_reward/mean": 0.0,
674
+ "rewards/accuracy_reward/std": 0.0,
675
+ "rewards/icrm_reward/mean": 2.12347412109375,
676
+ "rewards/icrm_reward/std": 0.2729581892490387,
677
+ "step": 29
678
+ },
679
+ {
680
+ "clip_ratio": 0.0,
681
+ "completions/clipped_ratio": 0.001953125,
682
+ "completions/max_length": 1536.0,
683
+ "completions/max_terminated_length": 1490.0,
684
+ "completions/mean_length": 602.5390625,
685
+ "completions/mean_terminated_length": 600.7123413085938,
686
+ "completions/min_length": 166.0,
687
+ "completions/min_terminated_length": 166.0,
688
+ "epoch": 0.022590361445783132,
689
+ "frac_reward_zero_std": 0.0,
690
+ "grad_norm": 0.21327072381973267,
691
+ "learning_rate": 1e-06,
692
+ "loss": -0.0265,
693
+ "num_tokens": 10078123.0,
694
+ "reward": 2.134918212890625,
695
+ "reward_std": 0.22259432077407837,
696
+ "rewards/accuracy_reward/mean": 0.0,
697
+ "rewards/accuracy_reward/std": 0.0,
698
+ "rewards/icrm_reward/mean": 2.134918212890625,
699
+ "rewards/icrm_reward/std": 0.2794201970100403,
700
+ "step": 30
701
+ },
702
+ {
703
+ "clip_ratio": 0.0,
704
+ "completions/clipped_ratio": 0.001953125,
705
+ "completions/max_length": 1536.0,
706
+ "completions/max_terminated_length": 1390.0,
707
+ "completions/mean_length": 624.75390625,
708
+ "completions/mean_terminated_length": 622.9706420898438,
709
+ "completions/min_length": 213.0,
710
+ "completions/min_terminated_length": 213.0,
711
+ "epoch": 0.023343373493975902,
712
+ "frac_reward_zero_std": 0.0,
713
+ "grad_norm": 0.21840304136276245,
714
+ "learning_rate": 1e-06,
715
+ "loss": -0.0354,
716
+ "num_tokens": 10439629.0,
717
+ "reward": 2.1316375732421875,
718
+ "reward_std": 0.2339249849319458,
719
+ "rewards/accuracy_reward/mean": 0.0,
720
+ "rewards/accuracy_reward/std": 0.0,
721
+ "rewards/icrm_reward/mean": 2.1316375732421875,
722
+ "rewards/icrm_reward/std": 0.2949000895023346,
723
+ "step": 31
724
+ },
725
+ {
726
+ "clip_ratio": 0.0,
727
+ "completions/clipped_ratio": 0.0078125,
728
+ "completions/max_length": 1536.0,
729
+ "completions/max_terminated_length": 1455.0,
730
+ "completions/mean_length": 618.02734375,
731
+ "completions/mean_terminated_length": 610.7991943359375,
732
+ "completions/min_length": 198.0,
733
+ "completions/min_terminated_length": 198.0,
734
+ "epoch": 0.024096385542168676,
735
+ "frac_reward_zero_std": 0.0,
736
+ "grad_norm": 0.21134598553180695,
737
+ "learning_rate": 1e-06,
738
+ "loss": -0.0239,
739
+ "num_tokens": 10801515.0,
740
+ "reward": 2.1789169311523438,
741
+ "reward_std": 0.2280135154724121,
742
+ "rewards/accuracy_reward/mean": 0.0,
743
+ "rewards/accuracy_reward/std": 0.0,
744
+ "rewards/icrm_reward/mean": 2.1789169311523438,
745
+ "rewards/icrm_reward/std": 0.3063806891441345,
746
+ "step": 32
747
+ },
748
+ {
749
+ "clip_ratio": 0.0,
750
+ "completions/clipped_ratio": 0.0,
751
+ "completions/max_length": 1394.0,
752
+ "completions/max_terminated_length": 1394.0,
753
+ "completions/mean_length": 579.873046875,
754
+ "completions/mean_terminated_length": 579.873046875,
755
+ "completions/min_length": 50.0,
756
+ "completions/min_terminated_length": 50.0,
757
+ "epoch": 0.024849397590361446,
758
+ "frac_reward_zero_std": 0.0,
759
+ "grad_norm": 0.23027564585208893,
760
+ "learning_rate": 1e-06,
761
+ "loss": -0.0456,
762
+ "num_tokens": 11142458.0,
763
+ "reward": 2.1141510009765625,
764
+ "reward_std": 0.22557678818702698,
765
+ "rewards/accuracy_reward/mean": 0.0,
766
+ "rewards/accuracy_reward/std": 0.0,
767
+ "rewards/icrm_reward/mean": 2.1141510009765625,
768
+ "rewards/icrm_reward/std": 0.2943926155567169,
769
+ "step": 33
770
+ },
771
+ {
772
+ "clip_ratio": 0.0,
773
+ "completions/clipped_ratio": 0.001953125,
774
+ "completions/max_length": 1536.0,
775
+ "completions/max_terminated_length": 1466.0,
776
+ "completions/mean_length": 569.83203125,
777
+ "completions/mean_terminated_length": 567.9412841796875,
778
+ "completions/min_length": 186.0,
779
+ "completions/min_terminated_length": 186.0,
780
+ "epoch": 0.025602409638554216,
781
+ "frac_reward_zero_std": 0.0,
782
+ "grad_norm": 0.2484128624200821,
783
+ "learning_rate": 1e-06,
784
+ "loss": -0.0377,
785
+ "num_tokens": 11478676.0,
786
+ "reward": 2.138275146484375,
787
+ "reward_std": 0.2324836403131485,
788
+ "rewards/accuracy_reward/mean": 0.0,
789
+ "rewards/accuracy_reward/std": 0.0,
790
+ "rewards/icrm_reward/mean": 2.138275146484375,
791
+ "rewards/icrm_reward/std": 0.2837066352367401,
792
+ "step": 34
793
+ },
794
+ {
795
+ "clip_ratio": 0.0,
796
+ "completions/clipped_ratio": 0.005859375,
797
+ "completions/max_length": 1536.0,
798
+ "completions/max_terminated_length": 1524.0,
799
+ "completions/mean_length": 649.62109375,
800
+ "completions/mean_terminated_length": 644.3968505859375,
801
+ "completions/min_length": 247.0,
802
+ "completions/min_terminated_length": 247.0,
803
+ "epoch": 0.02635542168674699,
804
+ "frac_reward_zero_std": 0.0,
805
+ "grad_norm": 0.22154265642166138,
806
+ "learning_rate": 1e-06,
807
+ "loss": -0.0408,
808
+ "num_tokens": 11857058.0,
809
+ "reward": 2.131011962890625,
810
+ "reward_std": 0.2266952395439148,
811
+ "rewards/accuracy_reward/mean": 0.0,
812
+ "rewards/accuracy_reward/std": 0.0,
813
+ "rewards/icrm_reward/mean": 2.131011962890625,
814
+ "rewards/icrm_reward/std": 0.31931453943252563,
815
+ "step": 35
816
+ },
817
+ {
818
+ "clip_ratio": 0.0,
819
+ "completions/clipped_ratio": 0.009765625,
820
+ "completions/max_length": 1536.0,
821
+ "completions/max_terminated_length": 1451.0,
822
+ "completions/mean_length": 637.251953125,
823
+ "completions/mean_terminated_length": 628.3885498046875,
824
+ "completions/min_length": 164.0,
825
+ "completions/min_terminated_length": 164.0,
826
+ "epoch": 0.02710843373493976,
827
+ "frac_reward_zero_std": 0.0,
828
+ "grad_norm": 0.20767764747142792,
829
+ "learning_rate": 1e-06,
830
+ "loss": 0.0058,
831
+ "num_tokens": 12229043.0,
832
+ "reward": 2.1409454345703125,
833
+ "reward_std": 0.22632841765880585,
834
+ "rewards/accuracy_reward/mean": 0.0,
835
+ "rewards/accuracy_reward/std": 0.0,
836
+ "rewards/icrm_reward/mean": 2.1409454345703125,
837
+ "rewards/icrm_reward/std": 0.2695969045162201,
838
+ "step": 36
839
+ },
840
+ {
841
+ "clip_ratio": 0.0,
842
+ "completions/clipped_ratio": 0.013671875,
843
+ "completions/max_length": 1536.0,
844
+ "completions/max_terminated_length": 1456.0,
845
+ "completions/mean_length": 659.4453125,
846
+ "completions/mean_terminated_length": 647.2950439453125,
847
+ "completions/min_length": 184.0,
848
+ "completions/min_terminated_length": 184.0,
849
+ "epoch": 0.02786144578313253,
850
+ "frac_reward_zero_std": 0.0,
851
+ "grad_norm": 0.2131509631872177,
852
+ "learning_rate": 1e-06,
853
+ "loss": -0.0088,
854
+ "num_tokens": 12614919.0,
855
+ "reward": 2.208251953125,
856
+ "reward_std": 0.24248948693275452,
857
+ "rewards/accuracy_reward/mean": 0.0,
858
+ "rewards/accuracy_reward/std": 0.0,
859
+ "rewards/icrm_reward/mean": 2.208251953125,
860
+ "rewards/icrm_reward/std": 0.3120294213294983,
861
+ "step": 37
862
+ },
863
+ {
864
+ "clip_ratio": 0.0,
865
+ "completions/clipped_ratio": 0.00390625,
866
+ "completions/max_length": 1536.0,
867
+ "completions/max_terminated_length": 1361.0,
868
+ "completions/mean_length": 630.41015625,
869
+ "completions/mean_terminated_length": 626.85888671875,
870
+ "completions/min_length": 217.0,
871
+ "completions/min_terminated_length": 217.0,
872
+ "epoch": 0.0286144578313253,
873
+ "frac_reward_zero_std": 0.0,
874
+ "grad_norm": 0.2243937849998474,
875
+ "learning_rate": 1e-06,
876
+ "loss": -0.0279,
877
+ "num_tokens": 12980249.0,
878
+ "reward": 2.111053466796875,
879
+ "reward_std": 0.22191520035266876,
880
+ "rewards/accuracy_reward/mean": 0.0,
881
+ "rewards/accuracy_reward/std": 0.0,
882
+ "rewards/icrm_reward/mean": 2.111053466796875,
883
+ "rewards/icrm_reward/std": 0.2775036096572876,
884
+ "step": 38
885
+ },
886
+ {
887
+ "clip_ratio": 0.0,
888
+ "completions/clipped_ratio": 0.01171875,
889
+ "completions/max_length": 1536.0,
890
+ "completions/max_terminated_length": 1459.0,
891
+ "completions/mean_length": 675.94140625,
892
+ "completions/mean_terminated_length": 665.7431030273438,
893
+ "completions/min_length": 232.0,
894
+ "completions/min_terminated_length": 232.0,
895
+ "epoch": 0.029367469879518073,
896
+ "frac_reward_zero_std": 0.0,
897
+ "grad_norm": 0.20395302772521973,
898
+ "learning_rate": 1e-06,
899
+ "loss": -0.0178,
900
+ "num_tokens": 13371051.0,
901
+ "reward": 2.2367706298828125,
902
+ "reward_std": 0.24021776020526886,
903
+ "rewards/accuracy_reward/mean": 0.0,
904
+ "rewards/accuracy_reward/std": 0.0,
905
+ "rewards/icrm_reward/mean": 2.2367706298828125,
906
+ "rewards/icrm_reward/std": 0.30560144782066345,
907
+ "step": 39
908
+ },
909
+ {
910
+ "clip_ratio": 0.0,
911
+ "completions/clipped_ratio": 0.0078125,
912
+ "completions/max_length": 1536.0,
913
+ "completions/max_terminated_length": 1495.0,
914
+ "completions/mean_length": 665.2265625,
915
+ "completions/mean_terminated_length": 658.3700561523438,
916
+ "completions/min_length": 183.0,
917
+ "completions/min_terminated_length": 183.0,
918
+ "epoch": 0.030120481927710843,
919
+ "frac_reward_zero_std": 0.0,
920
+ "grad_norm": 0.21775901317596436,
921
+ "learning_rate": 1e-06,
922
+ "loss": -0.0184,
923
+ "num_tokens": 13762655.0,
924
+ "reward": 2.22381591796875,
925
+ "reward_std": 0.23306353390216827,
926
+ "rewards/accuracy_reward/mean": 0.0,
927
+ "rewards/accuracy_reward/std": 0.0,
928
+ "rewards/icrm_reward/mean": 2.22381591796875,
929
+ "rewards/icrm_reward/std": 0.2940692901611328,
930
+ "step": 40
931
+ },
932
+ {
933
+ "clip_ratio": 0.0,
934
+ "completions/clipped_ratio": 0.017578125,
935
+ "completions/max_length": 1536.0,
936
+ "completions/max_terminated_length": 1489.0,
937
+ "completions/mean_length": 711.74609375,
938
+ "completions/mean_terminated_length": 696.9979858398438,
939
+ "completions/min_length": 240.0,
940
+ "completions/min_terminated_length": 240.0,
941
+ "epoch": 0.030873493975903613,
942
+ "frac_reward_zero_std": 0.0,
943
+ "grad_norm": 0.20008227229118347,
944
+ "learning_rate": 1e-06,
945
+ "loss": -0.0203,
946
+ "num_tokens": 14174493.0,
947
+ "reward": 2.1737060546875,
948
+ "reward_std": 0.23047159612178802,
949
+ "rewards/accuracy_reward/mean": 0.0,
950
+ "rewards/accuracy_reward/std": 0.0,
951
+ "rewards/icrm_reward/mean": 2.1737060546875,
952
+ "rewards/icrm_reward/std": 0.2827721834182739,
953
+ "step": 41
954
+ },
955
+ {
956
+ "clip_ratio": 0.0,
957
+ "completions/clipped_ratio": 0.005859375,
958
+ "completions/max_length": 1536.0,
959
+ "completions/max_terminated_length": 1519.0,
960
+ "completions/mean_length": 628.2109375,
961
+ "completions/mean_terminated_length": 622.8605346679688,
962
+ "completions/min_length": 201.0,
963
+ "completions/min_terminated_length": 201.0,
964
+ "epoch": 0.03162650602409638,
965
+ "frac_reward_zero_std": 0.0,
966
+ "grad_norm": 0.23574763536453247,
967
+ "learning_rate": 1e-06,
968
+ "loss": -0.024,
969
+ "num_tokens": 14538633.0,
970
+ "reward": 2.2064056396484375,
971
+ "reward_std": 0.23086489737033844,
972
+ "rewards/accuracy_reward/mean": 0.0,
973
+ "rewards/accuracy_reward/std": 0.0,
974
+ "rewards/icrm_reward/mean": 2.2064056396484375,
975
+ "rewards/icrm_reward/std": 0.30988746881484985,
976
+ "step": 42
977
+ },
978
+ {
979
+ "clip_ratio": 0.0,
980
+ "completions/clipped_ratio": 0.00390625,
981
+ "completions/max_length": 1536.0,
982
+ "completions/max_terminated_length": 1509.0,
983
+ "completions/mean_length": 651.89453125,
984
+ "completions/mean_terminated_length": 648.427490234375,
985
+ "completions/min_length": 187.0,
986
+ "completions/min_terminated_length": 187.0,
987
+ "epoch": 0.03237951807228916,
988
+ "frac_reward_zero_std": 0.0,
989
+ "grad_norm": 0.22128161787986755,
990
+ "learning_rate": 1e-06,
991
+ "loss": -0.0133,
992
+ "num_tokens": 14917715.0,
993
+ "reward": 2.1989898681640625,
994
+ "reward_std": 0.22341391444206238,
995
+ "rewards/accuracy_reward/mean": 0.0,
996
+ "rewards/accuracy_reward/std": 0.0,
997
+ "rewards/icrm_reward/mean": 2.1989898681640625,
998
+ "rewards/icrm_reward/std": 0.2708163857460022,
999
+ "step": 43
1000
+ },
1001
+ {
1002
+ "clip_ratio": 0.0,
1003
+ "completions/clipped_ratio": 0.02734375,
1004
+ "completions/max_length": 1536.0,
1005
+ "completions/max_terminated_length": 1535.0,
1006
+ "completions/mean_length": 752.138671875,
1007
+ "completions/mean_terminated_length": 730.1023559570312,
1008
+ "completions/min_length": 253.0,
1009
+ "completions/min_terminated_length": 253.0,
1010
+ "epoch": 0.03313253012048193,
1011
+ "frac_reward_zero_std": 0.0,
1012
+ "grad_norm": 0.18046841025352478,
1013
+ "learning_rate": 1e-06,
1014
+ "loss": -0.0114,
1015
+ "num_tokens": 15353770.0,
1016
+ "reward": 2.202545166015625,
1017
+ "reward_std": 0.22210244834423065,
1018
+ "rewards/accuracy_reward/mean": 0.0,
1019
+ "rewards/accuracy_reward/std": 0.0,
1020
+ "rewards/icrm_reward/mean": 2.202545166015625,
1021
+ "rewards/icrm_reward/std": 0.30588632822036743,
1022
+ "step": 44
1023
+ },
1024
+ {
1025
+ "clip_ratio": 0.0,
1026
+ "completions/clipped_ratio": 0.03125,
1027
+ "completions/max_length": 1536.0,
1028
+ "completions/max_terminated_length": 1520.0,
1029
+ "completions/mean_length": 648.603515625,
1030
+ "completions/mean_terminated_length": 619.977783203125,
1031
+ "completions/min_length": 185.0,
1032
+ "completions/min_terminated_length": 185.0,
1033
+ "epoch": 0.0338855421686747,
1034
+ "frac_reward_zero_std": 0.0,
1035
+ "grad_norm": 0.21456339955329895,
1036
+ "learning_rate": 1e-06,
1037
+ "loss": -0.0282,
1038
+ "num_tokens": 15731183.0,
1039
+ "reward": 2.1501007080078125,
1040
+ "reward_std": 0.24410219490528107,
1041
+ "rewards/accuracy_reward/mean": 0.0,
1042
+ "rewards/accuracy_reward/std": 0.0,
1043
+ "rewards/icrm_reward/mean": 2.1501007080078125,
1044
+ "rewards/icrm_reward/std": 0.3128403425216675,
1045
+ "step": 45
1046
+ },
1047
+ {
1048
+ "clip_ratio": 0.0,
1049
+ "completions/clipped_ratio": 0.001953125,
1050
+ "completions/max_length": 1536.0,
1051
+ "completions/max_terminated_length": 1536.0,
1052
+ "completions/mean_length": 664.4765625,
1053
+ "completions/mean_terminated_length": 662.7710571289062,
1054
+ "completions/min_length": 196.0,
1055
+ "completions/min_terminated_length": 196.0,
1056
+ "epoch": 0.03463855421686747,
1057
+ "frac_reward_zero_std": 0.0,
1058
+ "grad_norm": 0.23055920004844666,
1059
+ "learning_rate": 1e-06,
1060
+ "loss": -0.0041,
1061
+ "num_tokens": 16113635.0,
1062
+ "reward": 2.2421112060546875,
1063
+ "reward_std": 0.23560726642608643,
1064
+ "rewards/accuracy_reward/mean": 0.0,
1065
+ "rewards/accuracy_reward/std": 0.0,
1066
+ "rewards/icrm_reward/mean": 2.2421112060546875,
1067
+ "rewards/icrm_reward/std": 0.29645806550979614,
1068
+ "step": 46
1069
+ },
1070
+ {
1071
+ "clip_ratio": 0.0,
1072
+ "completions/clipped_ratio": 0.013671875,
1073
+ "completions/max_length": 1536.0,
1074
+ "completions/max_terminated_length": 1530.0,
1075
+ "completions/mean_length": 679.16796875,
1076
+ "completions/mean_terminated_length": 667.2911376953125,
1077
+ "completions/min_length": 176.0,
1078
+ "completions/min_terminated_length": 176.0,
1079
+ "epoch": 0.035391566265060244,
1080
+ "frac_reward_zero_std": 0.0,
1081
+ "grad_norm": 0.20098020136356354,
1082
+ "learning_rate": 1e-06,
1083
+ "loss": 0.0011,
1084
+ "num_tokens": 16510985.0,
1085
+ "reward": 2.1724700927734375,
1086
+ "reward_std": 0.24453820288181305,
1087
+ "rewards/accuracy_reward/mean": 0.0,
1088
+ "rewards/accuracy_reward/std": 0.0,
1089
+ "rewards/icrm_reward/mean": 2.1724700927734375,
1090
+ "rewards/icrm_reward/std": 0.3007848858833313,
1091
+ "step": 47
1092
+ },
1093
+ {
1094
+ "clip_ratio": 0.0,
1095
+ "completions/clipped_ratio": 0.00390625,
1096
+ "completions/max_length": 1536.0,
1097
+ "completions/max_terminated_length": 1473.0,
1098
+ "completions/mean_length": 629.65625,
1099
+ "completions/mean_terminated_length": 626.1019897460938,
1100
+ "completions/min_length": 201.0,
1101
+ "completions/min_terminated_length": 201.0,
1102
+ "epoch": 0.03614457831325301,
1103
+ "frac_reward_zero_std": 0.0,
1104
+ "grad_norm": 0.21083861589431763,
1105
+ "learning_rate": 1e-06,
1106
+ "loss": -0.0175,
1107
+ "num_tokens": 16878169.0,
1108
+ "reward": 2.199188232421875,
1109
+ "reward_std": 0.21884912252426147,
1110
+ "rewards/accuracy_reward/mean": 0.0,
1111
+ "rewards/accuracy_reward/std": 0.0,
1112
+ "rewards/icrm_reward/mean": 2.199188232421875,
1113
+ "rewards/icrm_reward/std": 0.27998584508895874,
1114
+ "step": 48
1115
+ },
1116
+ {
1117
+ "clip_ratio": 0.0,
1118
+ "completions/clipped_ratio": 0.013671875,
1119
+ "completions/max_length": 1536.0,
1120
+ "completions/max_terminated_length": 1528.0,
1121
+ "completions/mean_length": 673.232421875,
1122
+ "completions/mean_terminated_length": 661.2733154296875,
1123
+ "completions/min_length": 132.0,
1124
+ "completions/min_terminated_length": 132.0,
1125
+ "epoch": 0.036897590361445784,
1126
+ "frac_reward_zero_std": 0.0,
1127
+ "grad_norm": 0.22509372234344482,
1128
+ "learning_rate": 1e-06,
1129
+ "loss": -0.0074,
1130
+ "num_tokens": 17269376.0,
1131
+ "reward": 2.2296295166015625,
1132
+ "reward_std": 0.2356814444065094,
1133
+ "rewards/accuracy_reward/mean": 0.0,
1134
+ "rewards/accuracy_reward/std": 0.0,
1135
+ "rewards/icrm_reward/mean": 2.2296295166015625,
1136
+ "rewards/icrm_reward/std": 0.2954954504966736,
1137
+ "step": 49
1138
+ },
1139
+ {
1140
+ "clip_ratio": 0.0,
1141
+ "completions/clipped_ratio": 0.0078125,
1142
+ "completions/max_length": 1536.0,
1143
+ "completions/max_terminated_length": 1424.0,
1144
+ "completions/mean_length": 636.708984375,
1145
+ "completions/mean_terminated_length": 629.6279296875,
1146
+ "completions/min_length": 235.0,
1147
+ "completions/min_terminated_length": 235.0,
1148
+ "epoch": 0.03765060240963856,
1149
+ "frac_reward_zero_std": 0.0,
1150
+ "grad_norm": 0.24557623267173767,
1151
+ "learning_rate": 1e-06,
1152
+ "loss": -0.0308,
1153
+ "num_tokens": 17640139.0,
1154
+ "reward": 2.254730224609375,
1155
+ "reward_std": 0.24260641634464264,
1156
+ "rewards/accuracy_reward/mean": 0.0,
1157
+ "rewards/accuracy_reward/std": 0.0,
1158
+ "rewards/icrm_reward/mean": 2.254730224609375,
1159
+ "rewards/icrm_reward/std": 0.2840177118778229,
1160
+ "step": 50
1161
+ }
1162
+ ],
1163
+ "logging_steps": 1,
1164
+ "max_steps": 1328,
1165
+ "num_input_tokens_seen": 17640139,
1166
+ "num_train_epochs": 1,
1167
+ "save_steps": 50,
1168
+ "stateful_callbacks": {
1169
+ "TrainerControl": {
1170
+ "args": {
1171
+ "should_epoch_stop": false,
1172
+ "should_evaluate": false,
1173
+ "should_log": false,
1174
+ "should_save": true,
1175
+ "should_training_stop": false
1176
+ },
1177
+ "attributes": {}
1178
+ }
1179
+ },
1180
+ "total_flos": 0.0,
1181
+ "train_batch_size": 64,
1182
+ "trial_name": null,
1183
+ "trial_params": null
1184
+ }
checkpoint-50/training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:430d97a31331bdd0a6f3fc11a59e3059e538a16f64586546cad1520a49efbd16
3
+ size 7185
checkpoint-50/vocab.json ADDED
The diff for this file is too large to render. See raw diff