FutureMa commited on
Commit
bc4cc58
·
verified ·
1 Parent(s): a0f3ab6

Upload GRPO fine-tuned Qwen2.5-7B-Instruct model

Browse files
README.md ADDED
@@ -0,0 +1,134 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: apache-2.0
3
+ base_model: Qwen/Qwen2.5-7B-Instruct
4
+ tags:
5
+ - qwen2.5
6
+ - grpo
7
+ - rlhf
8
+ - math
9
+ - reasoning
10
+ - ms-swift
11
+ datasets:
12
+ - AI-MO/NuminaMath-TIR
13
+ language:
14
+ - en
15
+ library_name: transformers
16
+ pipeline_tag: text-generation
17
+ ---
18
+
19
+ # Qwen2.5-7B-Instruct-GRPO-Math
20
+
21
+ This model is a fine-tuned version of [Qwen/Qwen2.5-7B-Instruct](https://huggingface.co/Qwen/Qwen2.5-7B-Instruct) using **GRPO (Group Relative Policy Optimization)** on mathematical reasoning tasks.
22
+
23
+ ## Model Description
24
+
25
+ - **Base Model**: Qwen2.5-7B-Instruct
26
+ - **Training Method**: GRPO (Reinforcement Learning)
27
+ - **Training Framework**: [ms-swift](https://github.com/modelscope/ms-swift)
28
+ - **Training Data**: [AI-MO/NuminaMath-TIR](https://huggingface.co/datasets/AI-MO/NuminaMath-TIR) (500 samples)
29
+ - **Hardware**: 1x NVIDIA H100 PCIe (80GB)
30
+ - **Training Time**: ~2.5 hours
31
+
32
+ ## Training Details
33
+
34
+ ### Training Configuration
35
+
36
+ ```bash
37
+ CUDA_VISIBLE_DEVICES=0 \
38
+ swift rlhf \
39
+ --rlhf_type grpo \
40
+ --model Qwen/Qwen2.5-7B-Instruct \
41
+ --reward_funcs accuracy format \
42
+ --train_type lora \
43
+ --lora_rank 8 \
44
+ --lora_alpha 32 \
45
+ --target_modules all-linear \
46
+ --torch_dtype bfloat16 \
47
+ --dataset 'AI-MO/NuminaMath-TIR#500' \
48
+ --num_train_epochs 1 \
49
+ --per_device_train_batch_size 2 \
50
+ --learning_rate 5e-5 \
51
+ --num_generations 2
52
+ ```
53
+
54
+ ### Training Metrics
55
+
56
+ - **Final Loss**: 0.00011567
57
+ - **Math Accuracy**: 70%
58
+ - **Reward**: 0.7
59
+ - **Training Steps**: 500
60
+
61
+ ## Usage
62
+
63
+ ### Using with Transformers
64
+
65
+ ```python
66
+ from transformers import AutoModelForCausalLM, AutoTokenizer
67
+ from peft import PeftModel
68
+
69
+ # Load base model
70
+ base_model = AutoModelForCausalLM.from_pretrained(
71
+ "Qwen/Qwen2.5-7B-Instruct",
72
+ torch_dtype="auto",
73
+ device_map="auto"
74
+ )
75
+
76
+ # Load LoRA adapter
77
+ model = PeftModel.from_pretrained(
78
+ base_model,
79
+ "FutureMa/Qwen2.5-7B-Instruct-GRPO-Math"
80
+ )
81
+
82
+ tokenizer = AutoTokenizer.from_pretrained("Qwen/Qwen2.5-7B-Instruct")
83
+
84
+ # Generate
85
+ messages = [
86
+ {"role": "user", "content": "Solve for x: 2x^2 - 3x + 1 = 0"}
87
+ ]
88
+ text = tokenizer.apply_chat_template(messages, tokenize=False, add_generation_prompt=True)
89
+ inputs = tokenizer([text], return_tensors="pt").to(model.device)
90
+
91
+ outputs = model.generate(**inputs, max_new_tokens=512)
92
+ print(tokenizer.decode(outputs[0], skip_special_tokens=True))
93
+ ```
94
+
95
+ ### Using with ms-swift
96
+
97
+ ```bash
98
+ # Inference
99
+ swift infer \
100
+ --ckpt_dir FutureMa/Qwen2.5-7B-Instruct-GRPO-Math \
101
+ --eval_human false
102
+ ```
103
+
104
+ ## Intended Use
105
+
106
+ This model is optimized for:
107
+ - ✅ Mathematical reasoning and problem-solving
108
+ - ✅ Step-by-step solution generation
109
+ - ✅ Algebraic equation solving
110
+ - ✅ Arithmetic calculations
111
+
112
+ ## Limitations
113
+
114
+ - Trained on a relatively small dataset (500 samples)
115
+ - May not generalize well to very complex mathematical problems
116
+ - LoRA fine-tuning may have limited capacity compared to full fine-tuning
117
+
118
+ ## Citation
119
+
120
+ ```bibtex
121
+ @misc{qwen2.5-grpo-math,
122
+ author = {FutureMa},
123
+ title = {Qwen2.5-7B-Instruct Fine-tuned with GRPO on Math Tasks},
124
+ year = {2025},
125
+ publisher = {HuggingFace},
126
+ howpublished = {\url{https://huggingface.co/FutureMa/Qwen2.5-7B-Instruct-GRPO-Math}}
127
+ }
128
+ ```
129
+
130
+ ## Acknowledgments
131
+
132
+ - Base model: [Qwen Team](https://huggingface.co/Qwen)
133
+ - Training framework: [ms-swift](https://github.com/modelscope/ms-swift)
134
+ - Dataset: [AI-MO/NuminaMath-TIR](https://huggingface.co/datasets/AI-MO/NuminaMath-TIR)
adapter_config.json ADDED
@@ -0,0 +1,46 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alora_invocation_tokens": null,
3
+ "alpha_pattern": {},
4
+ "arrow_config": null,
5
+ "auto_mapping": null,
6
+ "base_model_name_or_path": "/home/ubuntu/.cache/modelscope/hub/models/Qwen/Qwen2___5-7B-Instruct",
7
+ "bias": "none",
8
+ "corda_config": null,
9
+ "ensure_weight_tying": false,
10
+ "eva_config": null,
11
+ "exclude_modules": null,
12
+ "fan_in_fan_out": false,
13
+ "inference_mode": true,
14
+ "init_lora_weights": true,
15
+ "layer_replication": null,
16
+ "layers_pattern": null,
17
+ "layers_to_transform": null,
18
+ "loftq_config": {},
19
+ "lora_alpha": 32,
20
+ "lora_bias": false,
21
+ "lora_dropout": 0.05,
22
+ "megatron_config": null,
23
+ "megatron_core": "megatron.core",
24
+ "modules_to_save": [],
25
+ "peft_type": "LORA",
26
+ "peft_version": "0.18.0",
27
+ "qalora_group_size": 16,
28
+ "r": 8,
29
+ "rank_pattern": {},
30
+ "revision": null,
31
+ "target_modules": [
32
+ "o_proj",
33
+ "gate_proj",
34
+ "down_proj",
35
+ "v_proj",
36
+ "up_proj",
37
+ "q_proj",
38
+ "k_proj"
39
+ ],
40
+ "target_parameters": null,
41
+ "task_type": "CAUSAL_LM",
42
+ "trainable_token_indices": null,
43
+ "use_dora": false,
44
+ "use_qalora": false,
45
+ "use_rslora": false
46
+ }
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d2730d736399f1c5a46fc879d33a5540d8cf3d6c3f0a797e7e089e7922d259ed
3
+ size 80792096
additional_config.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"lora_dtype": null, "lorap_lr_ratio": null, "lorap_emb_lr": 1e-06}
args.json ADDED
@@ -0,0 +1,475 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "output_dir": "/home/ubuntu/ms-swift/output/grpo_qwen2.5_7b/v1-20251128-020354",
3
+ "overwrite_output_dir": false,
4
+ "do_train": false,
5
+ "do_eval": false,
6
+ "do_predict": false,
7
+ "eval_strategy": "no",
8
+ "prediction_loss_only": false,
9
+ "per_device_train_batch_size": 2,
10
+ "per_device_eval_batch_size": 2,
11
+ "per_gpu_train_batch_size": null,
12
+ "per_gpu_eval_batch_size": null,
13
+ "gradient_accumulation_steps": 1,
14
+ "eval_accumulation_steps": null,
15
+ "eval_delay": 0,
16
+ "torch_empty_cache_steps": null,
17
+ "learning_rate": 5e-05,
18
+ "weight_decay": 0.1,
19
+ "adam_beta1": 0.9,
20
+ "adam_beta2": 0.95,
21
+ "adam_epsilon": 1e-08,
22
+ "max_grad_norm": 1.0,
23
+ "num_train_epochs": 1.0,
24
+ "max_steps": -1,
25
+ "lr_scheduler_type": "cosine",
26
+ "lr_scheduler_kwargs": null,
27
+ "warmup_ratio": 0.05,
28
+ "warmup_steps": 0,
29
+ "log_level": "passive",
30
+ "log_level_replica": "warning",
31
+ "log_on_each_node": true,
32
+ "logging_dir": "/home/ubuntu/ms-swift/output/grpo_qwen2.5_7b/v1-20251128-020354/runs",
33
+ "logging_strategy": "steps",
34
+ "logging_first_step": true,
35
+ "logging_steps": 5,
36
+ "logging_nan_inf_filter": true,
37
+ "save_strategy": "steps",
38
+ "save_steps": 50.0,
39
+ "save_total_limit": 2,
40
+ "save_safetensors": true,
41
+ "save_on_each_node": false,
42
+ "save_only_model": false,
43
+ "restore_callback_states_from_checkpoint": false,
44
+ "no_cuda": false,
45
+ "use_cpu": false,
46
+ "use_mps_device": false,
47
+ "seed": 42,
48
+ "data_seed": 42,
49
+ "jit_mode_eval": false,
50
+ "bf16": true,
51
+ "fp16": false,
52
+ "fp16_opt_level": "O1",
53
+ "half_precision_backend": "auto",
54
+ "bf16_full_eval": false,
55
+ "fp16_full_eval": false,
56
+ "tf32": null,
57
+ "local_rank": -1,
58
+ "ddp_backend": null,
59
+ "tpu_num_cores": null,
60
+ "tpu_metrics_debug": false,
61
+ "debug": null,
62
+ "dataloader_drop_last": false,
63
+ "eval_steps": 50.0,
64
+ "dataloader_num_workers": 4,
65
+ "dataloader_prefetch_factor": null,
66
+ "past_index": -1,
67
+ "run_name": "/home/ubuntu/ms-swift/output/grpo_qwen2.5_7b/v1-20251128-020354",
68
+ "disable_tqdm": null,
69
+ "remove_unused_columns": false,
70
+ "label_names": null,
71
+ "load_best_model_at_end": false,
72
+ "metric_for_best_model": "loss",
73
+ "greater_is_better": false,
74
+ "ignore_data_skip": false,
75
+ "fsdp": null,
76
+ "fsdp_min_num_params": 0,
77
+ "fsdp_config": null,
78
+ "fsdp_transformer_layer_cls_to_wrap": null,
79
+ "accelerator_config": {
80
+ "dispatch_batches": false
81
+ },
82
+ "parallelism_config": null,
83
+ "deepspeed": null,
84
+ "label_smoothing_factor": 0.0,
85
+ "optim": "adamw_torch_fused",
86
+ "optim_args": null,
87
+ "adafactor": false,
88
+ "group_by_length": false,
89
+ "length_column_name": "length",
90
+ "report_to": [
91
+ "tensorboard"
92
+ ],
93
+ "project": "huggingface",
94
+ "trackio_space_id": "trackio",
95
+ "ddp_find_unused_parameters": null,
96
+ "ddp_bucket_cap_mb": null,
97
+ "ddp_broadcast_buffers": null,
98
+ "dataloader_pin_memory": true,
99
+ "dataloader_persistent_workers": false,
100
+ "skip_memory_metrics": true,
101
+ "use_legacy_prediction_loop": false,
102
+ "push_to_hub": false,
103
+ "resume_from_checkpoint": null,
104
+ "hub_model_id": null,
105
+ "hub_strategy": "every_save",
106
+ "hub_token": null,
107
+ "hub_private_repo": null,
108
+ "hub_always_push": false,
109
+ "hub_revision": null,
110
+ "gradient_checkpointing": true,
111
+ "gradient_checkpointing_kwargs": null,
112
+ "include_inputs_for_metrics": false,
113
+ "include_for_metrics": [],
114
+ "eval_do_concat_batches": true,
115
+ "fp16_backend": "auto",
116
+ "push_to_hub_model_id": null,
117
+ "push_to_hub_organization": null,
118
+ "push_to_hub_token": null,
119
+ "mp_parameters": "",
120
+ "auto_find_batch_size": false,
121
+ "full_determinism": false,
122
+ "torchdynamo": null,
123
+ "ray_scope": "last",
124
+ "ddp_timeout": 18000000,
125
+ "torch_compile": false,
126
+ "torch_compile_backend": null,
127
+ "torch_compile_mode": null,
128
+ "include_tokens_per_second": false,
129
+ "include_num_input_tokens_seen": false,
130
+ "neftune_noise_alpha": null,
131
+ "optim_target_modules": null,
132
+ "batch_eval_metrics": false,
133
+ "eval_on_start": false,
134
+ "use_liger_kernel": false,
135
+ "liger_kernel_config": null,
136
+ "eval_use_gather_object": false,
137
+ "average_tokens_across_devices": true,
138
+ "sortish_sampler": false,
139
+ "predict_with_generate": false,
140
+ "generation_max_length": null,
141
+ "generation_num_beams": null,
142
+ "generation_config": null,
143
+ "tuner_backend": "peft",
144
+ "vit_gradient_checkpointing": null,
145
+ "router_aux_loss_coef": 0.0,
146
+ "enable_dft_loss": false,
147
+ "enable_channel_loss": false,
148
+ "check_model": true,
149
+ "acc_strategy": "token",
150
+ "train_dataloader_shuffle": true,
151
+ "max_epochs": null,
152
+ "aligner_lr": null,
153
+ "vit_lr": null,
154
+ "use_logits_to_keep": null,
155
+ "ds3_gather_for_generation": true,
156
+ "resume_only_model": false,
157
+ "optimizer": null,
158
+ "loss_type": "grpo",
159
+ "metric": null,
160
+ "eval_use_evalscope": false,
161
+ "eval_dataset": [],
162
+ "eval_dataset_args": null,
163
+ "eval_limit": null,
164
+ "eval_generation_config": null,
165
+ "extra_eval_args": null,
166
+ "use_flash_ckpt": false,
167
+ "use_ray": false,
168
+ "ray_exp_name": null,
169
+ "device_groups": null,
170
+ "model": "Qwen/Qwen2.5-7B-Instruct",
171
+ "model_type": "qwen2_5",
172
+ "model_revision": null,
173
+ "task_type": "causal_lm",
174
+ "torch_dtype": "bfloat16",
175
+ "attn_impl": null,
176
+ "new_special_tokens": [],
177
+ "num_labels": null,
178
+ "problem_type": null,
179
+ "rope_scaling": null,
180
+ "device_map": null,
181
+ "max_memory": {},
182
+ "max_model_len": null,
183
+ "local_repo_path": null,
184
+ "init_strategy": null,
185
+ "template": "qwen2_5",
186
+ "system": null,
187
+ "max_length": 2048,
188
+ "truncation_strategy": "left",
189
+ "max_pixels": null,
190
+ "agent_template": null,
191
+ "norm_bbox": null,
192
+ "use_chat_template": true,
193
+ "padding_free": false,
194
+ "padding_side": "right",
195
+ "loss_scale": "last_round",
196
+ "sequence_parallel_size": 1,
197
+ "response_prefix": null,
198
+ "template_backend": "swift",
199
+ "dataset": [
200
+ "AI-MO/NuminaMath-TIR#500"
201
+ ],
202
+ "val_dataset": [],
203
+ "cached_dataset": [],
204
+ "split_dataset_ratio": 0.0,
205
+ "dataset_num_proc": 4,
206
+ "load_from_cache_file": true,
207
+ "dataset_shuffle": true,
208
+ "val_dataset_shuffle": false,
209
+ "streaming": false,
210
+ "interleave_prob": null,
211
+ "stopping_strategy": "first_exhausted",
212
+ "shuffle_buffer_size": 1000,
213
+ "download_mode": "reuse_dataset_if_exists",
214
+ "columns": {},
215
+ "strict": false,
216
+ "model_name": null,
217
+ "model_author": null,
218
+ "custom_dataset_info": [],
219
+ "quant_method": null,
220
+ "quant_bits": null,
221
+ "hqq_axis": null,
222
+ "bnb_4bit_compute_dtype": "bfloat16",
223
+ "bnb_4bit_quant_type": "nf4",
224
+ "bnb_4bit_use_double_quant": true,
225
+ "bnb_4bit_quant_storage": null,
226
+ "max_new_tokens": 1024,
227
+ "temperature": 0.9,
228
+ "top_k": 50,
229
+ "top_p": 0.9,
230
+ "repetition_penalty": 1.0,
231
+ "num_beams": 1,
232
+ "stream": false,
233
+ "stop_words": [],
234
+ "logprobs": false,
235
+ "top_logprobs": null,
236
+ "ckpt_dir": null,
237
+ "lora_modules": [],
238
+ "train_type": "lora",
239
+ "adapters": [],
240
+ "external_plugins": [],
241
+ "model_kwargs": {},
242
+ "load_args": false,
243
+ "load_data_args": false,
244
+ "packing": false,
245
+ "packing_length": null,
246
+ "packing_num_proc": 1,
247
+ "lazy_tokenize": false,
248
+ "custom_register_path": [],
249
+ "use_hf": false,
250
+ "ignore_args_error": false,
251
+ "use_swift_lora": false,
252
+ "freeze_parameters": [],
253
+ "freeze_parameters_regex": null,
254
+ "freeze_parameters_ratio": 0.0,
255
+ "trainable_parameters": [],
256
+ "trainable_parameters_regex": null,
257
+ "freeze_llm": false,
258
+ "freeze_vit": true,
259
+ "freeze_aligner": true,
260
+ "target_modules": [
261
+ "all-linear"
262
+ ],
263
+ "target_regex": null,
264
+ "target_parameters": null,
265
+ "modules_to_save": [],
266
+ "lora_rank": 8,
267
+ "lora_alpha": 32,
268
+ "lora_dropout": 0.05,
269
+ "lora_bias": "none",
270
+ "lora_dtype": null,
271
+ "lorap_lr_ratio": null,
272
+ "use_rslora": false,
273
+ "use_dora": false,
274
+ "lora_ga_batch_size": 2,
275
+ "lora_ga_iters": 2,
276
+ "lora_ga_max_length": 1024,
277
+ "lora_ga_direction": "ArB2r",
278
+ "lora_ga_scale": "stable",
279
+ "lora_ga_stable_gamma": 16,
280
+ "init_weights": true,
281
+ "fourier_n_frequency": 2000,
282
+ "fourier_scaling": 300.0,
283
+ "boft_block_size": 4,
284
+ "boft_block_num": 0,
285
+ "boft_n_butterfly_factor": 1,
286
+ "boft_dropout": 0.0,
287
+ "vera_rank": 256,
288
+ "vera_projection_prng_key": 0,
289
+ "vera_dropout": 0.0,
290
+ "vera_d_initial": 0.1,
291
+ "adapter_act": "gelu",
292
+ "adapter_length": 128,
293
+ "use_galore": false,
294
+ "galore_target_modules": null,
295
+ "galore_rank": 128,
296
+ "galore_update_proj_gap": 50,
297
+ "galore_scale": 1.0,
298
+ "galore_proj_type": "std",
299
+ "galore_optim_per_parameter": false,
300
+ "galore_with_embedding": false,
301
+ "galore_quantization": false,
302
+ "galore_proj_quant": false,
303
+ "galore_proj_bits": 4,
304
+ "galore_proj_group_size": 256,
305
+ "galore_cos_threshold": 0.4,
306
+ "galore_gamma_proj": 2,
307
+ "galore_queue_size": 5,
308
+ "adalora_target_r": 8,
309
+ "adalora_init_r": 12,
310
+ "adalora_tinit": 0,
311
+ "adalora_tfinal": 0,
312
+ "adalora_deltaT": 1,
313
+ "adalora_beta1": 0.85,
314
+ "adalora_beta2": 0.85,
315
+ "adalora_orth_reg_weight": 0.5,
316
+ "llamapro_num_new_blocks": 4,
317
+ "llamapro_num_groups": null,
318
+ "lisa_activated_layers": 0,
319
+ "lisa_step_interval": 20,
320
+ "reft_layer_key": null,
321
+ "reft_layers": null,
322
+ "reft_rank": 4,
323
+ "reft_intervention_type": "LoreftIntervention",
324
+ "reft_args": null,
325
+ "swanlab_token": null,
326
+ "swanlab_project": null,
327
+ "swanlab_workspace": null,
328
+ "swanlab_exp_name": null,
329
+ "swanlab_lark_webhook_url": null,
330
+ "swanlab_lark_secret": null,
331
+ "swanlab_mode": "cloud",
332
+ "add_version": true,
333
+ "create_checkpoint_symlink": false,
334
+ "zero_hpz_partition_size": null,
335
+ "deepspeed_autotp_size": null,
336
+ "early_stop_interval": null,
337
+ "sft_alpha": 0,
338
+ "chord_sft_dataset": [],
339
+ "chord_sft_per_device_train_batch_size": null,
340
+ "chord_enable_phi_function": false,
341
+ "chord_mu_warmup_steps": null,
342
+ "chord_mu_decay_steps": null,
343
+ "chord_mu_peak": null,
344
+ "chord_mu_valley": null,
345
+ "reward_model": null,
346
+ "reward_adapters": [],
347
+ "reward_model_type": null,
348
+ "reward_model_revision": null,
349
+ "num_ppo_epochs": 4,
350
+ "whiten_rewards": false,
351
+ "kl_coef": 0.05,
352
+ "cliprange": 0.2,
353
+ "vf_coef": 0.1,
354
+ "cliprange_value": 0.2,
355
+ "gamma": 1.0,
356
+ "lam": 0.95,
357
+ "num_mini_batches": 1,
358
+ "local_rollout_forward_batch_size": 64,
359
+ "num_sample_generations": 10,
360
+ "response_length": 1024,
361
+ "missing_eos_penalty": null,
362
+ "vllm_gpu_memory_utilization": 0.9,
363
+ "vllm_tensor_parallel_size": 1,
364
+ "vllm_pipeline_parallel_size": 1,
365
+ "vllm_enable_expert_parallel": false,
366
+ "vllm_max_num_seqs": 256,
367
+ "vllm_max_model_len": null,
368
+ "vllm_disable_custom_all_reduce": true,
369
+ "vllm_enforce_eager": false,
370
+ "vllm_limit_mm_per_prompt": null,
371
+ "vllm_max_lora_rank": 16,
372
+ "vllm_enable_prefix_caching": true,
373
+ "vllm_use_async_engine": false,
374
+ "vllm_quantization": null,
375
+ "vllm_reasoning_parser": null,
376
+ "vllm_disable_cascade_attn": false,
377
+ "vllm_mm_processor_cache_gb": null,
378
+ "vllm_speculative_config": null,
379
+ "vllm_engine_kwargs": {},
380
+ "vllm_data_parallel_size": 1,
381
+ "use_vllm": false,
382
+ "vllm_mode": "colocate",
383
+ "vllm_enable_lora": false,
384
+ "vllm_server_base_url": null,
385
+ "vllm_server_host": null,
386
+ "vllm_server_port": [
387
+ 8000
388
+ ],
389
+ "vllm_server_timeout": 240.0,
390
+ "async_generate": false,
391
+ "sleep_level": 0,
392
+ "move_model_batches": null,
393
+ "offload_optimizer": false,
394
+ "offload_model": false,
395
+ "wandb_log_unique_prompts": null,
396
+ "epsilon": 0.2,
397
+ "epsilon_high": null,
398
+ "delta": null,
399
+ "cosine_min_len_value_wrong": -0.5,
400
+ "cosine_max_len_value_wrong": 0.0,
401
+ "cosine_min_len_value_correct": 1.0,
402
+ "cosine_max_len_value_correct": 0.5,
403
+ "cosine_max_len": null,
404
+ "repetition_n_grams": 3,
405
+ "repetition_max_penalty": -1.0,
406
+ "reward_model_plugin": null,
407
+ "sync_ref_model": false,
408
+ "ref_model_sync_steps": 512,
409
+ "ref_model_mixup_alpha": 0.6,
410
+ "multi_turn_scheduler": null,
411
+ "max_turns": null,
412
+ "completion_length_limit_scope": "per_round",
413
+ "vllm_server_pass_dataset": false,
414
+ "dynamic_sample": false,
415
+ "max_resample_times": 3,
416
+ "overlong_filter": false,
417
+ "soft_max_length": null,
418
+ "soft_cache_length": null,
419
+ "scale_rewards": "group",
420
+ "log_entropy": false,
421
+ "top_entropy_quantile": 1.0,
422
+ "importance_sampling_level": "token",
423
+ "tau_pos": 1.0,
424
+ "tau_neg": 1.05,
425
+ "advantage_estimator": "grpo",
426
+ "kl_in_reward": false,
427
+ "generation_batch_size": null,
428
+ "steps_per_generation": null,
429
+ "rollout_importance_sampling_mode": null,
430
+ "rollout_importance_sampling_threshold": 2.0,
431
+ "num_generations": 2,
432
+ "reward_funcs": [
433
+ "accuracy",
434
+ "format"
435
+ ],
436
+ "reward_weights": null,
437
+ "log_completions": true,
438
+ "num_iterations": 1,
439
+ "teacher_model": null,
440
+ "teacher_adapters": [],
441
+ "teacher_model_type": null,
442
+ "teacher_model_revision": null,
443
+ "teacher_deepspeed": null,
444
+ "rlhf_type": "grpo",
445
+ "ref_model": null,
446
+ "ref_adapters": [],
447
+ "ref_model_type": null,
448
+ "ref_model_revision": null,
449
+ "beta": 0.04,
450
+ "label_smoothing": 0,
451
+ "max_completion_length": 1024,
452
+ "rpo_alpha": null,
453
+ "ld_alpha": null,
454
+ "discopop_tau": 0.05,
455
+ "loss_weights": null,
456
+ "cpo_alpha": 1.0,
457
+ "simpo_gamma": 1,
458
+ "desirable_weight": 1.0,
459
+ "undesirable_weight": 1.0,
460
+ "center_rewards_coefficient": null,
461
+ "lmbda": 0.5,
462
+ "seq_kd": false,
463
+ "offload_teacher_model": false,
464
+ "rank": -1,
465
+ "global_world_size": 1,
466
+ "local_world_size": 1,
467
+ "model_suffix": "Qwen2.5-7B-Instruct",
468
+ "model_info": "ModelInfo(model_type='qwen2_5', model_dir='/home/ubuntu/.cache/modelscope/hub/models/Qwen/Qwen2___5-7B-Instruct', torch_dtype=torch.bfloat16, max_model_len=32768, quant_method=None, quant_bits=None, rope_scaling=None, is_moe_model=False, config=None, task_type='causal_lm', num_labels=None)",
469
+ "model_meta": "ModelMeta(model_type='qwen2_5', model_groups=[ModelGroup(models=[Model(ms_model_id='Qwen/Qwen2.5-0.5B-Instruct', hf_model_id='Qwen/Qwen2.5-0.5B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-1.5B-Instruct', hf_model_id='Qwen/Qwen2.5-1.5B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-3B-Instruct', hf_model_id='Qwen/Qwen2.5-3B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-7B-Instruct', hf_model_id='Qwen/Qwen2.5-7B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-14B-Instruct', hf_model_id='Qwen/Qwen2.5-14B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-32B-Instruct', hf_model_id='Qwen/Qwen2.5-32B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-72B-Instruct', hf_model_id='Qwen/Qwen2.5-72B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-0.5B', hf_model_id='Qwen/Qwen2.5-0.5B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-1.5B', hf_model_id='Qwen/Qwen2.5-1.5B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-3B', hf_model_id='Qwen/Qwen2.5-3B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-7B', hf_model_id='Qwen/Qwen2.5-7B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-14B', hf_model_id='Qwen/Qwen2.5-14B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-32B', hf_model_id='Qwen/Qwen2.5-32B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-72B', hf_model_id='Qwen/Qwen2.5-72B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-0.5B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-0.5B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-1.5B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-1.5B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-3B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-3B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-7B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-7B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-14B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-14B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-32B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-32B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-72B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-72B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-0.5B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-0.5B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-1.5B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-1.5B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-3B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-3B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-7B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-7B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-14B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-14B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-32B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-32B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-72B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-72B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-0.5B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-0.5B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-1.5B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-1.5B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-3B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-3B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-7B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-7B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-14B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-14B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-32B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-32B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-72B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-72B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None)], ignore_patterns=None, requires=None, tags=[]), ModelGroup(models=[Model(ms_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct', hf_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct', hf_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-3B-Instruct', hf_model_id='Qwen/Qwen2.5-Coder-3B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-7B-Instruct', hf_model_id='Qwen/Qwen2.5-Coder-7B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-14B-Instruct', hf_model_id='Qwen/Qwen2.5-Coder-14B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-32B-Instruct', hf_model_id='Qwen/Qwen2.5-Coder-32B-Instruct', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-0.5B', hf_model_id='Qwen/Qwen2.5-Coder-0.5B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-1.5B', hf_model_id='Qwen/Qwen2.5-Coder-1.5B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-3B', hf_model_id='Qwen/Qwen2.5-Coder-3B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-7B', hf_model_id='Qwen/Qwen2.5-Coder-7B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-14B', hf_model_id='Qwen/Qwen2.5-Coder-14B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-32B', hf_model_id='Qwen/Qwen2.5-Coder-32B', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-3B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-Coder-3B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-7B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-Coder-7B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-14B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-Coder-14B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-32B-Instruct-AWQ', hf_model_id='Qwen/Qwen2.5-Coder-32B-Instruct-AWQ', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-Coder-0.5B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-Coder-1.5B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-3B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-Coder-3B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-3B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-Coder-3B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-7B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-Coder-7B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-7B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-Coder-7B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-14B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-Coder-14B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-14B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-Coder-14B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-32B-Instruct-GPTQ-Int4', hf_model_id='Qwen/Qwen2.5-Coder-32B-Instruct-GPTQ-Int4', model_path=None, ms_revision=None, hf_revision=None), Model(ms_model_id='Qwen/Qwen2.5-Coder-32B-Instruct-GPTQ-Int8', hf_model_id='Qwen/Qwen2.5-Coder-32B-Instruct-GPTQ-Int8', model_path=None, ms_revision=None, hf_revision=None)], ignore_patterns=None, requires=None, tags=['coding']), ModelGroup(models=[Model(ms_model_id='moonshotai/Kimi-Dev-72B', hf_model_id='moonshotai/Kimi-Dev-72B', model_path=None, ms_revision=None, hf_revision=None)], ignore_patterns=None, requires=None, tags=[])], template='qwen2_5', get_function=<function get_model_tokenizer_with_flash_attn at 0x770ad2b563b0>, model_arch=ModelKeys(arch_name='llama', embedding='model.embed_tokens', module_list='model.layers', lm_head='lm_head', q_proj='model.layers.{}.self_attn.q_proj', k_proj='model.layers.{}.self_attn.k_proj', v_proj='model.layers.{}.self_attn.v_proj', o_proj='model.layers.{}.self_attn.o_proj', attention='model.layers.{}.self_attn', mlp='model.layers.{}.mlp', down_proj='model.layers.{}.mlp.down_proj', qkv_proj=None, qk_proj=None, qa_proj=None, qb_proj=None, kv_proj=None, kva_proj=None, kvb_proj=None), architectures=['Qwen2ForCausalLM'], additional_saved_files=[], torch_dtype=None, is_multimodal=False, is_reward=False, is_reranker=False, task_type=None, ignore_patterns=None, requires=['transformers>=4.37'], tags=[])",
470
+ "model_dir": "/home/ubuntu/.cache/modelscope/hub/models/Qwen/Qwen2___5-7B-Instruct",
471
+ "_val_dataset_exists": [],
472
+ "hub": "<class 'swift.hub.hub.MSHub'>",
473
+ "evaluation_strategy": "steps",
474
+ "training_args": "GRPOConfig(output_dir='/home/ubuntu/ms-swift/output/grpo_qwen2.5_7b/v1-20251128-020354', overwrite_output_dir=False, do_train=False, do_eval=False, do_predict=False, eval_strategy=<IntervalStrategy.NO: 'no'>, prediction_loss_only=False, per_device_train_batch_size=2, per_device_eval_batch_size=2, per_gpu_train_batch_size=None, per_gpu_eval_batch_size=None, gradient_accumulation_steps=1, eval_accumulation_steps=None, eval_delay=0, torch_empty_cache_steps=None, learning_rate=5e-05, weight_decay=0.1, adam_beta1=0.9, adam_beta2=0.95, adam_epsilon=1e-08, max_grad_norm=1.0, num_train_epochs=1.0, max_steps=-1, lr_scheduler_type=<SchedulerType.COSINE: 'cosine'>, lr_scheduler_kwargs=None, warmup_ratio=0.05, warmup_steps=0, log_level='passive', log_level_replica='warning', log_on_each_node=True, logging_dir='/home/ubuntu/ms-swift/output/grpo_qwen2.5_7b/v1-20251128-020354/runs', logging_strategy=<IntervalStrategy.STEPS: 'steps'>, logging_first_step=True, logging_steps=5, logging_nan_inf_filter=True, save_strategy=<SaveStrategy.STEPS: 'steps'>, save_steps=50, save_total_limit=2, save_safetensors=True, save_on_each_node=False, save_only_model=False, restore_callback_states_from_checkpoint=False, no_cuda=False, use_cpu=False, use_mps_device=False, seed=42, data_seed=42, jit_mode_eval=False, bf16=True, fp16=False, fp16_opt_level='O1', half_precision_backend='auto', bf16_full_eval=False, fp16_full_eval=False, tf32=None, local_rank=0, ddp_backend=None, tpu_num_cores=None, tpu_metrics_debug=False, debug=[], dataloader_drop_last=True, eval_steps=50.0, dataloader_num_workers=4, dataloader_prefetch_factor=10, past_index=-1, run_name='/home/ubuntu/ms-swift/output/grpo_qwen2.5_7b/v1-20251128-020354', disable_tqdm=False, remove_unused_columns=False, label_names=None, load_best_model_at_end=False, metric_for_best_model='loss', greater_is_better=False, ignore_data_skip=False, fsdp=[], fsdp_min_num_params=0, fsdp_config={'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False}, fsdp_transformer_layer_cls_to_wrap=None, accelerator_config=AcceleratorConfig(split_batches=False, dispatch_batches=False, even_batches=True, use_seedable_sampler=True, non_blocking=False, gradient_accumulation_kwargs=None, use_configured_state=False), parallelism_config=None, deepspeed=None, label_smoothing_factor=0.0, optim=<OptimizerNames.ADAMW_TORCH_FUSED: 'adamw_torch_fused'>, optim_args=None, adafactor=False, group_by_length=False, length_column_name='length', report_to=['tensorboard'], project='huggingface', trackio_space_id='trackio', ddp_find_unused_parameters=None, ddp_bucket_cap_mb=None, ddp_broadcast_buffers=None, dataloader_pin_memory=True, dataloader_persistent_workers=False, skip_memory_metrics=True, use_legacy_prediction_loop=False, push_to_hub=False, resume_from_checkpoint=None, hub_model_id=None, hub_strategy=<HubStrategy.EVERY_SAVE: 'every_save'>, hub_token=None, hub_private_repo=None, hub_always_push=False, hub_revision=None, gradient_checkpointing=True, gradient_checkpointing_kwargs=None, include_inputs_for_metrics=False, include_for_metrics=[], eval_do_concat_batches=True, fp16_backend='auto', push_to_hub_model_id=None, push_to_hub_organization=None, push_to_hub_token=None, mp_parameters='', auto_find_batch_size=False, full_determinism=False, torchdynamo=None, ray_scope='last', ddp_timeout=18000000, torch_compile=False, torch_compile_backend=None, torch_compile_mode=None, include_tokens_per_second=None, include_num_input_tokens_seen=None, neftune_noise_alpha=None, optim_target_modules=None, batch_eval_metrics=False, eval_on_start=False, use_liger_kernel=False, liger_kernel_config=None, eval_use_gather_object=False, average_tokens_across_devices=None, model_init_kwargs=None, disable_dropout=False, max_prompt_length=512, num_generations=2, max_completion_length=1024, ds3_gather_for_generation=True, shuffle_dataset=True, generation_batch_size=2, steps_per_generation=1, temperature=0.9, top_p=0.9, top_k=50, min_p=None, generation_kwargs=None, repetition_penalty=1.0, use_transformers_paged=False, cache_implementation=None, use_vllm=False, vllm_mode='colocate', vllm_model_impl='vllm', vllm_enable_sleep_mode=False, vllm_guided_decoding_regex=None, vllm_server_base_url=None, vllm_server_host=None, vllm_server_port=[8000], vllm_server_timeout=240.0, vllm_gpu_memory_utilization=0.9, vllm_tensor_parallel_size=1, beta=0.04, num_iterations=1, epsilon=0.2, delta=None, epsilon_high=None, importance_sampling_level='token', reward_weights=None, scale_rewards='group', loss_type='grpo', mask_truncated_completions=False, sync_ref_model=False, ref_model_mixup_alpha=0.6, ref_model_sync_steps=512, top_entropy_quantile=1.0, use_liger_loss=False, vllm_importance_sampling_correction=True, vllm_importance_sampling_cap=2.0, log_completions=True, num_completions_to_print=None, wandb_log_unique_prompts=None, tuner_backend='peft', vit_gradient_checkpointing=True, router_aux_loss_coef=0.0, enable_dft_loss=False, enable_channel_loss=False, check_model=True, acc_strategy='token', train_dataloader_shuffle=True, max_epochs=None, aligner_lr=None, vit_lr=None, use_logits_to_keep=None, resume_only_model=False, optimizer=None, metric=None, eval_use_evalscope=False, eval_dataset=[], eval_dataset_args=None, eval_limit=None, eval_generation_config=None, extra_eval_args=None, use_flash_ckpt=False, sft_alpha=0, chord_sft_dataset=[], chord_sft_per_device_train_batch_size=None, chord_enable_phi_function=False, chord_mu_warmup_steps=None, chord_mu_decay_steps=None, chord_mu_peak=None, chord_mu_valley=None, train_type='lora', local_repo_path=None, galore_config=None, padding_side='right', padding_free=False, task_type='causal_lm', problem_type=None, vllm_pipeline_parallel_size=1, vllm_enable_expert_parallel=False, vllm_max_num_seqs=256, vllm_max_model_len=None, vllm_disable_custom_all_reduce=True, vllm_enforce_eager=False, vllm_limit_mm_per_prompt=None, vllm_max_lora_rank=16, vllm_enable_prefix_caching=True, vllm_use_async_engine=False, vllm_quantization=None, vllm_reasoning_parser=None, vllm_disable_cascade_attn=False, vllm_mm_processor_cache_gb=None, vllm_speculative_config=None, vllm_engine_kwargs={}, vllm_data_parallel_size=1, stop_words=[], vllm_enable_lora=False, lora_rank=8, async_generate=False, sleep_level=0, move_model_batches=None, offload_optimizer=False, offload_model=False, cosine_min_len_value_wrong=-0.5, cosine_max_len_value_wrong=0.0, cosine_min_len_value_correct=1.0, cosine_max_len_value_correct=0.5, cosine_max_len=1024, repetition_n_grams=3, repetition_max_penalty=-1.0, reward_model=None, reward_model_plugin=None, multi_turn_scheduler=None, max_turns=None, completion_length_limit_scope='per_round', vllm_server_pass_dataset=False, dynamic_sample=False, max_resample_times=3, overlong_filter=False, soft_max_length=None, soft_cache_length=None, log_entropy=False, tau_pos=1.0, tau_neg=1.05, advantage_estimator='grpo', kl_in_reward=False, dataset_shuffle=True, rollout_importance_sampling_mode=None, rollout_importance_sampling_threshold=2.0)"
475
+ }
optimizer.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:431f676d4b452a02254776f63e46224aa4ce1cd7ad37a999764d2568e58b211f
3
+ size 161816187
rng_state.pth ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e18e2d2755a4eceddb4a0fedea406eb9ca81a6bd3330e768838765a9ff0fd6c6
3
+ size 14645
scheduler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3105ebe8471f9890c3eb1f20cc0f2520fa5fdb0128474bbc87e607b2ec7c53dc
3
+ size 1465
trainer_state.json ADDED
@@ -0,0 +1,2458 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "best_global_step": null,
3
+ "best_metric": null,
4
+ "best_model_checkpoint": null,
5
+ "epoch": 1.0,
6
+ "eval_steps": 50.0,
7
+ "global_step": 500,
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/high_max": 0.0,
14
+ "clip_ratio/high_mean": 0.0,
15
+ "clip_ratio/low_mean": 0.0,
16
+ "clip_ratio/low_min": 0.0,
17
+ "clip_ratio/region_mean": 0.0,
18
+ "completions/clipped_ratio": 0.0,
19
+ "completions/max_length": 389.0,
20
+ "completions/mean_length": 377.5,
21
+ "completions/min_length": 366.0,
22
+ "epoch": 0.002,
23
+ "frac_reward_zero_std": 0.0,
24
+ "grad_norm": 0.2745305299758911,
25
+ "kl": 0.0,
26
+ "learning_rate": 2.0000000000000003e-06,
27
+ "loss": 0.0,
28
+ "reward": 0.5,
29
+ "reward_std": 0.7071067690849304,
30
+ "rewards/Format/mean": 0.0,
31
+ "rewards/Format/std": 0.0,
32
+ "rewards/MathAccuracy/mean": 0.5,
33
+ "rewards/MathAccuracy/std": 0.7071067690849304,
34
+ "step": 1
35
+ },
36
+ {
37
+ "clip_ratio/high_max": 0.0,
38
+ "clip_ratio/high_mean": 0.0,
39
+ "clip_ratio/low_mean": 0.0,
40
+ "clip_ratio/low_min": 0.0,
41
+ "clip_ratio/region_mean": 0.0,
42
+ "completions/clipped_ratio": 0.25,
43
+ "completions/max_length": 712.75,
44
+ "completions/mean_length": 689.375,
45
+ "completions/min_length": 666.0,
46
+ "epoch": 0.01,
47
+ "frac_reward_zero_std": 1.0,
48
+ "grad_norm": 0.0006804907461628318,
49
+ "kl": 9.946800855686888e-05,
50
+ "learning_rate": 1e-05,
51
+ "loss": 4.000145054305904e-06,
52
+ "reward": 0.25,
53
+ "reward_std": 0.0,
54
+ "rewards/Format/mean": 0.0,
55
+ "rewards/Format/std": 0.0,
56
+ "rewards/MathAccuracy/mean": 0.25,
57
+ "rewards/MathAccuracy/std": 0.0,
58
+ "step": 5
59
+ },
60
+ {
61
+ "clip_ratio/high_max": 0.0024464832618832587,
62
+ "clip_ratio/high_mean": 0.0024464832618832587,
63
+ "clip_ratio/low_mean": 0.0001640689093619585,
64
+ "clip_ratio/low_min": 0.0001640689093619585,
65
+ "clip_ratio/region_mean": 0.002610552171245217,
66
+ "completions/clipped_ratio": 0.2,
67
+ "completions/max_length": 497.2,
68
+ "completions/mean_length": 485.6,
69
+ "completions/min_length": 474.0,
70
+ "epoch": 0.02,
71
+ "frac_reward_zero_std": 0.6,
72
+ "grad_norm": 0.22628173232078552,
73
+ "kl": 0.0002987155457958579,
74
+ "learning_rate": 2e-05,
75
+ "loss": -0.0003628176636993885,
76
+ "reward": 0.6,
77
+ "reward_std": 0.2828427076339722,
78
+ "rewards/Format/mean": 0.0,
79
+ "rewards/Format/std": 0.0,
80
+ "rewards/MathAccuracy/mean": 0.6,
81
+ "rewards/MathAccuracy/std": 0.2828427076339722,
82
+ "step": 10
83
+ },
84
+ {
85
+ "clip_ratio/high_max": 0.0,
86
+ "clip_ratio/high_mean": 0.0,
87
+ "clip_ratio/low_mean": 0.0,
88
+ "clip_ratio/low_min": 0.0,
89
+ "clip_ratio/region_mean": 0.0,
90
+ "completions/clipped_ratio": 0.0,
91
+ "completions/max_length": 421.6,
92
+ "completions/mean_length": 390.2,
93
+ "completions/min_length": 358.8,
94
+ "epoch": 0.03,
95
+ "frac_reward_zero_std": 0.8,
96
+ "grad_norm": 0.0014656687853857875,
97
+ "kl": 0.00022319573326967657,
98
+ "learning_rate": 3e-05,
99
+ "loss": -1.4230319357011467e-05,
100
+ "reward": 0.5,
101
+ "reward_std": 0.1414213538169861,
102
+ "rewards/Format/mean": 0.0,
103
+ "rewards/Format/std": 0.0,
104
+ "rewards/MathAccuracy/mean": 0.5,
105
+ "rewards/MathAccuracy/std": 0.1414213538169861,
106
+ "step": 15
107
+ },
108
+ {
109
+ "clip_ratio/high_max": 0.0,
110
+ "clip_ratio/high_mean": 0.0,
111
+ "clip_ratio/low_mean": 0.0,
112
+ "clip_ratio/low_min": 0.0,
113
+ "clip_ratio/region_mean": 0.0,
114
+ "completions/clipped_ratio": 0.0,
115
+ "completions/max_length": 486.0,
116
+ "completions/mean_length": 444.9,
117
+ "completions/min_length": 403.8,
118
+ "epoch": 0.04,
119
+ "frac_reward_zero_std": 1.0,
120
+ "grad_norm": 0.0009142484632320702,
121
+ "kl": 0.0004241452901624143,
122
+ "learning_rate": 4e-05,
123
+ "loss": 1.7114212096203118e-05,
124
+ "reward": 0.6,
125
+ "reward_std": 0.0,
126
+ "rewards/Format/mean": 0.0,
127
+ "rewards/Format/std": 0.0,
128
+ "rewards/MathAccuracy/mean": 0.6,
129
+ "rewards/MathAccuracy/std": 0.0,
130
+ "step": 20
131
+ },
132
+ {
133
+ "clip_ratio/high_max": 0.0005540780373848974,
134
+ "clip_ratio/high_mean": 0.0005540780373848974,
135
+ "clip_ratio/low_mean": 0.0,
136
+ "clip_ratio/low_min": 0.0,
137
+ "clip_ratio/region_mean": 0.0005540780373848974,
138
+ "completions/clipped_ratio": 0.2,
139
+ "completions/max_length": 787.4,
140
+ "completions/mean_length": 738.5,
141
+ "completions/min_length": 689.6,
142
+ "epoch": 0.05,
143
+ "frac_reward_zero_std": 0.6,
144
+ "grad_norm": 0.0029386563692241907,
145
+ "kl": 0.0017149186198366806,
146
+ "learning_rate": 5e-05,
147
+ "loss": 8.679315214976668e-05,
148
+ "reward": 0.4,
149
+ "reward_std": 0.2828427076339722,
150
+ "rewards/Format/mean": 0.0,
151
+ "rewards/Format/std": 0.0,
152
+ "rewards/MathAccuracy/mean": 0.4,
153
+ "rewards/MathAccuracy/std": 0.2828427076339722,
154
+ "step": 25
155
+ },
156
+ {
157
+ "clip_ratio/high_max": 0.0006403414998203516,
158
+ "clip_ratio/high_mean": 0.0006403414998203516,
159
+ "clip_ratio/low_mean": 0.0,
160
+ "clip_ratio/low_min": 0.0,
161
+ "clip_ratio/region_mean": 0.0006403414998203516,
162
+ "completions/clipped_ratio": 0.1,
163
+ "completions/max_length": 647.6,
164
+ "completions/mean_length": 566.2,
165
+ "completions/min_length": 484.8,
166
+ "epoch": 0.06,
167
+ "frac_reward_zero_std": 0.8,
168
+ "grad_norm": 0.0006255562184378505,
169
+ "kl": 0.0003066264180233702,
170
+ "learning_rate": 4.9986331433523156e-05,
171
+ "loss": 1.4322872448246927e-05,
172
+ "reward": 0.3,
173
+ "reward_std": 0.1414213538169861,
174
+ "rewards/Format/mean": 0.0,
175
+ "rewards/Format/std": 0.0,
176
+ "rewards/MathAccuracy/mean": 0.3,
177
+ "rewards/MathAccuracy/std": 0.1414213538169861,
178
+ "step": 30
179
+ },
180
+ {
181
+ "clip_ratio/high_max": 0.0,
182
+ "clip_ratio/high_mean": 0.0,
183
+ "clip_ratio/low_mean": 0.0,
184
+ "clip_ratio/low_min": 0.0,
185
+ "clip_ratio/region_mean": 0.0,
186
+ "completions/clipped_ratio": 0.3,
187
+ "completions/max_length": 686.4,
188
+ "completions/mean_length": 664.7,
189
+ "completions/min_length": 643.0,
190
+ "epoch": 0.07,
191
+ "frac_reward_zero_std": 1.0,
192
+ "grad_norm": 0.0014924455899745226,
193
+ "kl": 0.00036709415726363657,
194
+ "learning_rate": 4.994534068046937e-05,
195
+ "loss": 1.4717187150381506e-05,
196
+ "reward": 0.4,
197
+ "reward_std": 0.0,
198
+ "rewards/Format/mean": 0.0,
199
+ "rewards/Format/std": 0.0,
200
+ "rewards/MathAccuracy/mean": 0.4,
201
+ "rewards/MathAccuracy/std": 0.0,
202
+ "step": 35
203
+ },
204
+ {
205
+ "clip_ratio/high_max": 0.00040349699556827543,
206
+ "clip_ratio/high_mean": 0.00040349699556827543,
207
+ "clip_ratio/low_mean": 0.00040349699556827543,
208
+ "clip_ratio/low_min": 0.00040349699556827543,
209
+ "clip_ratio/region_mean": 0.0008069939911365509,
210
+ "completions/clipped_ratio": 0.1,
211
+ "completions/max_length": 681.6,
212
+ "completions/mean_length": 587.4,
213
+ "completions/min_length": 493.2,
214
+ "epoch": 0.08,
215
+ "frac_reward_zero_std": 0.8,
216
+ "grad_norm": 0.0019065124215558171,
217
+ "kl": 0.0004894518526270986,
218
+ "learning_rate": 4.9877072563625285e-05,
219
+ "loss": -0.00015065595507621766,
220
+ "reward": 0.3,
221
+ "reward_std": 0.1414213538169861,
222
+ "rewards/Format/mean": 0.0,
223
+ "rewards/Format/std": 0.0,
224
+ "rewards/MathAccuracy/mean": 0.3,
225
+ "rewards/MathAccuracy/std": 0.1414213538169861,
226
+ "step": 40
227
+ },
228
+ {
229
+ "clip_ratio/high_max": 0.0,
230
+ "clip_ratio/high_mean": 0.0,
231
+ "clip_ratio/low_mean": 0.0,
232
+ "clip_ratio/low_min": 0.0,
233
+ "clip_ratio/region_mean": 0.0,
234
+ "completions/clipped_ratio": 0.2,
235
+ "completions/max_length": 677.2,
236
+ "completions/mean_length": 661.8,
237
+ "completions/min_length": 646.4,
238
+ "epoch": 0.09,
239
+ "frac_reward_zero_std": 1.0,
240
+ "grad_norm": 0.000817921943962574,
241
+ "kl": 0.0003075484826695174,
242
+ "learning_rate": 4.978160173317438e-05,
243
+ "loss": 1.24339887406677e-05,
244
+ "reward": 0.6,
245
+ "reward_std": 0.0,
246
+ "rewards/Format/mean": 0.0,
247
+ "rewards/Format/std": 0.0,
248
+ "rewards/MathAccuracy/mean": 0.6,
249
+ "rewards/MathAccuracy/std": 0.0,
250
+ "step": 45
251
+ },
252
+ {
253
+ "clip_ratio/high_max": 0.0,
254
+ "clip_ratio/high_mean": 0.0,
255
+ "clip_ratio/low_mean": 0.0,
256
+ "clip_ratio/low_min": 0.0,
257
+ "clip_ratio/region_mean": 0.0,
258
+ "completions/clipped_ratio": 0.0,
259
+ "completions/max_length": 656.8,
260
+ "completions/mean_length": 621.3,
261
+ "completions/min_length": 585.8,
262
+ "epoch": 0.1,
263
+ "frac_reward_zero_std": 0.8,
264
+ "grad_norm": 0.15634514391422272,
265
+ "kl": 0.000459137320285663,
266
+ "learning_rate": 4.965903258506806e-05,
267
+ "loss": 2.121384022757411e-06,
268
+ "reward": 0.7,
269
+ "reward_std": 0.1414213538169861,
270
+ "rewards/Format/mean": 0.0,
271
+ "rewards/Format/std": 0.0,
272
+ "rewards/MathAccuracy/mean": 0.7,
273
+ "rewards/MathAccuracy/std": 0.1414213538169861,
274
+ "step": 50
275
+ },
276
+ {
277
+ "clip_ratio/high_max": 0.0,
278
+ "clip_ratio/high_mean": 0.0,
279
+ "clip_ratio/low_mean": 0.0,
280
+ "clip_ratio/low_min": 0.0,
281
+ "clip_ratio/region_mean": 0.0,
282
+ "completions/clipped_ratio": 0.4,
283
+ "completions/max_length": 677.0,
284
+ "completions/mean_length": 671.2,
285
+ "completions/min_length": 665.4,
286
+ "epoch": 0.11,
287
+ "frac_reward_zero_std": 1.0,
288
+ "grad_norm": 0.0011203172616660595,
289
+ "kl": 0.0012636209139600396,
290
+ "learning_rate": 4.9509499146870236e-05,
291
+ "loss": 4.886850947514176e-05,
292
+ "reward": 0.2,
293
+ "reward_std": 0.0,
294
+ "rewards/Format/mean": 0.0,
295
+ "rewards/Format/std": 0.0,
296
+ "rewards/MathAccuracy/mean": 0.2,
297
+ "rewards/MathAccuracy/std": 0.0,
298
+ "step": 55
299
+ },
300
+ {
301
+ "clip_ratio/high_max": 0.00022246940061450006,
302
+ "clip_ratio/high_mean": 0.00022246940061450006,
303
+ "clip_ratio/low_mean": 0.0,
304
+ "clip_ratio/low_min": 0.0,
305
+ "clip_ratio/region_mean": 0.00022246940061450006,
306
+ "completions/clipped_ratio": 0.0,
307
+ "completions/max_length": 418.2,
308
+ "completions/mean_length": 400.8,
309
+ "completions/min_length": 383.4,
310
+ "epoch": 0.12,
311
+ "frac_reward_zero_std": 0.8,
312
+ "grad_norm": 0.0010890079429373145,
313
+ "kl": 0.0009534806886222214,
314
+ "learning_rate": 4.933316493120015e-05,
315
+ "loss": 2.114146773237735e-05,
316
+ "reward": 0.5,
317
+ "reward_std": 0.1414213538169861,
318
+ "rewards/Format/mean": 0.0,
319
+ "rewards/Format/std": 0.0,
320
+ "rewards/MathAccuracy/mean": 0.5,
321
+ "rewards/MathAccuracy/std": 0.1414213538169861,
322
+ "step": 60
323
+ },
324
+ {
325
+ "clip_ratio/high_max": 0.0,
326
+ "clip_ratio/high_mean": 0.0,
327
+ "clip_ratio/low_mean": 0.0,
328
+ "clip_ratio/low_min": 0.0,
329
+ "clip_ratio/region_mean": 0.0,
330
+ "completions/clipped_ratio": 0.3,
331
+ "completions/max_length": 681.6,
332
+ "completions/mean_length": 648.9,
333
+ "completions/min_length": 616.2,
334
+ "epoch": 0.13,
335
+ "frac_reward_zero_std": 1.0,
336
+ "grad_norm": 0.0018795138457790017,
337
+ "kl": 0.0005977108958177269,
338
+ "learning_rate": 4.913022275693372e-05,
339
+ "loss": 2.4121845490299167e-05,
340
+ "reward": 0.4,
341
+ "reward_std": 0.0,
342
+ "rewards/Format/mean": 0.0,
343
+ "rewards/Format/std": 0.0,
344
+ "rewards/MathAccuracy/mean": 0.4,
345
+ "rewards/MathAccuracy/std": 0.0,
346
+ "step": 65
347
+ },
348
+ {
349
+ "clip_ratio/high_max": 0.0009542598738335073,
350
+ "clip_ratio/high_mean": 0.0009542598738335073,
351
+ "clip_ratio/low_mean": 0.00020920501556247472,
352
+ "clip_ratio/low_min": 0.00020920501556247472,
353
+ "clip_ratio/region_mean": 0.0011634649126790464,
354
+ "completions/clipped_ratio": 0.0,
355
+ "completions/max_length": 435.8,
356
+ "completions/mean_length": 412.4,
357
+ "completions/min_length": 389.0,
358
+ "epoch": 0.14,
359
+ "frac_reward_zero_std": 0.6,
360
+ "grad_norm": 0.25056585669517517,
361
+ "kl": 0.0006330947682727129,
362
+ "learning_rate": 4.8900894538358944e-05,
363
+ "loss": -0.00019633164629340172,
364
+ "reward": 0.4,
365
+ "reward_std": 0.2828427076339722,
366
+ "rewards/Format/mean": 0.0,
367
+ "rewards/Format/std": 0.0,
368
+ "rewards/MathAccuracy/mean": 0.4,
369
+ "rewards/MathAccuracy/std": 0.2828427076339722,
370
+ "step": 70
371
+ },
372
+ {
373
+ "clip_ratio/high_max": 0.0,
374
+ "clip_ratio/high_mean": 0.0,
375
+ "clip_ratio/low_mean": 0.0,
376
+ "clip_ratio/low_min": 0.0,
377
+ "clip_ratio/region_mean": 0.0,
378
+ "completions/clipped_ratio": 0.1,
379
+ "completions/max_length": 611.0,
380
+ "completions/mean_length": 575.0,
381
+ "completions/min_length": 539.0,
382
+ "epoch": 0.15,
383
+ "frac_reward_zero_std": 1.0,
384
+ "grad_norm": 0.002435472793877125,
385
+ "kl": 0.0007646598271094263,
386
+ "learning_rate": 4.864543104251587e-05,
387
+ "loss": 3.094758721999824e-05,
388
+ "reward": 0.6,
389
+ "reward_std": 0.0,
390
+ "rewards/Format/mean": 0.0,
391
+ "rewards/Format/std": 0.0,
392
+ "rewards/MathAccuracy/mean": 0.6,
393
+ "rewards/MathAccuracy/std": 0.0,
394
+ "step": 75
395
+ },
396
+ {
397
+ "clip_ratio/high_max": 0.00010515246540307999,
398
+ "clip_ratio/high_mean": 0.00010515246540307999,
399
+ "clip_ratio/low_mean": 0.0,
400
+ "clip_ratio/low_min": 0.0,
401
+ "clip_ratio/region_mean": 0.00010515246540307999,
402
+ "completions/clipped_ratio": 0.1,
403
+ "completions/max_length": 668.6,
404
+ "completions/mean_length": 606.7,
405
+ "completions/min_length": 544.8,
406
+ "epoch": 0.16,
407
+ "frac_reward_zero_std": 0.8,
408
+ "grad_norm": 0.11095567792654037,
409
+ "kl": 0.0007162548077758402,
410
+ "learning_rate": 4.8364111614986527e-05,
411
+ "loss": 7.679397240281104e-05,
412
+ "reward": 0.3,
413
+ "reward_std": 0.1414213538169861,
414
+ "rewards/Format/mean": 0.0,
415
+ "rewards/Format/std": 0.0,
416
+ "rewards/MathAccuracy/mean": 0.3,
417
+ "rewards/MathAccuracy/std": 0.1414213538169861,
418
+ "step": 80
419
+ },
420
+ {
421
+ "clip_ratio/high_max": 0.0,
422
+ "clip_ratio/high_mean": 0.0,
423
+ "clip_ratio/low_mean": 0.0,
424
+ "clip_ratio/low_min": 0.0,
425
+ "clip_ratio/region_mean": 0.0,
426
+ "completions/clipped_ratio": 0.1,
427
+ "completions/max_length": 568.8,
428
+ "completions/mean_length": 527.3,
429
+ "completions/min_length": 485.8,
430
+ "epoch": 0.17,
431
+ "frac_reward_zero_std": 0.8,
432
+ "grad_norm": 0.0033143432810902596,
433
+ "kl": 0.0006754565751180053,
434
+ "learning_rate": 4.805724387443462e-05,
435
+ "loss": 4.5427383156493306e-05,
436
+ "reward": 0.5,
437
+ "reward_std": 0.1414213538169861,
438
+ "rewards/Format/mean": 0.0,
439
+ "rewards/Format/std": 0.0,
440
+ "rewards/MathAccuracy/mean": 0.5,
441
+ "rewards/MathAccuracy/std": 0.1414213538169861,
442
+ "step": 85
443
+ },
444
+ {
445
+ "clip_ratio/high_max": 0.0003456221194937825,
446
+ "clip_ratio/high_mean": 0.0003456221194937825,
447
+ "clip_ratio/low_mean": 0.00011520737316459418,
448
+ "clip_ratio/low_min": 0.00011520737316459418,
449
+ "clip_ratio/region_mean": 0.0004608294926583767,
450
+ "completions/clipped_ratio": 0.2,
451
+ "completions/max_length": 831.6,
452
+ "completions/mean_length": 796.0,
453
+ "completions/min_length": 760.4,
454
+ "epoch": 0.18,
455
+ "frac_reward_zero_std": 0.8,
456
+ "grad_norm": 0.0037328507751226425,
457
+ "kl": 0.0010223451943602413,
458
+ "learning_rate": 4.7725163376229064e-05,
459
+ "loss": 4.158227238804102e-05,
460
+ "reward": 0.3,
461
+ "reward_std": 0.1414213538169861,
462
+ "rewards/Format/mean": 0.0,
463
+ "rewards/Format/std": 0.0,
464
+ "rewards/MathAccuracy/mean": 0.3,
465
+ "rewards/MathAccuracy/std": 0.1414213538169861,
466
+ "step": 90
467
+ },
468
+ {
469
+ "clip_ratio/high_max": 0.0,
470
+ "clip_ratio/high_mean": 0.0,
471
+ "clip_ratio/low_mean": 0.0,
472
+ "clip_ratio/low_min": 0.0,
473
+ "clip_ratio/region_mean": 0.0,
474
+ "completions/clipped_ratio": 0.0,
475
+ "completions/max_length": 497.4,
476
+ "completions/mean_length": 441.2,
477
+ "completions/min_length": 385.0,
478
+ "epoch": 0.19,
479
+ "frac_reward_zero_std": 0.8,
480
+ "grad_norm": 0.002750825835391879,
481
+ "kl": 0.0019137584429699927,
482
+ "learning_rate": 4.736823324551909e-05,
483
+ "loss": 0.00014175053220242262,
484
+ "reward": 0.7,
485
+ "reward_std": 0.1414213538169861,
486
+ "rewards/Format/mean": 0.0,
487
+ "rewards/Format/std": 0.0,
488
+ "rewards/MathAccuracy/mean": 0.7,
489
+ "rewards/MathAccuracy/std": 0.1414213538169861,
490
+ "step": 95
491
+ },
492
+ {
493
+ "clip_ratio/high_max": 0.0005050505045801401,
494
+ "clip_ratio/high_mean": 0.0005050505045801401,
495
+ "clip_ratio/low_mean": 0.0,
496
+ "clip_ratio/low_min": 0.0,
497
+ "clip_ratio/region_mean": 0.0005050505045801401,
498
+ "completions/clipped_ratio": 0.0,
499
+ "completions/max_length": 508.2,
500
+ "completions/mean_length": 493.9,
501
+ "completions/min_length": 479.6,
502
+ "epoch": 0.2,
503
+ "frac_reward_zero_std": 0.6,
504
+ "grad_norm": 0.4193066656589508,
505
+ "kl": 0.0017093931266572327,
506
+ "learning_rate": 4.698684378016222e-05,
507
+ "loss": 0.00012627228861674666,
508
+ "reward": 0.8,
509
+ "reward_std": 0.2828427076339722,
510
+ "rewards/Format/mean": 0.0,
511
+ "rewards/Format/std": 0.0,
512
+ "rewards/MathAccuracy/mean": 0.8,
513
+ "rewards/MathAccuracy/std": 0.2828427076339722,
514
+ "step": 100
515
+ },
516
+ {
517
+ "clip_ratio/high_max": 0.0,
518
+ "clip_ratio/high_mean": 0.0,
519
+ "clip_ratio/low_mean": 0.0,
520
+ "clip_ratio/low_min": 0.0,
521
+ "clip_ratio/region_mean": 0.0,
522
+ "completions/clipped_ratio": 0.0,
523
+ "completions/max_length": 360.8,
524
+ "completions/mean_length": 341.7,
525
+ "completions/min_length": 322.6,
526
+ "epoch": 0.21,
527
+ "frac_reward_zero_std": 1.0,
528
+ "grad_norm": 0.007469469215720892,
529
+ "kl": 0.003066345490515232,
530
+ "learning_rate": 4.6581412023939354e-05,
531
+ "loss": 0.00012305844575166702,
532
+ "reward": 1.0,
533
+ "reward_std": 0.0,
534
+ "rewards/Format/mean": 0.0,
535
+ "rewards/Format/std": 0.0,
536
+ "rewards/MathAccuracy/mean": 1.0,
537
+ "rewards/MathAccuracy/std": 0.0,
538
+ "step": 105
539
+ },
540
+ {
541
+ "clip_ratio/high_max": 0.0001224739709869027,
542
+ "clip_ratio/high_mean": 0.0001224739709869027,
543
+ "clip_ratio/low_mean": 0.0,
544
+ "clip_ratio/low_min": 0.0,
545
+ "clip_ratio/region_mean": 0.0001224739709869027,
546
+ "completions/clipped_ratio": 0.0,
547
+ "completions/max_length": 611.2,
548
+ "completions/mean_length": 572.1,
549
+ "completions/min_length": 533.0,
550
+ "epoch": 0.22,
551
+ "frac_reward_zero_std": 0.4,
552
+ "grad_norm": 0.0033601748291403055,
553
+ "kl": 0.003409948293119669,
554
+ "learning_rate": 4.6152381310523387e-05,
555
+ "loss": 0.00023221683222800492,
556
+ "reward": 0.5,
557
+ "reward_std": 0.42426406145095824,
558
+ "rewards/Format/mean": 0.0,
559
+ "rewards/Format/std": 0.0,
560
+ "rewards/MathAccuracy/mean": 0.5,
561
+ "rewards/MathAccuracy/std": 0.42426406145095824,
562
+ "step": 110
563
+ },
564
+ {
565
+ "clip_ratio/high_max": 0.0,
566
+ "clip_ratio/high_mean": 0.0,
567
+ "clip_ratio/low_mean": 0.0,
568
+ "clip_ratio/low_min": 0.0,
569
+ "clip_ratio/region_mean": 0.0,
570
+ "completions/clipped_ratio": 0.1,
571
+ "completions/max_length": 734.0,
572
+ "completions/mean_length": 692.2,
573
+ "completions/min_length": 650.4,
574
+ "epoch": 0.23,
575
+ "frac_reward_zero_std": 0.8,
576
+ "grad_norm": 0.0015698346542194486,
577
+ "kl": 0.0008670258859638125,
578
+ "learning_rate": 4.5700220778700504e-05,
579
+ "loss": 0.0001534310751594603,
580
+ "reward": 0.5,
581
+ "reward_std": 0.1414213538169861,
582
+ "rewards/Format/mean": 0.0,
583
+ "rewards/Format/std": 0.0,
584
+ "rewards/MathAccuracy/mean": 0.5,
585
+ "rewards/MathAccuracy/std": 0.1414213538169861,
586
+ "step": 115
587
+ },
588
+ {
589
+ "clip_ratio/high_max": 0.0,
590
+ "clip_ratio/high_mean": 0.0,
591
+ "clip_ratio/low_mean": 0.0,
592
+ "clip_ratio/low_min": 0.0,
593
+ "clip_ratio/region_mean": 0.0,
594
+ "completions/clipped_ratio": 0.1,
595
+ "completions/max_length": 723.8,
596
+ "completions/mean_length": 682.2,
597
+ "completions/min_length": 640.6,
598
+ "epoch": 0.24,
599
+ "frac_reward_zero_std": 1.0,
600
+ "grad_norm": 0.010230440646409988,
601
+ "kl": 0.005100146430777386,
602
+ "learning_rate": 4.522542485937369e-05,
603
+ "loss": 0.00020869788713753223,
604
+ "reward": 0.4,
605
+ "reward_std": 0.0,
606
+ "rewards/Format/mean": 0.0,
607
+ "rewards/Format/std": 0.0,
608
+ "rewards/MathAccuracy/mean": 0.4,
609
+ "rewards/MathAccuracy/std": 0.0,
610
+ "step": 120
611
+ },
612
+ {
613
+ "clip_ratio/high_max": 0.0,
614
+ "clip_ratio/high_mean": 0.0,
615
+ "clip_ratio/low_mean": 0.0,
616
+ "clip_ratio/low_min": 0.0,
617
+ "clip_ratio/region_mean": 0.0,
618
+ "completions/clipped_ratio": 0.4,
619
+ "completions/max_length": 922.4,
620
+ "completions/mean_length": 872.0,
621
+ "completions/min_length": 821.6,
622
+ "epoch": 0.25,
623
+ "frac_reward_zero_std": 1.0,
624
+ "grad_norm": 0.002747906604781747,
625
+ "kl": 0.0014180985395796596,
626
+ "learning_rate": 4.4728512734909844e-05,
627
+ "loss": 5.677485605701804e-05,
628
+ "reward": 0.0,
629
+ "reward_std": 0.0,
630
+ "rewards/Format/mean": 0.0,
631
+ "rewards/Format/std": 0.0,
632
+ "rewards/MathAccuracy/mean": 0.0,
633
+ "rewards/MathAccuracy/std": 0.0,
634
+ "step": 125
635
+ },
636
+ {
637
+ "clip_ratio/high_max": 0.0,
638
+ "clip_ratio/high_mean": 0.0,
639
+ "clip_ratio/low_mean": 0.0,
640
+ "clip_ratio/low_min": 0.0,
641
+ "clip_ratio/region_mean": 0.0,
642
+ "completions/clipped_ratio": 0.0,
643
+ "completions/max_length": 405.8,
644
+ "completions/mean_length": 388.4,
645
+ "completions/min_length": 371.0,
646
+ "epoch": 0.26,
647
+ "frac_reward_zero_std": 1.0,
648
+ "grad_norm": 0.0014852522872388363,
649
+ "kl": 0.001983049605041742,
650
+ "learning_rate": 4.421002777142148e-05,
651
+ "loss": 7.918149349279701e-05,
652
+ "reward": 0.6,
653
+ "reward_std": 0.0,
654
+ "rewards/Format/mean": 0.0,
655
+ "rewards/Format/std": 0.0,
656
+ "rewards/MathAccuracy/mean": 0.6,
657
+ "rewards/MathAccuracy/std": 0.0,
658
+ "step": 130
659
+ },
660
+ {
661
+ "clip_ratio/high_max": 0.0,
662
+ "clip_ratio/high_mean": 0.0,
663
+ "clip_ratio/low_mean": 0.0001583531266078353,
664
+ "clip_ratio/low_min": 0.0001583531266078353,
665
+ "clip_ratio/region_mean": 0.0001583531266078353,
666
+ "completions/clipped_ratio": 0.0,
667
+ "completions/max_length": 458.4,
668
+ "completions/mean_length": 429.9,
669
+ "completions/min_length": 401.4,
670
+ "epoch": 0.27,
671
+ "frac_reward_zero_std": 0.6,
672
+ "grad_norm": 0.01503363810479641,
673
+ "kl": 0.005801378504838794,
674
+ "learning_rate": 4.367053692460385e-05,
675
+ "loss": 0.0004215865395963192,
676
+ "reward": 0.6,
677
+ "reward_std": 0.2828427076339722,
678
+ "rewards/Format/mean": 0.0,
679
+ "rewards/Format/std": 0.0,
680
+ "rewards/MathAccuracy/mean": 0.6,
681
+ "rewards/MathAccuracy/std": 0.2828427076339722,
682
+ "step": 135
683
+ },
684
+ {
685
+ "clip_ratio/high_max": 0.0,
686
+ "clip_ratio/high_mean": 0.0,
687
+ "clip_ratio/low_mean": 0.0,
688
+ "clip_ratio/low_min": 0.0,
689
+ "clip_ratio/region_mean": 0.0,
690
+ "completions/clipped_ratio": 0.1,
691
+ "completions/max_length": 645.2,
692
+ "completions/mean_length": 537.3,
693
+ "completions/min_length": 429.4,
694
+ "epoch": 0.28,
695
+ "frac_reward_zero_std": 1.0,
696
+ "grad_norm": 0.002116028917953372,
697
+ "kl": 0.005066322290804237,
698
+ "learning_rate": 4.311063011977723e-05,
699
+ "loss": 0.00020899884402751922,
700
+ "reward": 0.4,
701
+ "reward_std": 0.0,
702
+ "rewards/Format/mean": 0.0,
703
+ "rewards/Format/std": 0.0,
704
+ "rewards/MathAccuracy/mean": 0.4,
705
+ "rewards/MathAccuracy/std": 0.0,
706
+ "step": 140
707
+ },
708
+ {
709
+ "clip_ratio/high_max": 0.0,
710
+ "clip_ratio/high_mean": 0.0,
711
+ "clip_ratio/low_mean": 0.0,
712
+ "clip_ratio/low_min": 0.0,
713
+ "clip_ratio/region_mean": 0.0,
714
+ "completions/clipped_ratio": 0.0,
715
+ "completions/max_length": 375.8,
716
+ "completions/mean_length": 354.6,
717
+ "completions/min_length": 333.4,
718
+ "epoch": 0.29,
719
+ "frac_reward_zero_std": 1.0,
720
+ "grad_norm": 0.006887642201036215,
721
+ "kl": 0.009827147470787168,
722
+ "learning_rate": 4.2530919606812216e-05,
723
+ "loss": 0.0003938500303775072,
724
+ "reward": 0.6,
725
+ "reward_std": 0.0,
726
+ "rewards/Format/mean": 0.0,
727
+ "rewards/Format/std": 0.0,
728
+ "rewards/MathAccuracy/mean": 0.6,
729
+ "rewards/MathAccuracy/std": 0.0,
730
+ "step": 145
731
+ },
732
+ {
733
+ "clip_ratio/high_max": 0.0,
734
+ "clip_ratio/high_mean": 0.0,
735
+ "clip_ratio/low_mean": 0.0,
736
+ "clip_ratio/low_min": 0.0,
737
+ "clip_ratio/region_mean": 0.0,
738
+ "completions/clipped_ratio": 0.0,
739
+ "completions/max_length": 416.4,
740
+ "completions/mean_length": 366.7,
741
+ "completions/min_length": 317.0,
742
+ "epoch": 0.3,
743
+ "frac_reward_zero_std": 0.8,
744
+ "grad_norm": 0.002672386122867465,
745
+ "kl": 0.008298561931587756,
746
+ "learning_rate": 4.193203929064353e-05,
747
+ "loss": 0.00047482880763709544,
748
+ "reward": 0.9,
749
+ "reward_std": 0.1414213538169861,
750
+ "rewards/Format/mean": 0.0,
751
+ "rewards/Format/std": 0.0,
752
+ "rewards/MathAccuracy/mean": 0.9,
753
+ "rewards/MathAccuracy/std": 0.1414213538169861,
754
+ "step": 150
755
+ },
756
+ {
757
+ "clip_ratio/high_max": 0.0,
758
+ "clip_ratio/high_mean": 0.0,
759
+ "clip_ratio/low_mean": 0.0,
760
+ "clip_ratio/low_min": 0.0,
761
+ "clip_ratio/region_mean": 0.0,
762
+ "completions/clipped_ratio": 0.0,
763
+ "completions/max_length": 640.8,
764
+ "completions/mean_length": 594.7,
765
+ "completions/min_length": 548.6,
766
+ "epoch": 0.31,
767
+ "frac_reward_zero_std": 1.0,
768
+ "grad_norm": 0.0023163340520113707,
769
+ "kl": 0.0016974479891359805,
770
+ "learning_rate": 4.131464403810422e-05,
771
+ "loss": 6.728884764015675e-05,
772
+ "reward": 0.6,
773
+ "reward_std": 0.0,
774
+ "rewards/Format/mean": 0.0,
775
+ "rewards/Format/std": 0.0,
776
+ "rewards/MathAccuracy/mean": 0.6,
777
+ "rewards/MathAccuracy/std": 0.0,
778
+ "step": 155
779
+ },
780
+ {
781
+ "clip_ratio/high_max": 0.0,
782
+ "clip_ratio/high_mean": 0.0,
783
+ "clip_ratio/low_mean": 0.0,
784
+ "clip_ratio/low_min": 0.0,
785
+ "clip_ratio/region_mean": 0.0,
786
+ "completions/clipped_ratio": 0.0,
787
+ "completions/max_length": 381.2,
788
+ "completions/mean_length": 353.1,
789
+ "completions/min_length": 325.0,
790
+ "epoch": 0.32,
791
+ "frac_reward_zero_std": 0.8,
792
+ "grad_norm": 0.0056184823624789715,
793
+ "kl": 0.006532504153437912,
794
+ "learning_rate": 4.067940896183843e-05,
795
+ "loss": 0.0001474126009270549,
796
+ "reward": 0.9,
797
+ "reward_std": 0.1414213538169861,
798
+ "rewards/Format/mean": 0.0,
799
+ "rewards/Format/std": 0.0,
800
+ "rewards/MathAccuracy/mean": 0.9,
801
+ "rewards/MathAccuracy/std": 0.1414213538169861,
802
+ "step": 160
803
+ },
804
+ {
805
+ "clip_ratio/high_max": 0.0,
806
+ "clip_ratio/high_mean": 0.0,
807
+ "clip_ratio/low_mean": 0.0,
808
+ "clip_ratio/low_min": 0.0,
809
+ "clip_ratio/region_mean": 0.0,
810
+ "completions/clipped_ratio": 0.0,
811
+ "completions/max_length": 499.4,
812
+ "completions/mean_length": 479.6,
813
+ "completions/min_length": 459.8,
814
+ "epoch": 0.33,
815
+ "frac_reward_zero_std": 1.0,
816
+ "grad_norm": 0.007484205532819033,
817
+ "kl": 0.0038784807082265617,
818
+ "learning_rate": 4.002702868207563e-05,
819
+ "loss": 0.0001543789985589683,
820
+ "reward": 0.4,
821
+ "reward_std": 0.0,
822
+ "rewards/Format/mean": 0.0,
823
+ "rewards/Format/std": 0.0,
824
+ "rewards/MathAccuracy/mean": 0.4,
825
+ "rewards/MathAccuracy/std": 0.0,
826
+ "step": 165
827
+ },
828
+ {
829
+ "clip_ratio/high_max": 0.0006509372964501381,
830
+ "clip_ratio/high_mean": 0.0006509372964501381,
831
+ "clip_ratio/low_mean": 0.0,
832
+ "clip_ratio/low_min": 0.0,
833
+ "clip_ratio/region_mean": 0.0006509372964501381,
834
+ "completions/clipped_ratio": 0.1,
835
+ "completions/max_length": 658.2,
836
+ "completions/mean_length": 576.8,
837
+ "completions/min_length": 495.4,
838
+ "epoch": 0.34,
839
+ "frac_reward_zero_std": 0.6,
840
+ "grad_norm": 0.004718282260000706,
841
+ "kl": 0.007649715105071664,
842
+ "learning_rate": 3.935821656707359e-05,
843
+ "loss": 0.0005094979424029589,
844
+ "reward": 0.8,
845
+ "reward_std": 0.2828427076339722,
846
+ "rewards/Format/mean": 0.0,
847
+ "rewards/Format/std": 0.0,
848
+ "rewards/MathAccuracy/mean": 0.8,
849
+ "rewards/MathAccuracy/std": 0.2828427076339722,
850
+ "step": 170
851
+ },
852
+ {
853
+ "clip_ratio/high_max": 0.0,
854
+ "clip_ratio/high_mean": 0.0,
855
+ "clip_ratio/low_mean": 0.0,
856
+ "clip_ratio/low_min": 0.0,
857
+ "clip_ratio/region_mean": 0.0,
858
+ "completions/clipped_ratio": 0.0,
859
+ "completions/max_length": 587.4,
860
+ "completions/mean_length": 544.4,
861
+ "completions/min_length": 501.4,
862
+ "epoch": 0.35,
863
+ "frac_reward_zero_std": 0.8,
864
+ "grad_norm": 0.0019858903251588345,
865
+ "kl": 0.0035309843719005586,
866
+ "learning_rate": 3.867370395306068e-05,
867
+ "loss": 6.014038226567209e-05,
868
+ "reward": 0.7,
869
+ "reward_std": 0.1414213538169861,
870
+ "rewards/Format/mean": 0.0,
871
+ "rewards/Format/std": 0.0,
872
+ "rewards/MathAccuracy/mean": 0.7,
873
+ "rewards/MathAccuracy/std": 0.1414213538169861,
874
+ "step": 175
875
+ },
876
+ {
877
+ "clip_ratio/high_max": 0.0,
878
+ "clip_ratio/high_mean": 0.0,
879
+ "clip_ratio/low_mean": 0.0,
880
+ "clip_ratio/low_min": 0.0,
881
+ "clip_ratio/region_mean": 0.0,
882
+ "completions/clipped_ratio": 0.0,
883
+ "completions/max_length": 639.6,
884
+ "completions/mean_length": 594.5,
885
+ "completions/min_length": 549.4,
886
+ "epoch": 0.36,
887
+ "frac_reward_zero_std": 1.0,
888
+ "grad_norm": 0.015034261159598827,
889
+ "kl": 0.003863858920522034,
890
+ "learning_rate": 3.797423934453038e-05,
891
+ "loss": 0.0001626830198802054,
892
+ "reward": 0.6,
893
+ "reward_std": 0.0,
894
+ "rewards/Format/mean": 0.0,
895
+ "rewards/Format/std": 0.0,
896
+ "rewards/MathAccuracy/mean": 0.6,
897
+ "rewards/MathAccuracy/std": 0.0,
898
+ "step": 180
899
+ },
900
+ {
901
+ "clip_ratio/high_max": 0.0,
902
+ "clip_ratio/high_mean": 0.0,
903
+ "clip_ratio/low_mean": 0.0,
904
+ "clip_ratio/low_min": 0.0,
905
+ "clip_ratio/region_mean": 0.0,
906
+ "completions/clipped_ratio": 0.3,
907
+ "completions/max_length": 805.0,
908
+ "completions/mean_length": 710.5,
909
+ "completions/min_length": 616.0,
910
+ "epoch": 0.37,
911
+ "frac_reward_zero_std": 1.0,
912
+ "grad_norm": 0.0022431982215493917,
913
+ "kl": 0.0025493323453702034,
914
+ "learning_rate": 3.726058759576271e-05,
915
+ "loss": 0.0001080367248505354,
916
+ "reward": 0.6,
917
+ "reward_std": 0.0,
918
+ "rewards/Format/mean": 0.0,
919
+ "rewards/Format/std": 0.0,
920
+ "rewards/MathAccuracy/mean": 0.6,
921
+ "rewards/MathAccuracy/std": 0.0,
922
+ "step": 185
923
+ },
924
+ {
925
+ "clip_ratio/high_max": 0.0,
926
+ "clip_ratio/high_mean": 0.0,
927
+ "clip_ratio/low_mean": 0.00020140986889600755,
928
+ "clip_ratio/low_min": 0.00020140986889600755,
929
+ "clip_ratio/region_mean": 0.00020140986889600755,
930
+ "completions/clipped_ratio": 0.0,
931
+ "completions/max_length": 384.8,
932
+ "completions/mean_length": 366.2,
933
+ "completions/min_length": 347.6,
934
+ "epoch": 0.38,
935
+ "frac_reward_zero_std": 0.8,
936
+ "grad_norm": 0.019761426374316216,
937
+ "kl": 0.011293478566221893,
938
+ "learning_rate": 3.65335290744672e-05,
939
+ "loss": 0.0005690994672477246,
940
+ "reward": 0.9,
941
+ "reward_std": 0.1414213538169861,
942
+ "rewards/Format/mean": 0.0,
943
+ "rewards/Format/std": 0.0,
944
+ "rewards/MathAccuracy/mean": 0.9,
945
+ "rewards/MathAccuracy/std": 0.1414213538169861,
946
+ "step": 190
947
+ },
948
+ {
949
+ "clip_ratio/high_max": 0.0,
950
+ "clip_ratio/high_mean": 0.0,
951
+ "clip_ratio/low_mean": 0.00012698412174358965,
952
+ "clip_ratio/low_min": 0.00012698412174358965,
953
+ "clip_ratio/region_mean": 0.00012698412174358965,
954
+ "completions/clipped_ratio": 0.2,
955
+ "completions/max_length": 703.6,
956
+ "completions/mean_length": 662.9,
957
+ "completions/min_length": 622.2,
958
+ "epoch": 0.39,
959
+ "frac_reward_zero_std": 0.8,
960
+ "grad_norm": 0.002572572324424982,
961
+ "kl": 0.0015339702018536626,
962
+ "learning_rate": 3.579385880846232e-05,
963
+ "loss": 2.8236012440174817e-06,
964
+ "reward": 0.3,
965
+ "reward_std": 0.1414213538169861,
966
+ "rewards/Format/mean": 0.0,
967
+ "rewards/Format/std": 0.0,
968
+ "rewards/MathAccuracy/mean": 0.3,
969
+ "rewards/MathAccuracy/std": 0.1414213538169861,
970
+ "step": 195
971
+ },
972
+ {
973
+ "clip_ratio/high_max": 0.0,
974
+ "clip_ratio/high_mean": 0.0,
975
+ "clip_ratio/low_mean": 0.0,
976
+ "clip_ratio/low_min": 0.0,
977
+ "clip_ratio/region_mean": 0.0,
978
+ "completions/clipped_ratio": 0.2,
979
+ "completions/max_length": 643.2,
980
+ "completions/mean_length": 612.7,
981
+ "completions/min_length": 582.2,
982
+ "epoch": 0.4,
983
+ "frac_reward_zero_std": 1.0,
984
+ "grad_norm": 0.0031194768380373716,
985
+ "kl": 0.002493513422086835,
986
+ "learning_rate": 3.504238561632424e-05,
987
+ "loss": 9.978280868381262e-05,
988
+ "reward": 0.6,
989
+ "reward_std": 0.0,
990
+ "rewards/Format/mean": 0.0,
991
+ "rewards/Format/std": 0.0,
992
+ "rewards/MathAccuracy/mean": 0.6,
993
+ "rewards/MathAccuracy/std": 0.0,
994
+ "step": 200
995
+ },
996
+ {
997
+ "clip_ratio/high_max": 0.0,
998
+ "clip_ratio/high_mean": 0.0,
999
+ "clip_ratio/low_mean": 0.0,
1000
+ "clip_ratio/low_min": 0.0,
1001
+ "clip_ratio/region_mean": 0.0,
1002
+ "completions/clipped_ratio": 0.3,
1003
+ "completions/max_length": 674.2,
1004
+ "completions/mean_length": 638.7,
1005
+ "completions/min_length": 603.2,
1006
+ "epoch": 0.41,
1007
+ "frac_reward_zero_std": 1.0,
1008
+ "grad_norm": 0.0036480328999459743,
1009
+ "kl": 0.0019606892135925593,
1010
+ "learning_rate": 3.427993122295552e-05,
1011
+ "loss": 7.743847672827541e-05,
1012
+ "reward": 0.6,
1013
+ "reward_std": 0.0,
1014
+ "rewards/Format/mean": 0.0,
1015
+ "rewards/Format/std": 0.0,
1016
+ "rewards/MathAccuracy/mean": 0.6,
1017
+ "rewards/MathAccuracy/std": 0.0,
1018
+ "step": 205
1019
+ },
1020
+ {
1021
+ "clip_ratio/high_max": 0.0,
1022
+ "clip_ratio/high_mean": 0.0,
1023
+ "clip_ratio/low_mean": 0.0,
1024
+ "clip_ratio/low_min": 0.0,
1025
+ "clip_ratio/region_mean": 0.0,
1026
+ "completions/clipped_ratio": 0.0,
1027
+ "completions/max_length": 632.4,
1028
+ "completions/mean_length": 570.5,
1029
+ "completions/min_length": 508.6,
1030
+ "epoch": 0.42,
1031
+ "frac_reward_zero_std": 0.8,
1032
+ "grad_norm": 0.00799116026610136,
1033
+ "kl": 0.003256951330695301,
1034
+ "learning_rate": 3.350732936104108e-05,
1035
+ "loss": 0.00010458981851115822,
1036
+ "reward": 0.3,
1037
+ "reward_std": 0.1414213538169861,
1038
+ "rewards/Format/mean": 0.0,
1039
+ "rewards/Format/std": 0.0,
1040
+ "rewards/MathAccuracy/mean": 0.3,
1041
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1042
+ "step": 210
1043
+ },
1044
+ {
1045
+ "clip_ratio/high_max": 0.0,
1046
+ "clip_ratio/high_mean": 0.0,
1047
+ "clip_ratio/low_mean": 0.0,
1048
+ "clip_ratio/low_min": 0.0,
1049
+ "clip_ratio/region_mean": 0.0,
1050
+ "completions/clipped_ratio": 0.0,
1051
+ "completions/max_length": 315.6,
1052
+ "completions/mean_length": 300.6,
1053
+ "completions/min_length": 285.6,
1054
+ "epoch": 0.43,
1055
+ "frac_reward_zero_std": 1.0,
1056
+ "grad_norm": 0.005798510741442442,
1057
+ "kl": 0.011395945539698004,
1058
+ "learning_rate": 3.272542485937369e-05,
1059
+ "loss": 0.00045509766787290575,
1060
+ "reward": 0.8,
1061
+ "reward_std": 0.0,
1062
+ "rewards/Format/mean": 0.0,
1063
+ "rewards/Format/std": 0.0,
1064
+ "rewards/MathAccuracy/mean": 0.8,
1065
+ "rewards/MathAccuracy/std": 0.0,
1066
+ "step": 215
1067
+ },
1068
+ {
1069
+ "clip_ratio/high_max": 0.0,
1070
+ "clip_ratio/high_mean": 0.0,
1071
+ "clip_ratio/low_mean": 0.0,
1072
+ "clip_ratio/low_min": 0.0,
1073
+ "clip_ratio/region_mean": 0.0,
1074
+ "completions/clipped_ratio": 0.4,
1075
+ "completions/max_length": 777.6,
1076
+ "completions/mean_length": 756.6,
1077
+ "completions/min_length": 735.6,
1078
+ "epoch": 0.44,
1079
+ "frac_reward_zero_std": 1.0,
1080
+ "grad_norm": 0.00223241513594985,
1081
+ "kl": 0.0014477839809842407,
1082
+ "learning_rate": 3.1935072719046115e-05,
1083
+ "loss": 5.752563010901213e-05,
1084
+ "reward": 0.6,
1085
+ "reward_std": 0.0,
1086
+ "rewards/Format/mean": 0.0,
1087
+ "rewards/Format/std": 0.0,
1088
+ "rewards/MathAccuracy/mean": 0.6,
1089
+ "rewards/MathAccuracy/std": 0.0,
1090
+ "step": 220
1091
+ },
1092
+ {
1093
+ "clip_ratio/high_max": 0.00031645570416003463,
1094
+ "clip_ratio/high_mean": 0.00031645570416003463,
1095
+ "clip_ratio/low_mean": 0.0,
1096
+ "clip_ratio/low_min": 0.0,
1097
+ "clip_ratio/region_mean": 0.00031645570416003463,
1098
+ "completions/clipped_ratio": 0.0,
1099
+ "completions/max_length": 443.8,
1100
+ "completions/mean_length": 398.4,
1101
+ "completions/min_length": 353.0,
1102
+ "epoch": 0.45,
1103
+ "frac_reward_zero_std": 0.6,
1104
+ "grad_norm": 0.0020589185878634453,
1105
+ "kl": 0.0025043860776349904,
1106
+ "learning_rate": 3.1137137178519985e-05,
1107
+ "loss": 0.0001688675722107291,
1108
+ "reward": 0.4,
1109
+ "reward_std": 0.2828427076339722,
1110
+ "rewards/Format/mean": 0.0,
1111
+ "rewards/Format/std": 0.0,
1112
+ "rewards/MathAccuracy/mean": 0.4,
1113
+ "rewards/MathAccuracy/std": 0.2828427076339722,
1114
+ "step": 225
1115
+ },
1116
+ {
1117
+ "clip_ratio/high_max": 9.955201530829073e-05,
1118
+ "clip_ratio/high_mean": 9.955201530829073e-05,
1119
+ "clip_ratio/low_mean": 0.0,
1120
+ "clip_ratio/low_min": 0.0,
1121
+ "clip_ratio/region_mean": 9.955201530829073e-05,
1122
+ "completions/clipped_ratio": 0.3,
1123
+ "completions/max_length": 747.4,
1124
+ "completions/mean_length": 715.4,
1125
+ "completions/min_length": 683.4,
1126
+ "epoch": 0.46,
1127
+ "frac_reward_zero_std": 0.8,
1128
+ "grad_norm": 0.002850248944014311,
1129
+ "kl": 0.0052430763142183425,
1130
+ "learning_rate": 3.0332490768593675e-05,
1131
+ "loss": 0.00025521754287183285,
1132
+ "reward": 0.7,
1133
+ "reward_std": 0.1414213538169861,
1134
+ "rewards/Format/mean": 0.0,
1135
+ "rewards/Format/std": 0.0,
1136
+ "rewards/MathAccuracy/mean": 0.7,
1137
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1138
+ "step": 230
1139
+ },
1140
+ {
1141
+ "clip_ratio/high_max": 0.0004385964944958687,
1142
+ "clip_ratio/high_mean": 0.0004385964944958687,
1143
+ "clip_ratio/low_mean": 0.00021929824724793435,
1144
+ "clip_ratio/low_min": 0.00021929824724793435,
1145
+ "clip_ratio/region_mean": 0.000657894741743803,
1146
+ "completions/clipped_ratio": 0.0,
1147
+ "completions/max_length": 625.8,
1148
+ "completions/mean_length": 551.9,
1149
+ "completions/min_length": 478.0,
1150
+ "epoch": 0.47,
1151
+ "frac_reward_zero_std": 0.8,
1152
+ "grad_norm": 0.005838941317051649,
1153
+ "kl": 0.002799734321888536,
1154
+ "learning_rate": 2.952201335830275e-05,
1155
+ "loss": 7.562300888821482e-05,
1156
+ "reward": 0.5,
1157
+ "reward_std": 0.1414213538169861,
1158
+ "rewards/Format/mean": 0.0,
1159
+ "rewards/Format/std": 0.0,
1160
+ "rewards/MathAccuracy/mean": 0.5,
1161
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1162
+ "step": 235
1163
+ },
1164
+ {
1165
+ "clip_ratio/high_max": 0.000272479560226202,
1166
+ "clip_ratio/high_mean": 0.000272479560226202,
1167
+ "clip_ratio/low_mean": 0.0,
1168
+ "clip_ratio/low_min": 0.0,
1169
+ "clip_ratio/region_mean": 0.000272479560226202,
1170
+ "completions/clipped_ratio": 0.0,
1171
+ "completions/max_length": 530.6,
1172
+ "completions/mean_length": 480.4,
1173
+ "completions/min_length": 430.2,
1174
+ "epoch": 0.48,
1175
+ "frac_reward_zero_std": 0.8,
1176
+ "grad_norm": 0.003879491239786148,
1177
+ "kl": 0.0028692058520391585,
1178
+ "learning_rate": 2.870659119279605e-05,
1179
+ "loss": 0.0001448941882699728,
1180
+ "reward": 0.7,
1181
+ "reward_std": 0.1414213538169861,
1182
+ "rewards/Format/mean": 0.0,
1183
+ "rewards/Format/std": 0.0,
1184
+ "rewards/MathAccuracy/mean": 0.7,
1185
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1186
+ "step": 240
1187
+ },
1188
+ {
1189
+ "clip_ratio/high_max": 0.0,
1190
+ "clip_ratio/high_mean": 0.0,
1191
+ "clip_ratio/low_mean": 0.0,
1192
+ "clip_ratio/low_min": 0.0,
1193
+ "clip_ratio/region_mean": 0.0,
1194
+ "completions/clipped_ratio": 0.0,
1195
+ "completions/max_length": 482.6,
1196
+ "completions/mean_length": 463.6,
1197
+ "completions/min_length": 444.6,
1198
+ "epoch": 0.49,
1199
+ "frac_reward_zero_std": 1.0,
1200
+ "grad_norm": 0.008210963569581509,
1201
+ "kl": 0.0075855673989281055,
1202
+ "learning_rate": 2.788711592423966e-05,
1203
+ "loss": 0.0003023243509232998,
1204
+ "reward": 0.8,
1205
+ "reward_std": 0.0,
1206
+ "rewards/Format/mean": 0.0,
1207
+ "rewards/Format/std": 0.0,
1208
+ "rewards/MathAccuracy/mean": 0.8,
1209
+ "rewards/MathAccuracy/std": 0.0,
1210
+ "step": 245
1211
+ },
1212
+ {
1213
+ "clip_ratio/high_max": 0.0002461538417264819,
1214
+ "clip_ratio/high_mean": 0.0002461538417264819,
1215
+ "clip_ratio/low_mean": 0.0,
1216
+ "clip_ratio/low_min": 0.0,
1217
+ "clip_ratio/region_mean": 0.0002461538417264819,
1218
+ "completions/clipped_ratio": 0.1,
1219
+ "completions/max_length": 775.4,
1220
+ "completions/mean_length": 716.8,
1221
+ "completions/min_length": 658.2,
1222
+ "epoch": 0.5,
1223
+ "frac_reward_zero_std": 0.8,
1224
+ "grad_norm": 0.006750498432666063,
1225
+ "kl": 0.0025351812597364186,
1226
+ "learning_rate": 2.7064483636808313e-05,
1227
+ "loss": 0.00016423141350969673,
1228
+ "reward": 0.5,
1229
+ "reward_std": 0.1414213538169861,
1230
+ "rewards/Format/mean": 0.0,
1231
+ "rewards/Format/std": 0.0,
1232
+ "rewards/MathAccuracy/mean": 0.5,
1233
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1234
+ "step": 250
1235
+ },
1236
+ {
1237
+ "clip_ratio/high_max": 0.0,
1238
+ "clip_ratio/high_mean": 0.0,
1239
+ "clip_ratio/low_mean": 0.0,
1240
+ "clip_ratio/low_min": 0.0,
1241
+ "clip_ratio/region_mean": 0.0,
1242
+ "completions/clipped_ratio": 0.2,
1243
+ "completions/max_length": 619.8,
1244
+ "completions/mean_length": 591.4,
1245
+ "completions/min_length": 563.0,
1246
+ "epoch": 0.51,
1247
+ "frac_reward_zero_std": 1.0,
1248
+ "grad_norm": 0.006483216769993305,
1249
+ "kl": 0.0026113510597497226,
1250
+ "learning_rate": 2.623959386683056e-05,
1251
+ "loss": 0.00010410962859168649,
1252
+ "reward": 0.8,
1253
+ "reward_std": 0.0,
1254
+ "rewards/Format/mean": 0.0,
1255
+ "rewards/Format/std": 0.0,
1256
+ "rewards/MathAccuracy/mean": 0.8,
1257
+ "rewards/MathAccuracy/std": 0.0,
1258
+ "step": 255
1259
+ },
1260
+ {
1261
+ "clip_ratio/high_max": 0.00032043447718024256,
1262
+ "clip_ratio/high_mean": 0.00032043447718024256,
1263
+ "clip_ratio/low_mean": 0.00020130849443376065,
1264
+ "clip_ratio/low_min": 0.00020130849443376065,
1265
+ "clip_ratio/region_mean": 0.0005217429948970676,
1266
+ "completions/clipped_ratio": 0.3,
1267
+ "completions/max_length": 782.6,
1268
+ "completions/mean_length": 706.5,
1269
+ "completions/min_length": 630.4,
1270
+ "epoch": 0.52,
1271
+ "frac_reward_zero_std": 0.6,
1272
+ "grad_norm": 0.003508440451696515,
1273
+ "kl": 0.001330986130051315,
1274
+ "learning_rate": 2.5413348619158967e-05,
1275
+ "loss": -4.660175181925297e-05,
1276
+ "reward": 0.6,
1277
+ "reward_std": 0.2828427076339722,
1278
+ "rewards/Format/mean": 0.0,
1279
+ "rewards/Format/std": 0.0,
1280
+ "rewards/MathAccuracy/mean": 0.6,
1281
+ "rewards/MathAccuracy/std": 0.2828427076339722,
1282
+ "step": 260
1283
+ },
1284
+ {
1285
+ "clip_ratio/high_max": 0.00013029315741732716,
1286
+ "clip_ratio/high_mean": 0.00013029315741732716,
1287
+ "clip_ratio/low_mean": 0.0,
1288
+ "clip_ratio/low_min": 0.0,
1289
+ "clip_ratio/region_mean": 0.00013029315741732716,
1290
+ "completions/clipped_ratio": 0.1,
1291
+ "completions/max_length": 604.4,
1292
+ "completions/mean_length": 536.1,
1293
+ "completions/min_length": 467.8,
1294
+ "epoch": 0.53,
1295
+ "frac_reward_zero_std": 0.8,
1296
+ "grad_norm": 0.1873970776796341,
1297
+ "kl": 0.009700851677916945,
1298
+ "learning_rate": 2.458665138084104e-05,
1299
+ "loss": 0.00033162124454975126,
1300
+ "reward": 0.7,
1301
+ "reward_std": 0.1414213538169861,
1302
+ "rewards/Format/mean": 0.0,
1303
+ "rewards/Format/std": 0.0,
1304
+ "rewards/MathAccuracy/mean": 0.7,
1305
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1306
+ "step": 265
1307
+ },
1308
+ {
1309
+ "clip_ratio/high_max": 0.0,
1310
+ "clip_ratio/high_mean": 0.0,
1311
+ "clip_ratio/low_mean": 0.0,
1312
+ "clip_ratio/low_min": 0.0,
1313
+ "clip_ratio/region_mean": 0.0,
1314
+ "completions/clipped_ratio": 0.0,
1315
+ "completions/max_length": 544.8,
1316
+ "completions/mean_length": 517.5,
1317
+ "completions/min_length": 490.2,
1318
+ "epoch": 0.54,
1319
+ "frac_reward_zero_std": 1.0,
1320
+ "grad_norm": 0.0017767059616744518,
1321
+ "kl": 0.002807480387855321,
1322
+ "learning_rate": 2.3760406133169443e-05,
1323
+ "loss": 0.00011274998541921377,
1324
+ "reward": 0.8,
1325
+ "reward_std": 0.0,
1326
+ "rewards/Format/mean": 0.0,
1327
+ "rewards/Format/std": 0.0,
1328
+ "rewards/MathAccuracy/mean": 0.8,
1329
+ "rewards/MathAccuracy/std": 0.0,
1330
+ "step": 270
1331
+ },
1332
+ {
1333
+ "clip_ratio/high_max": 0.0,
1334
+ "clip_ratio/high_mean": 0.0,
1335
+ "clip_ratio/low_mean": 0.00019474197179079056,
1336
+ "clip_ratio/low_min": 0.00019474197179079056,
1337
+ "clip_ratio/region_mean": 0.00019474197179079056,
1338
+ "completions/clipped_ratio": 0.1,
1339
+ "completions/max_length": 641.0,
1340
+ "completions/mean_length": 620.8,
1341
+ "completions/min_length": 600.6,
1342
+ "epoch": 0.55,
1343
+ "frac_reward_zero_std": 0.6,
1344
+ "grad_norm": 0.08176784217357635,
1345
+ "kl": 0.0031962784822098913,
1346
+ "learning_rate": 2.2935516363191693e-05,
1347
+ "loss": 0.0002264779293909669,
1348
+ "reward": 0.6,
1349
+ "reward_std": 0.2828427076339722,
1350
+ "rewards/Format/mean": 0.0,
1351
+ "rewards/Format/std": 0.0,
1352
+ "rewards/MathAccuracy/mean": 0.6,
1353
+ "rewards/MathAccuracy/std": 0.2828427076339722,
1354
+ "step": 275
1355
+ },
1356
+ {
1357
+ "clip_ratio/high_max": 0.0006584362126886845,
1358
+ "clip_ratio/high_mean": 0.0006584362126886845,
1359
+ "clip_ratio/low_mean": 0.0,
1360
+ "clip_ratio/low_min": 0.0,
1361
+ "clip_ratio/region_mean": 0.0006584362126886845,
1362
+ "completions/clipped_ratio": 0.1,
1363
+ "completions/max_length": 638.0,
1364
+ "completions/mean_length": 562.6,
1365
+ "completions/min_length": 487.2,
1366
+ "epoch": 0.56,
1367
+ "frac_reward_zero_std": 0.8,
1368
+ "grad_norm": 0.007495217490941286,
1369
+ "kl": 0.004752782918512821,
1370
+ "learning_rate": 2.2112884075760347e-05,
1371
+ "loss": 8.390162838622928e-05,
1372
+ "reward": 0.5,
1373
+ "reward_std": 0.1414213538169861,
1374
+ "rewards/Format/mean": 0.0,
1375
+ "rewards/Format/std": 0.0,
1376
+ "rewards/MathAccuracy/mean": 0.5,
1377
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1378
+ "step": 280
1379
+ },
1380
+ {
1381
+ "clip_ratio/high_max": 0.00011280316393822432,
1382
+ "clip_ratio/high_mean": 0.00011280316393822432,
1383
+ "clip_ratio/low_mean": 0.0,
1384
+ "clip_ratio/low_min": 0.0,
1385
+ "clip_ratio/region_mean": 0.00011280316393822432,
1386
+ "completions/clipped_ratio": 0.0,
1387
+ "completions/max_length": 717.4,
1388
+ "completions/mean_length": 650.2,
1389
+ "completions/min_length": 583.0,
1390
+ "epoch": 0.57,
1391
+ "frac_reward_zero_std": 0.6,
1392
+ "grad_norm": 0.0028083010111004114,
1393
+ "kl": 0.005990609969012439,
1394
+ "learning_rate": 2.1293408807203947e-05,
1395
+ "loss": 0.000368604133836925,
1396
+ "reward": 0.4,
1397
+ "reward_std": 0.2828427076339722,
1398
+ "rewards/Format/mean": 0.0,
1399
+ "rewards/Format/std": 0.0,
1400
+ "rewards/MathAccuracy/mean": 0.4,
1401
+ "rewards/MathAccuracy/std": 0.2828427076339722,
1402
+ "step": 285
1403
+ },
1404
+ {
1405
+ "clip_ratio/high_max": 0.0001277955248951912,
1406
+ "clip_ratio/high_mean": 0.0001277955248951912,
1407
+ "clip_ratio/low_mean": 0.0,
1408
+ "clip_ratio/low_min": 0.0,
1409
+ "clip_ratio/region_mean": 0.0001277955248951912,
1410
+ "completions/clipped_ratio": 0.0,
1411
+ "completions/max_length": 503.0,
1412
+ "completions/mean_length": 472.3,
1413
+ "completions/min_length": 441.6,
1414
+ "epoch": 0.58,
1415
+ "frac_reward_zero_std": 0.8,
1416
+ "grad_norm": 0.17317219078540802,
1417
+ "kl": 0.003116553882136941,
1418
+ "learning_rate": 2.047798664169726e-05,
1419
+ "loss": 2.7030031196773054e-05,
1420
+ "reward": 0.9,
1421
+ "reward_std": 0.1414213538169861,
1422
+ "rewards/Format/mean": 0.0,
1423
+ "rewards/Format/std": 0.0,
1424
+ "rewards/MathAccuracy/mean": 0.9,
1425
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1426
+ "step": 290
1427
+ },
1428
+ {
1429
+ "clip_ratio/high_max": 0.00011068069143220783,
1430
+ "clip_ratio/high_mean": 0.00011068069143220783,
1431
+ "clip_ratio/low_mean": 0.0,
1432
+ "clip_ratio/low_min": 0.0,
1433
+ "clip_ratio/region_mean": 0.00011068069143220783,
1434
+ "completions/clipped_ratio": 0.0,
1435
+ "completions/max_length": 701.6,
1436
+ "completions/mean_length": 638.9,
1437
+ "completions/min_length": 576.2,
1438
+ "epoch": 0.59,
1439
+ "frac_reward_zero_std": 0.8,
1440
+ "grad_norm": 0.0019411866087466478,
1441
+ "kl": 0.0012191154062747955,
1442
+ "learning_rate": 1.9667509231406334e-05,
1443
+ "loss": -5.089085607323795e-06,
1444
+ "reward": 0.3,
1445
+ "reward_std": 0.1414213538169861,
1446
+ "rewards/Format/mean": 0.0,
1447
+ "rewards/Format/std": 0.0,
1448
+ "rewards/MathAccuracy/mean": 0.3,
1449
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1450
+ "step": 295
1451
+ },
1452
+ {
1453
+ "clip_ratio/high_max": 0.0,
1454
+ "clip_ratio/high_mean": 0.0,
1455
+ "clip_ratio/low_mean": 0.0,
1456
+ "clip_ratio/low_min": 0.0,
1457
+ "clip_ratio/region_mean": 0.0,
1458
+ "completions/clipped_ratio": 0.2,
1459
+ "completions/max_length": 588.6,
1460
+ "completions/mean_length": 567.2,
1461
+ "completions/min_length": 545.8,
1462
+ "epoch": 0.6,
1463
+ "frac_reward_zero_std": 1.0,
1464
+ "grad_norm": 0.0071156201884150505,
1465
+ "kl": 0.003254280146211386,
1466
+ "learning_rate": 1.8862862821480025e-05,
1467
+ "loss": 0.00012772842310369015,
1468
+ "reward": 0.6,
1469
+ "reward_std": 0.0,
1470
+ "rewards/Format/mean": 0.0,
1471
+ "rewards/Format/std": 0.0,
1472
+ "rewards/MathAccuracy/mean": 0.6,
1473
+ "rewards/MathAccuracy/std": 0.0,
1474
+ "step": 300
1475
+ },
1476
+ {
1477
+ "clip_ratio/high_max": 0.00033927056938409805,
1478
+ "clip_ratio/high_mean": 0.00033927056938409805,
1479
+ "clip_ratio/low_mean": 0.0,
1480
+ "clip_ratio/low_min": 0.0,
1481
+ "clip_ratio/region_mean": 0.00033927056938409805,
1482
+ "completions/clipped_ratio": 0.2,
1483
+ "completions/max_length": 649.0,
1484
+ "completions/mean_length": 625.9,
1485
+ "completions/min_length": 602.8,
1486
+ "epoch": 0.61,
1487
+ "frac_reward_zero_std": 0.8,
1488
+ "grad_norm": 0.003073514671996236,
1489
+ "kl": 0.002048709220252931,
1490
+ "learning_rate": 1.806492728095389e-05,
1491
+ "loss": 0.00016608801670372486,
1492
+ "reward": 0.5,
1493
+ "reward_std": 0.1414213538169861,
1494
+ "rewards/Format/mean": 0.0,
1495
+ "rewards/Format/std": 0.0,
1496
+ "rewards/MathAccuracy/mean": 0.5,
1497
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1498
+ "step": 305
1499
+ },
1500
+ {
1501
+ "clip_ratio/high_max": 0.0,
1502
+ "clip_ratio/high_mean": 0.0,
1503
+ "clip_ratio/low_mean": 0.0,
1504
+ "clip_ratio/low_min": 0.0,
1505
+ "clip_ratio/region_mean": 0.0,
1506
+ "completions/clipped_ratio": 0.1,
1507
+ "completions/max_length": 726.2,
1508
+ "completions/mean_length": 684.3,
1509
+ "completions/min_length": 642.4,
1510
+ "epoch": 0.62,
1511
+ "frac_reward_zero_std": 1.0,
1512
+ "grad_norm": 0.002632194198668003,
1513
+ "kl": 0.004164765309542418,
1514
+ "learning_rate": 1.7274575140626318e-05,
1515
+ "loss": 0.0001662806374952197,
1516
+ "reward": 0.6,
1517
+ "reward_std": 0.0,
1518
+ "rewards/Format/mean": 0.0,
1519
+ "rewards/Format/std": 0.0,
1520
+ "rewards/MathAccuracy/mean": 0.6,
1521
+ "rewards/MathAccuracy/std": 0.0,
1522
+ "step": 310
1523
+ },
1524
+ {
1525
+ "clip_ratio/high_max": 0.00016849199309945106,
1526
+ "clip_ratio/high_mean": 0.00016849199309945106,
1527
+ "clip_ratio/low_mean": 0.0,
1528
+ "clip_ratio/low_min": 0.0,
1529
+ "clip_ratio/region_mean": 0.00016849199309945106,
1530
+ "completions/clipped_ratio": 0.0,
1531
+ "completions/max_length": 581.6,
1532
+ "completions/mean_length": 551.1,
1533
+ "completions/min_length": 520.6,
1534
+ "epoch": 0.63,
1535
+ "frac_reward_zero_std": 0.8,
1536
+ "grad_norm": 0.004793096799403429,
1537
+ "kl": 0.006928782898467034,
1538
+ "learning_rate": 1.6492670638958924e-05,
1539
+ "loss": 0.0002944141859188676,
1540
+ "reward": 0.5,
1541
+ "reward_std": 0.1414213538169861,
1542
+ "rewards/Format/mean": 0.0,
1543
+ "rewards/Format/std": 0.0,
1544
+ "rewards/MathAccuracy/mean": 0.5,
1545
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1546
+ "step": 315
1547
+ },
1548
+ {
1549
+ "clip_ratio/high_max": 0.0006410256493836642,
1550
+ "clip_ratio/high_mean": 0.0006410256493836642,
1551
+ "clip_ratio/low_mean": 0.0,
1552
+ "clip_ratio/low_min": 0.0,
1553
+ "clip_ratio/region_mean": 0.0006410256493836642,
1554
+ "completions/clipped_ratio": 0.2,
1555
+ "completions/max_length": 583.8,
1556
+ "completions/mean_length": 559.5,
1557
+ "completions/min_length": 535.2,
1558
+ "epoch": 0.64,
1559
+ "frac_reward_zero_std": 0.8,
1560
+ "grad_norm": 0.009927814826369286,
1561
+ "kl": 0.005139771406538785,
1562
+ "learning_rate": 1.5720068777044476e-05,
1563
+ "loss": 2.336390898562968e-05,
1564
+ "reward": 0.7,
1565
+ "reward_std": 0.1414213538169861,
1566
+ "rewards/Format/mean": 0.0,
1567
+ "rewards/Format/std": 0.0,
1568
+ "rewards/MathAccuracy/mean": 0.7,
1569
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1570
+ "step": 320
1571
+ },
1572
+ {
1573
+ "clip_ratio/high_max": 0.0,
1574
+ "clip_ratio/high_mean": 0.0,
1575
+ "clip_ratio/low_mean": 0.0,
1576
+ "clip_ratio/low_min": 0.0,
1577
+ "clip_ratio/region_mean": 0.0,
1578
+ "completions/clipped_ratio": 0.1,
1579
+ "completions/max_length": 473.4,
1580
+ "completions/mean_length": 433.2,
1581
+ "completions/min_length": 393.0,
1582
+ "epoch": 0.65,
1583
+ "frac_reward_zero_std": 0.8,
1584
+ "grad_norm": 0.009365738369524479,
1585
+ "kl": 0.010789648251375183,
1586
+ "learning_rate": 1.495761438367577e-05,
1587
+ "loss": 0.0004745126701891422,
1588
+ "reward": 0.7,
1589
+ "reward_std": 0.1414213538169861,
1590
+ "rewards/Format/mean": 0.0,
1591
+ "rewards/Format/std": 0.0,
1592
+ "rewards/MathAccuracy/mean": 0.7,
1593
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1594
+ "step": 325
1595
+ },
1596
+ {
1597
+ "clip_ratio/high_max": 0.0,
1598
+ "clip_ratio/high_mean": 0.0,
1599
+ "clip_ratio/low_mean": 0.0,
1600
+ "clip_ratio/low_min": 0.0,
1601
+ "clip_ratio/region_mean": 0.0,
1602
+ "completions/clipped_ratio": 0.4,
1603
+ "completions/max_length": 802.6,
1604
+ "completions/mean_length": 755.4,
1605
+ "completions/min_length": 708.2,
1606
+ "epoch": 0.66,
1607
+ "frac_reward_zero_std": 1.0,
1608
+ "grad_norm": 0.004060312174260616,
1609
+ "kl": 0.0012661131797358394,
1610
+ "learning_rate": 1.4206141191537682e-05,
1611
+ "loss": 5.287175299599767e-05,
1612
+ "reward": 0.2,
1613
+ "reward_std": 0.0,
1614
+ "rewards/Format/mean": 0.0,
1615
+ "rewards/Format/std": 0.0,
1616
+ "rewards/MathAccuracy/mean": 0.2,
1617
+ "rewards/MathAccuracy/std": 0.0,
1618
+ "step": 330
1619
+ },
1620
+ {
1621
+ "clip_ratio/high_max": 0.0,
1622
+ "clip_ratio/high_mean": 0.0,
1623
+ "clip_ratio/low_mean": 0.0,
1624
+ "clip_ratio/low_min": 0.0,
1625
+ "clip_ratio/region_mean": 0.0,
1626
+ "completions/clipped_ratio": 0.1,
1627
+ "completions/max_length": 697.0,
1628
+ "completions/mean_length": 654.7,
1629
+ "completions/min_length": 612.4,
1630
+ "epoch": 0.67,
1631
+ "frac_reward_zero_std": 0.8,
1632
+ "grad_norm": 0.003583623794838786,
1633
+ "kl": 0.0017941199708729982,
1634
+ "learning_rate": 1.346647092553281e-05,
1635
+ "loss": 0.00011949921026825905,
1636
+ "reward": 0.9,
1637
+ "reward_std": 0.1414213538169861,
1638
+ "rewards/Format/mean": 0.0,
1639
+ "rewards/Format/std": 0.0,
1640
+ "rewards/MathAccuracy/mean": 0.9,
1641
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1642
+ "step": 335
1643
+ },
1644
+ {
1645
+ "clip_ratio/high_max": 0.00012666244292631746,
1646
+ "clip_ratio/high_mean": 0.00012666244292631746,
1647
+ "clip_ratio/low_mean": 0.0,
1648
+ "clip_ratio/low_min": 0.0,
1649
+ "clip_ratio/region_mean": 0.00012666244292631746,
1650
+ "completions/clipped_ratio": 0.1,
1651
+ "completions/max_length": 601.2,
1652
+ "completions/mean_length": 529.5,
1653
+ "completions/min_length": 457.8,
1654
+ "epoch": 0.68,
1655
+ "frac_reward_zero_std": 0.8,
1656
+ "grad_norm": 0.0036033187061548233,
1657
+ "kl": 0.001624487293884158,
1658
+ "learning_rate": 1.2739412404237306e-05,
1659
+ "loss": -2.4389610916841776e-05,
1660
+ "reward": 0.7,
1661
+ "reward_std": 0.1414213538169861,
1662
+ "rewards/Format/mean": 0.0,
1663
+ "rewards/Format/std": 0.0,
1664
+ "rewards/MathAccuracy/mean": 0.7,
1665
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1666
+ "step": 340
1667
+ },
1668
+ {
1669
+ "clip_ratio/high_max": 0.0,
1670
+ "clip_ratio/high_mean": 0.0,
1671
+ "clip_ratio/low_mean": 0.0,
1672
+ "clip_ratio/low_min": 0.0,
1673
+ "clip_ratio/region_mean": 0.0,
1674
+ "completions/clipped_ratio": 0.2,
1675
+ "completions/max_length": 498.8,
1676
+ "completions/mean_length": 485.2,
1677
+ "completions/min_length": 471.6,
1678
+ "epoch": 0.69,
1679
+ "frac_reward_zero_std": 1.0,
1680
+ "grad_norm": 0.006147034000605345,
1681
+ "kl": 0.0014556913753040134,
1682
+ "learning_rate": 1.202576065546963e-05,
1683
+ "loss": 5.921515985392034e-05,
1684
+ "reward": 0.6,
1685
+ "reward_std": 0.0,
1686
+ "rewards/Format/mean": 0.0,
1687
+ "rewards/Format/std": 0.0,
1688
+ "rewards/MathAccuracy/mean": 0.6,
1689
+ "rewards/MathAccuracy/std": 0.0,
1690
+ "step": 345
1691
+ },
1692
+ {
1693
+ "clip_ratio/high_max": 0.0003992015961557627,
1694
+ "clip_ratio/high_mean": 0.0003992015961557627,
1695
+ "clip_ratio/low_mean": 0.0,
1696
+ "clip_ratio/low_min": 0.0,
1697
+ "clip_ratio/region_mean": 0.0003992015961557627,
1698
+ "completions/clipped_ratio": 0.1,
1699
+ "completions/max_length": 436.4,
1700
+ "completions/mean_length": 421.5,
1701
+ "completions/min_length": 406.6,
1702
+ "epoch": 0.7,
1703
+ "frac_reward_zero_std": 0.8,
1704
+ "grad_norm": 0.006787001620978117,
1705
+ "kl": 0.0027022200636565687,
1706
+ "learning_rate": 1.1326296046939333e-05,
1707
+ "loss": 0.0002472905209288001,
1708
+ "reward": 0.7,
1709
+ "reward_std": 0.1414213538169861,
1710
+ "rewards/Format/mean": 0.0,
1711
+ "rewards/Format/std": 0.0,
1712
+ "rewards/MathAccuracy/mean": 0.7,
1713
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1714
+ "step": 350
1715
+ },
1716
+ {
1717
+ "clip_ratio/high_max": 0.0,
1718
+ "clip_ratio/high_mean": 0.0,
1719
+ "clip_ratio/low_mean": 0.0,
1720
+ "clip_ratio/low_min": 0.0,
1721
+ "clip_ratio/region_mean": 0.0,
1722
+ "completions/clipped_ratio": 0.0,
1723
+ "completions/max_length": 427.6,
1724
+ "completions/mean_length": 404.0,
1725
+ "completions/min_length": 380.4,
1726
+ "epoch": 0.71,
1727
+ "frac_reward_zero_std": 1.0,
1728
+ "grad_norm": 0.0022182271350175142,
1729
+ "kl": 0.002075655141379684,
1730
+ "learning_rate": 1.064178343292641e-05,
1731
+ "loss": 8.377792546525598e-05,
1732
+ "reward": 0.6,
1733
+ "reward_std": 0.0,
1734
+ "rewards/Format/mean": 0.0,
1735
+ "rewards/Format/std": 0.0,
1736
+ "rewards/MathAccuracy/mean": 0.6,
1737
+ "rewards/MathAccuracy/std": 0.0,
1738
+ "step": 355
1739
+ },
1740
+ {
1741
+ "clip_ratio/high_max": 0.0003294892841950059,
1742
+ "clip_ratio/high_mean": 0.0003294892841950059,
1743
+ "clip_ratio/low_mean": 0.00022050717379897832,
1744
+ "clip_ratio/low_min": 0.00022050717379897832,
1745
+ "clip_ratio/region_mean": 0.0005499964579939842,
1746
+ "completions/clipped_ratio": 0.0,
1747
+ "completions/max_length": 527.0,
1748
+ "completions/mean_length": 431.4,
1749
+ "completions/min_length": 335.8,
1750
+ "epoch": 0.72,
1751
+ "frac_reward_zero_std": 0.6,
1752
+ "grad_norm": 0.005938891787081957,
1753
+ "kl": 0.003542816312983632,
1754
+ "learning_rate": 9.972971317924374e-06,
1755
+ "loss": -4.2559945723041895e-05,
1756
+ "reward": 0.6,
1757
+ "reward_std": 0.2828427076339722,
1758
+ "rewards/Format/mean": 0.0,
1759
+ "rewards/Format/std": 0.0,
1760
+ "rewards/MathAccuracy/mean": 0.6,
1761
+ "rewards/MathAccuracy/std": 0.2828427076339722,
1762
+ "step": 360
1763
+ },
1764
+ {
1765
+ "clip_ratio/high_max": 0.0,
1766
+ "clip_ratio/high_mean": 0.0,
1767
+ "clip_ratio/low_mean": 0.0,
1768
+ "clip_ratio/low_min": 0.0,
1769
+ "clip_ratio/region_mean": 0.0,
1770
+ "completions/clipped_ratio": 0.2,
1771
+ "completions/max_length": 753.0,
1772
+ "completions/mean_length": 721.9,
1773
+ "completions/min_length": 690.8,
1774
+ "epoch": 0.73,
1775
+ "frac_reward_zero_std": 1.0,
1776
+ "grad_norm": 0.0016718930564820766,
1777
+ "kl": 0.0013213358353823424,
1778
+ "learning_rate": 9.320591038161574e-06,
1779
+ "loss": 5.248577799648047e-05,
1780
+ "reward": 0.6,
1781
+ "reward_std": 0.0,
1782
+ "rewards/Format/mean": 0.0,
1783
+ "rewards/Format/std": 0.0,
1784
+ "rewards/MathAccuracy/mean": 0.6,
1785
+ "rewards/MathAccuracy/std": 0.0,
1786
+ "step": 365
1787
+ },
1788
+ {
1789
+ "clip_ratio/high_max": 0.0006450645858421921,
1790
+ "clip_ratio/high_mean": 0.0006450645858421921,
1791
+ "clip_ratio/low_mean": 0.0001163467182777822,
1792
+ "clip_ratio/low_min": 0.0001163467182777822,
1793
+ "clip_ratio/region_mean": 0.0007614112924784422,
1794
+ "completions/clipped_ratio": 0.0,
1795
+ "completions/max_length": 653.6,
1796
+ "completions/mean_length": 601.9,
1797
+ "completions/min_length": 550.2,
1798
+ "epoch": 0.74,
1799
+ "frac_reward_zero_std": 0.4,
1800
+ "grad_norm": 0.10866400599479675,
1801
+ "kl": 0.001310768094845116,
1802
+ "learning_rate": 8.685355961895784e-06,
1803
+ "loss": -0.0001609708764590323,
1804
+ "reward": 0.5,
1805
+ "reward_std": 0.42426406145095824,
1806
+ "rewards/Format/mean": 0.0,
1807
+ "rewards/Format/std": 0.0,
1808
+ "rewards/MathAccuracy/mean": 0.5,
1809
+ "rewards/MathAccuracy/std": 0.42426406145095824,
1810
+ "step": 370
1811
+ },
1812
+ {
1813
+ "clip_ratio/high_max": 0.0003552397945895791,
1814
+ "clip_ratio/high_mean": 0.0003552397945895791,
1815
+ "clip_ratio/low_mean": 0.0,
1816
+ "clip_ratio/low_min": 0.0,
1817
+ "clip_ratio/region_mean": 0.0003552397945895791,
1818
+ "completions/clipped_ratio": 0.2,
1819
+ "completions/max_length": 585.6,
1820
+ "completions/mean_length": 557.0,
1821
+ "completions/min_length": 528.4,
1822
+ "epoch": 0.75,
1823
+ "frac_reward_zero_std": 0.8,
1824
+ "grad_norm": 0.007570336107164621,
1825
+ "kl": 0.0019031562842428684,
1826
+ "learning_rate": 8.067960709356478e-06,
1827
+ "loss": 0.00010980634251609445,
1828
+ "reward": 0.5,
1829
+ "reward_std": 0.1414213538169861,
1830
+ "rewards/Format/mean": 0.0,
1831
+ "rewards/Format/std": 0.0,
1832
+ "rewards/MathAccuracy/mean": 0.5,
1833
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1834
+ "step": 375
1835
+ },
1836
+ {
1837
+ "clip_ratio/high_max": 0.0,
1838
+ "clip_ratio/high_mean": 0.0,
1839
+ "clip_ratio/low_mean": 0.0,
1840
+ "clip_ratio/low_min": 0.0,
1841
+ "clip_ratio/region_mean": 0.0,
1842
+ "completions/clipped_ratio": 0.1,
1843
+ "completions/max_length": 827.2,
1844
+ "completions/mean_length": 776.1,
1845
+ "completions/min_length": 725.0,
1846
+ "epoch": 0.76,
1847
+ "frac_reward_zero_std": 1.0,
1848
+ "grad_norm": 0.0032681154552847147,
1849
+ "kl": 0.0015106519451364875,
1850
+ "learning_rate": 7.469080393187786e-06,
1851
+ "loss": 6.0344923986122013e-05,
1852
+ "reward": 0.2,
1853
+ "reward_std": 0.0,
1854
+ "rewards/Format/mean": 0.0,
1855
+ "rewards/Format/std": 0.0,
1856
+ "rewards/MathAccuracy/mean": 0.2,
1857
+ "rewards/MathAccuracy/std": 0.0,
1858
+ "step": 380
1859
+ },
1860
+ {
1861
+ "clip_ratio/high_max": 0.0,
1862
+ "clip_ratio/high_mean": 0.0,
1863
+ "clip_ratio/low_mean": 0.0,
1864
+ "clip_ratio/low_min": 0.0,
1865
+ "clip_ratio/region_mean": 0.0,
1866
+ "completions/clipped_ratio": 0.0,
1867
+ "completions/max_length": 567.6,
1868
+ "completions/mean_length": 527.8,
1869
+ "completions/min_length": 488.0,
1870
+ "epoch": 0.77,
1871
+ "frac_reward_zero_std": 1.0,
1872
+ "grad_norm": 0.0029238348361104727,
1873
+ "kl": 0.001659035962074995,
1874
+ "learning_rate": 6.889369880222776e-06,
1875
+ "loss": 6.735894712619483e-05,
1876
+ "reward": 0.8,
1877
+ "reward_std": 0.0,
1878
+ "rewards/Format/mean": 0.0,
1879
+ "rewards/Format/std": 0.0,
1880
+ "rewards/MathAccuracy/mean": 0.8,
1881
+ "rewards/MathAccuracy/std": 0.0,
1882
+ "step": 385
1883
+ },
1884
+ {
1885
+ "clip_ratio/high_max": 0.0,
1886
+ "clip_ratio/high_mean": 0.0,
1887
+ "clip_ratio/low_mean": 0.0,
1888
+ "clip_ratio/low_min": 0.0,
1889
+ "clip_ratio/region_mean": 0.0,
1890
+ "completions/clipped_ratio": 0.1,
1891
+ "completions/max_length": 665.2,
1892
+ "completions/mean_length": 576.4,
1893
+ "completions/min_length": 487.6,
1894
+ "epoch": 0.78,
1895
+ "frac_reward_zero_std": 1.0,
1896
+ "grad_norm": 0.0015165195800364017,
1897
+ "kl": 0.0015694351401180028,
1898
+ "learning_rate": 6.329463075396161e-06,
1899
+ "loss": 6.140409386716783e-05,
1900
+ "reward": 0.4,
1901
+ "reward_std": 0.0,
1902
+ "rewards/Format/mean": 0.0,
1903
+ "rewards/Format/std": 0.0,
1904
+ "rewards/MathAccuracy/mean": 0.4,
1905
+ "rewards/MathAccuracy/std": 0.0,
1906
+ "step": 390
1907
+ },
1908
+ {
1909
+ "clip_ratio/high_max": 0.00020020019728690387,
1910
+ "clip_ratio/high_mean": 0.00020020019728690387,
1911
+ "clip_ratio/low_mean": 0.0,
1912
+ "clip_ratio/low_min": 0.0,
1913
+ "clip_ratio/region_mean": 0.00020020019728690387,
1914
+ "completions/clipped_ratio": 0.1,
1915
+ "completions/max_length": 624.0,
1916
+ "completions/mean_length": 603.8,
1917
+ "completions/min_length": 583.6,
1918
+ "epoch": 0.79,
1919
+ "frac_reward_zero_std": 0.8,
1920
+ "grad_norm": 0.00223752879537642,
1921
+ "kl": 0.0014426506008021534,
1922
+ "learning_rate": 5.78997222857853e-06,
1923
+ "loss": 9.092516265809535e-05,
1924
+ "reward": 0.5,
1925
+ "reward_std": 0.1414213538169861,
1926
+ "rewards/Format/mean": 0.0,
1927
+ "rewards/Format/std": 0.0,
1928
+ "rewards/MathAccuracy/mean": 0.5,
1929
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1930
+ "step": 395
1931
+ },
1932
+ {
1933
+ "clip_ratio/high_max": 0.0008895917097106576,
1934
+ "clip_ratio/high_mean": 0.0008895917097106576,
1935
+ "clip_ratio/low_mean": 0.0002871500328183174,
1936
+ "clip_ratio/low_min": 0.0002871500328183174,
1937
+ "clip_ratio/region_mean": 0.001176741742528975,
1938
+ "completions/clipped_ratio": 0.1,
1939
+ "completions/max_length": 674.0,
1940
+ "completions/mean_length": 605.1,
1941
+ "completions/min_length": 536.2,
1942
+ "epoch": 0.8,
1943
+ "frac_reward_zero_std": 0.6,
1944
+ "grad_norm": 0.006541391368955374,
1945
+ "kl": 0.002322370233014226,
1946
+ "learning_rate": 5.271487265090163e-06,
1947
+ "loss": 0.00022997541818767787,
1948
+ "reward": 0.4,
1949
+ "reward_std": 0.2828427076339722,
1950
+ "rewards/Format/mean": 0.0,
1951
+ "rewards/Format/std": 0.0,
1952
+ "rewards/MathAccuracy/mean": 0.4,
1953
+ "rewards/MathAccuracy/std": 0.2828427076339722,
1954
+ "step": 400
1955
+ },
1956
+ {
1957
+ "clip_ratio/high_max": 0.0,
1958
+ "clip_ratio/high_mean": 0.0,
1959
+ "clip_ratio/low_mean": 0.0,
1960
+ "clip_ratio/low_min": 0.0,
1961
+ "clip_ratio/region_mean": 0.0,
1962
+ "completions/clipped_ratio": 0.0,
1963
+ "completions/max_length": 405.2,
1964
+ "completions/mean_length": 385.8,
1965
+ "completions/min_length": 366.4,
1966
+ "epoch": 0.81,
1967
+ "frac_reward_zero_std": 0.8,
1968
+ "grad_norm": 0.006315944250673056,
1969
+ "kl": 0.002596192993223667,
1970
+ "learning_rate": 4.7745751406263165e-06,
1971
+ "loss": 0.00014588373014703392,
1972
+ "reward": 0.5,
1973
+ "reward_std": 0.1414213538169861,
1974
+ "rewards/Format/mean": 0.0,
1975
+ "rewards/Format/std": 0.0,
1976
+ "rewards/MathAccuracy/mean": 0.5,
1977
+ "rewards/MathAccuracy/std": 0.1414213538169861,
1978
+ "step": 405
1979
+ },
1980
+ {
1981
+ "clip_ratio/high_max": 0.0,
1982
+ "clip_ratio/high_mean": 0.0,
1983
+ "clip_ratio/low_mean": 0.0,
1984
+ "clip_ratio/low_min": 0.0,
1985
+ "clip_ratio/region_mean": 0.0,
1986
+ "completions/clipped_ratio": 0.0,
1987
+ "completions/max_length": 631.6,
1988
+ "completions/mean_length": 595.8,
1989
+ "completions/min_length": 560.0,
1990
+ "epoch": 0.82,
1991
+ "frac_reward_zero_std": 1.0,
1992
+ "grad_norm": 0.0020425012335181236,
1993
+ "kl": 0.0014671742217615246,
1994
+ "learning_rate": 4.299779221299499e-06,
1995
+ "loss": 5.95603312831372e-05,
1996
+ "reward": 0.6,
1997
+ "reward_std": 0.0,
1998
+ "rewards/Format/mean": 0.0,
1999
+ "rewards/Format/std": 0.0,
2000
+ "rewards/MathAccuracy/mean": 0.6,
2001
+ "rewards/MathAccuracy/std": 0.0,
2002
+ "step": 410
2003
+ },
2004
+ {
2005
+ "clip_ratio/high_max": 0.00021141648758202792,
2006
+ "clip_ratio/high_mean": 0.00021141648758202792,
2007
+ "clip_ratio/low_mean": 0.0,
2008
+ "clip_ratio/low_min": 0.0,
2009
+ "clip_ratio/region_mean": 0.00021141648758202792,
2010
+ "completions/clipped_ratio": 0.0,
2011
+ "completions/max_length": 426.2,
2012
+ "completions/mean_length": 407.7,
2013
+ "completions/min_length": 389.2,
2014
+ "epoch": 0.83,
2015
+ "frac_reward_zero_std": 0.8,
2016
+ "grad_norm": 0.003026613499969244,
2017
+ "kl": 0.0029249578481540086,
2018
+ "learning_rate": 3.847618689476612e-06,
2019
+ "loss": -3.8415665039792656e-05,
2020
+ "reward": 0.5,
2021
+ "reward_std": 0.1414213538169861,
2022
+ "rewards/Format/mean": 0.0,
2023
+ "rewards/Format/std": 0.0,
2024
+ "rewards/MathAccuracy/mean": 0.5,
2025
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2026
+ "step": 415
2027
+ },
2028
+ {
2029
+ "clip_ratio/high_max": 0.0,
2030
+ "clip_ratio/high_mean": 0.0,
2031
+ "clip_ratio/low_mean": 0.0,
2032
+ "clip_ratio/low_min": 0.0,
2033
+ "clip_ratio/region_mean": 0.0,
2034
+ "completions/clipped_ratio": 0.0,
2035
+ "completions/max_length": 556.2,
2036
+ "completions/mean_length": 511.3,
2037
+ "completions/min_length": 466.4,
2038
+ "epoch": 0.84,
2039
+ "frac_reward_zero_std": 1.0,
2040
+ "grad_norm": 0.0027313604950904846,
2041
+ "kl": 0.00170407232362777,
2042
+ "learning_rate": 3.418587976060653e-06,
2043
+ "loss": 6.951598916202784e-05,
2044
+ "reward": 0.2,
2045
+ "reward_std": 0.0,
2046
+ "rewards/Format/mean": 0.0,
2047
+ "rewards/Format/std": 0.0,
2048
+ "rewards/MathAccuracy/mean": 0.2,
2049
+ "rewards/MathAccuracy/std": 0.0,
2050
+ "step": 420
2051
+ },
2052
+ {
2053
+ "clip_ratio/high_max": 0.00044247787445783615,
2054
+ "clip_ratio/high_mean": 0.00044247787445783615,
2055
+ "clip_ratio/low_mean": 0.00044247787445783615,
2056
+ "clip_ratio/low_min": 0.00044247787445783615,
2057
+ "clip_ratio/region_mean": 0.0008849557489156723,
2058
+ "completions/clipped_ratio": 0.3,
2059
+ "completions/max_length": 719.6,
2060
+ "completions/mean_length": 680.4,
2061
+ "completions/min_length": 641.2,
2062
+ "epoch": 0.85,
2063
+ "frac_reward_zero_std": 0.8,
2064
+ "grad_norm": 0.0022066642995923758,
2065
+ "kl": 0.004893560777418315,
2066
+ "learning_rate": 3.013156219837776e-06,
2067
+ "loss": 0.00014771391870453953,
2068
+ "reward": 0.5,
2069
+ "reward_std": 0.1414213538169861,
2070
+ "rewards/Format/mean": 0.0,
2071
+ "rewards/Format/std": 0.0,
2072
+ "rewards/MathAccuracy/mean": 0.5,
2073
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2074
+ "step": 425
2075
+ },
2076
+ {
2077
+ "clip_ratio/high_max": 0.0,
2078
+ "clip_ratio/high_mean": 0.0,
2079
+ "clip_ratio/low_mean": 0.0,
2080
+ "clip_ratio/low_min": 0.0,
2081
+ "clip_ratio/region_mean": 0.0,
2082
+ "completions/clipped_ratio": 0.2,
2083
+ "completions/max_length": 684.0,
2084
+ "completions/mean_length": 615.6,
2085
+ "completions/min_length": 547.2,
2086
+ "epoch": 0.86,
2087
+ "frac_reward_zero_std": 1.0,
2088
+ "grad_norm": 0.004402415361255407,
2089
+ "kl": 0.0030957374721765516,
2090
+ "learning_rate": 2.6317667544809134e-06,
2091
+ "loss": 0.00012539406307041646,
2092
+ "reward": 0.8,
2093
+ "reward_std": 0.0,
2094
+ "rewards/Format/mean": 0.0,
2095
+ "rewards/Format/std": 0.0,
2096
+ "rewards/MathAccuracy/mean": 0.8,
2097
+ "rewards/MathAccuracy/std": 0.0,
2098
+ "step": 430
2099
+ },
2100
+ {
2101
+ "clip_ratio/high_max": 0.0,
2102
+ "clip_ratio/high_mean": 0.0,
2103
+ "clip_ratio/low_mean": 0.0,
2104
+ "clip_ratio/low_min": 0.0,
2105
+ "clip_ratio/region_mean": 0.0,
2106
+ "completions/clipped_ratio": 0.0,
2107
+ "completions/max_length": 491.6,
2108
+ "completions/mean_length": 429.4,
2109
+ "completions/min_length": 367.2,
2110
+ "epoch": 0.87,
2111
+ "frac_reward_zero_std": 1.0,
2112
+ "grad_norm": 0.0023908629082143307,
2113
+ "kl": 0.005757934390567243,
2114
+ "learning_rate": 2.2748366237709374e-06,
2115
+ "loss": 0.00023677514400333166,
2116
+ "reward": 0.6,
2117
+ "reward_std": 0.0,
2118
+ "rewards/Format/mean": 0.0,
2119
+ "rewards/Format/std": 0.0,
2120
+ "rewards/MathAccuracy/mean": 0.6,
2121
+ "rewards/MathAccuracy/std": 0.0,
2122
+ "step": 435
2123
+ },
2124
+ {
2125
+ "clip_ratio/high_max": 0.0,
2126
+ "clip_ratio/high_mean": 0.0,
2127
+ "clip_ratio/low_mean": 0.0,
2128
+ "clip_ratio/low_min": 0.0,
2129
+ "clip_ratio/region_mean": 0.0,
2130
+ "completions/clipped_ratio": 0.4,
2131
+ "completions/max_length": 941.0,
2132
+ "completions/mean_length": 845.1,
2133
+ "completions/min_length": 749.2,
2134
+ "epoch": 0.88,
2135
+ "frac_reward_zero_std": 0.8,
2136
+ "grad_norm": 0.0024610680993646383,
2137
+ "kl": 0.0023990799207240345,
2138
+ "learning_rate": 1.9427561255653816e-06,
2139
+ "loss": 8.56145576108247e-05,
2140
+ "reward": 0.1,
2141
+ "reward_std": 0.1414213538169861,
2142
+ "rewards/Format/mean": 0.0,
2143
+ "rewards/Format/std": 0.0,
2144
+ "rewards/MathAccuracy/mean": 0.1,
2145
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2146
+ "step": 440
2147
+ },
2148
+ {
2149
+ "clip_ratio/high_max": 0.0003554502269253135,
2150
+ "clip_ratio/high_mean": 0.0003554502269253135,
2151
+ "clip_ratio/low_mean": 0.0,
2152
+ "clip_ratio/low_min": 0.0,
2153
+ "clip_ratio/region_mean": 0.0003554502269253135,
2154
+ "completions/clipped_ratio": 0.1,
2155
+ "completions/max_length": 717.8,
2156
+ "completions/mean_length": 628.7,
2157
+ "completions/min_length": 539.6,
2158
+ "epoch": 0.89,
2159
+ "frac_reward_zero_std": 0.8,
2160
+ "grad_norm": 0.0033430650364607573,
2161
+ "kl": 0.00213278106530197,
2162
+ "learning_rate": 1.6358883850134816e-06,
2163
+ "loss": 7.869623950682581e-05,
2164
+ "reward": 0.5,
2165
+ "reward_std": 0.1414213538169861,
2166
+ "rewards/Format/mean": 0.0,
2167
+ "rewards/Format/std": 0.0,
2168
+ "rewards/MathAccuracy/mean": 0.5,
2169
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2170
+ "step": 445
2171
+ },
2172
+ {
2173
+ "clip_ratio/high_max": 0.00014947683084756135,
2174
+ "clip_ratio/high_mean": 0.00014947683084756135,
2175
+ "clip_ratio/low_mean": 0.00014947683084756135,
2176
+ "clip_ratio/low_min": 0.00014947683084756135,
2177
+ "clip_ratio/region_mean": 0.0002989536616951227,
2178
+ "completions/clipped_ratio": 0.1,
2179
+ "completions/max_length": 561.2,
2180
+ "completions/mean_length": 541.5,
2181
+ "completions/min_length": 521.8,
2182
+ "epoch": 0.9,
2183
+ "frac_reward_zero_std": 0.8,
2184
+ "grad_norm": 0.00285865506157279,
2185
+ "kl": 0.0031095960177481173,
2186
+ "learning_rate": 1.3545689574841342e-06,
2187
+ "loss": 0.00018892092630267142,
2188
+ "reward": 0.7,
2189
+ "reward_std": 0.1414213538169861,
2190
+ "rewards/Format/mean": 0.0,
2191
+ "rewards/Format/std": 0.0,
2192
+ "rewards/MathAccuracy/mean": 0.7,
2193
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2194
+ "step": 450
2195
+ },
2196
+ {
2197
+ "clip_ratio/high_max": 0.00017857142956927418,
2198
+ "clip_ratio/high_mean": 0.00017857142956927418,
2199
+ "clip_ratio/low_mean": 0.0,
2200
+ "clip_ratio/low_min": 0.0,
2201
+ "clip_ratio/region_mean": 0.00017857142956927418,
2202
+ "completions/clipped_ratio": 0.2,
2203
+ "completions/max_length": 673.4,
2204
+ "completions/mean_length": 612.5,
2205
+ "completions/min_length": 551.6,
2206
+ "epoch": 0.91,
2207
+ "frac_reward_zero_std": 0.8,
2208
+ "grad_norm": 0.004231106955558062,
2209
+ "kl": 0.001816297578625381,
2210
+ "learning_rate": 1.0991054616410589e-06,
2211
+ "loss": 2.4761457461863755e-05,
2212
+ "reward": 0.7,
2213
+ "reward_std": 0.1414213538169861,
2214
+ "rewards/Format/mean": 0.0,
2215
+ "rewards/Format/std": 0.0,
2216
+ "rewards/MathAccuracy/mean": 0.7,
2217
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2218
+ "step": 455
2219
+ },
2220
+ {
2221
+ "clip_ratio/high_max": 0.0,
2222
+ "clip_ratio/high_mean": 0.0,
2223
+ "clip_ratio/low_mean": 0.0,
2224
+ "clip_ratio/low_min": 0.0,
2225
+ "clip_ratio/region_mean": 0.0,
2226
+ "completions/clipped_ratio": 0.1,
2227
+ "completions/max_length": 774.4,
2228
+ "completions/mean_length": 719.6,
2229
+ "completions/min_length": 664.8,
2230
+ "epoch": 0.92,
2231
+ "frac_reward_zero_std": 1.0,
2232
+ "grad_norm": 0.0025418533477932215,
2233
+ "kl": 0.001939354185014963,
2234
+ "learning_rate": 8.697772430662859e-07,
2235
+ "loss": 7.737103151157498e-05,
2236
+ "reward": 0.4,
2237
+ "reward_std": 0.0,
2238
+ "rewards/Format/mean": 0.0,
2239
+ "rewards/Format/std": 0.0,
2240
+ "rewards/MathAccuracy/mean": 0.4,
2241
+ "rewards/MathAccuracy/std": 0.0,
2242
+ "step": 460
2243
+ },
2244
+ {
2245
+ "clip_ratio/high_max": 0.0,
2246
+ "clip_ratio/high_mean": 0.0,
2247
+ "clip_ratio/low_mean": 0.0,
2248
+ "clip_ratio/low_min": 0.0,
2249
+ "clip_ratio/region_mean": 0.0,
2250
+ "completions/clipped_ratio": 0.0,
2251
+ "completions/max_length": 511.0,
2252
+ "completions/mean_length": 471.9,
2253
+ "completions/min_length": 432.8,
2254
+ "epoch": 0.93,
2255
+ "frac_reward_zero_std": 1.0,
2256
+ "grad_norm": 0.009396975859999657,
2257
+ "kl": 0.0025742474826984107,
2258
+ "learning_rate": 6.668350687998565e-07,
2259
+ "loss": 0.00010292576625943184,
2260
+ "reward": 0.8,
2261
+ "reward_std": 0.0,
2262
+ "rewards/Format/mean": 0.0,
2263
+ "rewards/Format/std": 0.0,
2264
+ "rewards/MathAccuracy/mean": 0.8,
2265
+ "rewards/MathAccuracy/std": 0.0,
2266
+ "step": 465
2267
+ },
2268
+ {
2269
+ "clip_ratio/high_max": 0.000551610765978694,
2270
+ "clip_ratio/high_mean": 0.000551610765978694,
2271
+ "clip_ratio/low_mean": 9.881423320621253e-05,
2272
+ "clip_ratio/low_min": 9.881423320621253e-05,
2273
+ "clip_ratio/region_mean": 0.0006504249759018421,
2274
+ "completions/clipped_ratio": 0.2,
2275
+ "completions/max_length": 705.0,
2276
+ "completions/mean_length": 675.6,
2277
+ "completions/min_length": 646.2,
2278
+ "epoch": 0.94,
2279
+ "frac_reward_zero_std": 0.6,
2280
+ "grad_norm": 0.1849575787782669,
2281
+ "kl": 0.0012461108970455825,
2282
+ "learning_rate": 4.905008531297661e-07,
2283
+ "loss": 3.4519674954935907e-06,
2284
+ "reward": 0.6,
2285
+ "reward_std": 0.2828427076339722,
2286
+ "rewards/Format/mean": 0.0,
2287
+ "rewards/Format/std": 0.0,
2288
+ "rewards/MathAccuracy/mean": 0.6,
2289
+ "rewards/MathAccuracy/std": 0.2828427076339722,
2290
+ "step": 470
2291
+ },
2292
+ {
2293
+ "clip_ratio/high_max": 0.0,
2294
+ "clip_ratio/high_mean": 0.0,
2295
+ "clip_ratio/low_mean": 0.0001932367100380361,
2296
+ "clip_ratio/low_min": 0.0001932367100380361,
2297
+ "clip_ratio/region_mean": 0.0001932367100380361,
2298
+ "completions/clipped_ratio": 0.1,
2299
+ "completions/max_length": 704.2,
2300
+ "completions/mean_length": 656.1,
2301
+ "completions/min_length": 608.0,
2302
+ "epoch": 0.95,
2303
+ "frac_reward_zero_std": 0.6,
2304
+ "grad_norm": 0.17005588114261627,
2305
+ "kl": 0.0020033617503941057,
2306
+ "learning_rate": 3.4096741493194197e-07,
2307
+ "loss": 0.00018819719552993775,
2308
+ "reward": 0.4,
2309
+ "reward_std": 0.2828427076339722,
2310
+ "rewards/Format/mean": 0.0,
2311
+ "rewards/Format/std": 0.0,
2312
+ "rewards/MathAccuracy/mean": 0.4,
2313
+ "rewards/MathAccuracy/std": 0.2828427076339722,
2314
+ "step": 475
2315
+ },
2316
+ {
2317
+ "clip_ratio/high_max": 0.0,
2318
+ "clip_ratio/high_mean": 0.0,
2319
+ "clip_ratio/low_mean": 0.0,
2320
+ "clip_ratio/low_min": 0.0,
2321
+ "clip_ratio/region_mean": 0.0,
2322
+ "completions/clipped_ratio": 0.0,
2323
+ "completions/max_length": 394.0,
2324
+ "completions/mean_length": 366.8,
2325
+ "completions/min_length": 339.6,
2326
+ "epoch": 0.96,
2327
+ "frac_reward_zero_std": 0.8,
2328
+ "grad_norm": 0.0033463104628026485,
2329
+ "kl": 0.0017193612293340266,
2330
+ "learning_rate": 2.1839826682562015e-07,
2331
+ "loss": 0.00022480501793324946,
2332
+ "reward": 0.5,
2333
+ "reward_std": 0.1414213538169861,
2334
+ "rewards/Format/mean": 0.0,
2335
+ "rewards/Format/std": 0.0,
2336
+ "rewards/MathAccuracy/mean": 0.5,
2337
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2338
+ "step": 480
2339
+ },
2340
+ {
2341
+ "clip_ratio/high_max": 0.0005300353281199932,
2342
+ "clip_ratio/high_mean": 0.0005300353281199932,
2343
+ "clip_ratio/low_mean": 0.0,
2344
+ "clip_ratio/low_min": 0.0,
2345
+ "clip_ratio/region_mean": 0.0005300353281199932,
2346
+ "completions/clipped_ratio": 0.1,
2347
+ "completions/max_length": 701.2,
2348
+ "completions/mean_length": 642.3,
2349
+ "completions/min_length": 583.4,
2350
+ "epoch": 0.97,
2351
+ "frac_reward_zero_std": 0.6,
2352
+ "grad_norm": 0.17250776290893555,
2353
+ "kl": 0.0015719524584710599,
2354
+ "learning_rate": 1.229274363747146e-07,
2355
+ "loss": 1.5123013872653246e-05,
2356
+ "reward": 0.8,
2357
+ "reward_std": 0.2828427076339722,
2358
+ "rewards/Format/mean": 0.0,
2359
+ "rewards/Format/std": 0.0,
2360
+ "rewards/MathAccuracy/mean": 0.8,
2361
+ "rewards/MathAccuracy/std": 0.2828427076339722,
2362
+ "step": 485
2363
+ },
2364
+ {
2365
+ "clip_ratio/high_max": 0.00020439447835087776,
2366
+ "clip_ratio/high_mean": 0.00020439447835087776,
2367
+ "clip_ratio/low_mean": 0.00025062656495720146,
2368
+ "clip_ratio/low_min": 0.00025062656495720146,
2369
+ "clip_ratio/region_mean": 0.00045502104330807924,
2370
+ "completions/clipped_ratio": 0.1,
2371
+ "completions/max_length": 558.2,
2372
+ "completions/mean_length": 510.3,
2373
+ "completions/min_length": 462.4,
2374
+ "epoch": 0.98,
2375
+ "frac_reward_zero_std": 0.6,
2376
+ "grad_norm": 0.3301871418952942,
2377
+ "kl": 0.0023324352921918036,
2378
+ "learning_rate": 5.4659319530636633e-08,
2379
+ "loss": 0.00013293407391756773,
2380
+ "reward": 0.8,
2381
+ "reward_std": 0.2828427076339722,
2382
+ "rewards/Format/mean": 0.0,
2383
+ "rewards/Format/std": 0.0,
2384
+ "rewards/MathAccuracy/mean": 0.8,
2385
+ "rewards/MathAccuracy/std": 0.2828427076339722,
2386
+ "step": 490
2387
+ },
2388
+ {
2389
+ "clip_ratio/high_max": 0.0,
2390
+ "clip_ratio/high_mean": 0.0,
2391
+ "clip_ratio/low_mean": 0.0,
2392
+ "clip_ratio/low_min": 0.0,
2393
+ "clip_ratio/region_mean": 0.0,
2394
+ "completions/clipped_ratio": 0.0,
2395
+ "completions/max_length": 636.6,
2396
+ "completions/mean_length": 614.3,
2397
+ "completions/min_length": 592.0,
2398
+ "epoch": 0.99,
2399
+ "frac_reward_zero_std": 1.0,
2400
+ "grad_norm": 0.005240611266344786,
2401
+ "kl": 0.002130005625076592,
2402
+ "learning_rate": 1.3668566476848777e-08,
2403
+ "loss": 8.560363785363734e-05,
2404
+ "reward": 0.6,
2405
+ "reward_std": 0.0,
2406
+ "rewards/Format/mean": 0.0,
2407
+ "rewards/Format/std": 0.0,
2408
+ "rewards/MathAccuracy/mean": 0.6,
2409
+ "rewards/MathAccuracy/std": 0.0,
2410
+ "step": 495
2411
+ },
2412
+ {
2413
+ "clip_ratio/high_max": 0.0001826483989134431,
2414
+ "clip_ratio/high_mean": 0.0001826483989134431,
2415
+ "clip_ratio/low_mean": 0.0,
2416
+ "clip_ratio/low_min": 0.0,
2417
+ "clip_ratio/region_mean": 0.0001826483989134431,
2418
+ "completions/clipped_ratio": 0.0,
2419
+ "completions/max_length": 640.0,
2420
+ "completions/mean_length": 551.5,
2421
+ "completions/min_length": 463.0,
2422
+ "epoch": 1.0,
2423
+ "frac_reward_zero_std": 0.8,
2424
+ "grad_norm": 0.15998604893684387,
2425
+ "kl": 0.002341361262369901,
2426
+ "learning_rate": 0.0,
2427
+ "loss": 0.00012646716786548495,
2428
+ "reward": 0.7,
2429
+ "reward_std": 0.1414213538169861,
2430
+ "rewards/Format/mean": 0.0,
2431
+ "rewards/Format/std": 0.0,
2432
+ "rewards/MathAccuracy/mean": 0.7,
2433
+ "rewards/MathAccuracy/std": 0.1414213538169861,
2434
+ "step": 500
2435
+ }
2436
+ ],
2437
+ "logging_steps": 5,
2438
+ "max_steps": 500,
2439
+ "num_input_tokens_seen": 0,
2440
+ "num_train_epochs": 1,
2441
+ "save_steps": 50,
2442
+ "stateful_callbacks": {
2443
+ "TrainerControl": {
2444
+ "args": {
2445
+ "should_epoch_stop": false,
2446
+ "should_evaluate": false,
2447
+ "should_log": false,
2448
+ "should_save": true,
2449
+ "should_training_stop": true
2450
+ },
2451
+ "attributes": {}
2452
+ }
2453
+ },
2454
+ "total_flos": 0.0,
2455
+ "train_batch_size": 2,
2456
+ "trial_name": null,
2457
+ "trial_params": null
2458
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fe8cd3b554a99b402d9df5338b8b754a0bc0bd19dac781acfe9af54c1140038f
3
+ size 10001