edgeinfinity commited on
Commit
aed79dd
·
verified ·
1 Parent(s): f15133d

Upload folder using huggingface_hub

Browse files
added_tokens.json CHANGED
@@ -1,5 +1,24 @@
1
  {
 
 
 
 
2
  "<|endoftext|>": 151643,
 
 
 
 
 
3
  "<|im_end|>": 151645,
4
- "<|im_start|>": 151644
 
 
 
 
 
 
 
 
 
 
5
  }
 
1
  {
2
+ "</tool_call>": 151658,
3
+ "<tool_call>": 151657,
4
+ "<|box_end|>": 151649,
5
+ "<|box_start|>": 151648,
6
  "<|endoftext|>": 151643,
7
+ "<|file_sep|>": 151664,
8
+ "<|fim_middle|>": 151660,
9
+ "<|fim_pad|>": 151662,
10
+ "<|fim_prefix|>": 151659,
11
+ "<|fim_suffix|>": 151661,
12
  "<|im_end|>": 151645,
13
+ "<|im_start|>": 151644,
14
+ "<|image_pad|>": 151655,
15
+ "<|object_ref_end|>": 151647,
16
+ "<|object_ref_start|>": 151646,
17
+ "<|quad_end|>": 151651,
18
+ "<|quad_start|>": 151650,
19
+ "<|repo_name|>": 151663,
20
+ "<|video_pad|>": 151656,
21
+ "<|vision_end|>": 151653,
22
+ "<|vision_pad|>": 151654,
23
+ "<|vision_start|>": 151652
24
  }
config.json CHANGED
@@ -1,5 +1,5 @@
1
  {
2
- "_name_or_path": "/root/.cache/modelscope/hub/qwen/Qwen2-7B-Instruct",
3
  "architectures": [
4
  "Qwen2ForCausalLM"
5
  ],
 
1
  {
2
+ "_name_or_path": "/root/.cache/modelscope/hub/qwen/Qwen2___5-7B-Instruct",
3
  "architectures": [
4
  "Qwen2ForCausalLM"
5
  ],
configuration.json CHANGED
@@ -1,4 +1 @@
1
- {
2
- "framework": "Pytorch",
3
- "task": "text-generation"
4
- }
 
1
+ {}
 
 
 
generation_config.json CHANGED
@@ -1,10 +1,12 @@
1
  {
 
2
  "do_sample": true,
3
  "eos_token_id": 151645,
4
  "max_new_tokens": 2048,
5
  "pad_token_id": 151643,
6
- "temperature": 0.3,
 
7
  "top_k": 20,
8
- "top_p": 0.7,
9
  "transformers_version": "4.41.2"
10
  }
 
1
  {
2
+ "bos_token_id": 151643,
3
  "do_sample": true,
4
  "eos_token_id": 151645,
5
  "max_new_tokens": 2048,
6
  "pad_token_id": 151643,
7
+ "repetition_penalty": 1.05,
8
+ "temperature": 0.7,
9
  "top_k": 20,
10
+ "top_p": 0.8,
11
  "transformers_version": "4.41.2"
12
  }
model-00001-of-00004.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:9b9852a67fddb619b46917f6da48e6d4e59d3849f277ec7dd8a2685d39391702
3
  size 4877660776
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:679d7d16ba922f003f2a18ded787696113850cc460104bd38b1925db1a4f9756
3
  size 4877660776
model-00002-of-00004.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:695a7ec7b365a8411e3f301f937a22224c669ff8633e80f2f168ccd6dec5fb08
3
  size 4932751008
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:72606189477258d80f803153aabc53f55dca6450308856e4612d14b41d6d40fd
3
  size 4932751008
model-00003-of-00004.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:d38d29f7f3fd1e081379c2294298a346413a831ea4a5cf1845e90f1871f34c5a
3
  size 4330865200
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1054e5ff0b0f28415800a4e083d7b0988f666c0f02249b78b6d7bfa971f2f201
3
  size 4330865200
model-00004-of-00004.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:7c2d09c439927af4e903ceebc4f350fb45ee891c794475a7001650ff5ca2b998
3
  size 1089994880
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:06006972c3be88e8a44fe21cfe2b0472b130780c781a741f8f90f1fe5ba3aae2
3
  size 1089994880
sft_args.json CHANGED
@@ -1,54 +1,46 @@
1
  {
2
- "model_type": "qwen2-7b-instruct",
3
- "model_id_or_path": "qwen/Qwen2-7B-Instruct",
4
  "model_revision": "master",
 
5
  "sft_type": "full",
6
- "freeze_parameters": 0.0,
 
 
7
  "additional_trainable_parameters": [],
8
  "tuner_backend": "peft",
9
- "template_type": "qwen",
10
- "output_dir": "/root/swift/esft/output/qwen2-7b-instruct/v12-20240702-120746",
11
  "add_output_dir_suffix": true,
12
  "ddp_backend": "nccl",
13
  "ddp_find_unused_parameters": null,
14
  "ddp_broadcast_buffers": null,
 
15
  "seed": 42,
16
- "resume_from_checkpoint": null,
17
  "resume_only_model": false,
18
  "ignore_data_skip": false,
19
  "dtype": "bf16",
20
  "packing": false,
 
 
 
 
 
 
 
21
  "dataset": [
22
  "dataset/moni_dataset.jsonl",
23
- "dataset/moni_dataset.jsonl",
24
- "dataset/moni_dataset.jsonl",
25
- "dataset/moni_dataset.jsonl",
26
- "dataset/covid_new.jsonl",
27
- "dataset/covid_new.jsonl",
28
  "dataset/covid_new.jsonl",
29
- "dataset/covid_new.jsonl",
30
- "dataset/covid_new.jsonl",
31
- "dataset/ds_new.jsonl",
32
- "dataset/ds_new.jsonl",
33
  "dataset/ds_new.jsonl",
34
  "dataset/ds_new.jsonl",
35
- "dataset/ds_new.jsonl",
36
- "dataset/ds_new.jsonl",
37
- "dataset/ds_new.jsonl",
38
- "dataset/ds_new.jsonl",
39
- "dataset/ds_new.jsonl",
40
- "dataset/ds_new.jsonl",
41
- "dataset/ds_new.jsonl",
42
- "dataset/ds_new.jsonl",
43
- "HF::roleplay-base#2500",
44
- "iic/MSAgent-MultiRole#1000",
45
- "AI-ModelScope/wikipedia-cn-20230720-filtered#500",
46
- "AI-ModelScope/ruozhiba#500",
47
- "modelscope/chinese-poetry-collection#1000",
48
- "AI-ModelScope/webnovel_cn#500"
49
  ],
50
  "val_dataset": [
51
- "dataset/ds_new.jsonl"
52
  ],
53
  "dataset_seed": 42,
54
  "dataset_test_ratio": 0.0,
@@ -56,9 +48,12 @@
56
  "loss_scale_config_path": "/root/swift/swift_new/lib/python3.11/site-packages/swift/llm/agent/default_loss_scale_config.json",
57
  "system": "None",
58
  "tools_prompt": "react_en",
59
- "max_length": 1500,
60
  "truncation_strategy": "delete",
61
  "check_dataset_strategy": "warning",
 
 
 
62
  "model_name": [
63
  null,
64
  null
@@ -75,48 +70,49 @@
75
  "bnb_4bit_quant_type": "nf4",
76
  "bnb_4bit_use_double_quant": true,
77
  "bnb_4bit_quant_storage": null,
78
- "lora_target_modules": [
79
- "q_proj",
80
- "k_proj",
81
- "v_proj"
82
  ],
 
 
83
  "lora_rank": 16,
84
  "lora_alpha": 32,
85
- "lora_dropout_p": 0.06,
86
  "lora_bias_trainable": "none",
87
- "lora_modules_to_save": [],
88
- "lora_dtype": null,
89
  "lora_lr_ratio": null,
90
  "use_rslora": false,
91
  "use_dora": false,
92
- "init_lora_weights": true,
 
 
93
  "rope_scaling": null,
94
  "boft_block_size": 4,
95
  "boft_block_num": 0,
96
  "boft_n_butterfly_factor": 1,
97
- "boft_target_modules": [
98
- "DEFAULT"
99
- ],
100
  "boft_dropout": 0.0,
101
- "boft_modules_to_save": [],
102
  "vera_rank": 256,
103
- "vera_target_modules": [
104
- "DEFAULT"
105
- ],
106
  "vera_projection_prng_key": 0,
107
  "vera_dropout": 0.0,
108
  "vera_d_initial": 0.1,
109
- "vera_modules_to_save": [],
110
  "adapter_act": "gelu",
111
  "adapter_length": 128,
112
  "use_galore": false,
113
- "galore_rank": 128,
114
  "galore_target_modules": null,
 
115
  "galore_update_proj_gap": 50,
116
  "galore_scale": 1.0,
117
  "galore_proj_type": "std",
118
  "galore_optim_per_parameter": false,
119
  "galore_with_embedding": false,
 
 
 
 
 
 
 
120
  "adalora_target_r": 8,
121
  "adalora_init_r": 12,
122
  "adalora_tinit": 0,
@@ -125,39 +121,45 @@
125
  "adalora_beta1": 0.85,
126
  "adalora_beta2": 0.85,
127
  "adalora_orth_reg_weight": 0.5,
128
- "ia3_target_modules": [
129
- "DEFAULT"
130
- ],
131
  "ia3_feedforward_modules": [],
132
- "ia3_modules_to_save": [],
133
  "llamapro_num_new_blocks": 4,
134
  "llamapro_num_groups": null,
135
  "neftune_noise_alpha": null,
136
  "neftune_backend": "transformers",
137
  "lisa_activated_layers": 0,
138
  "lisa_step_interval": 20,
 
 
 
 
 
 
139
  "gradient_checkpointing": true,
140
  "deepspeed": null,
141
  "batch_size": 2,
142
- "eval_batch_size": 2,
143
- "num_train_epochs": 6,
 
144
  "max_steps": -1,
145
  "optim": "adamw_torch",
146
  "adam_beta1": 0.9,
147
- "adam_beta2": 0.999,
148
  "adam_epsilon": 1e-08,
149
  "learning_rate": 0.0001,
150
  "weight_decay": 0.1,
151
- "gradient_accumulation_steps": 4,
152
- "max_grad_norm": 0.5,
153
  "predict_with_generate": false,
154
- "lr_scheduler_type": "linear",
 
155
  "warmup_ratio": 0.03,
 
156
  "eval_steps": 50,
157
  "save_steps": 50,
158
  "save_only_model": false,
159
  "save_total_limit": null,
160
  "logging_steps": 5,
 
161
  "dataloader_num_workers": 1,
162
  "dataloader_pin_memory": true,
163
  "dataloader_drop_last": false,
@@ -165,7 +167,7 @@
165
  "hub_model_id": null,
166
  "hub_token": null,
167
  "hub_private_repo": false,
168
- "push_hub_strategy": "push_best",
169
  "test_oom_error": false,
170
  "disable_tqdm": false,
171
  "lazy_tokenize": false,
@@ -173,12 +175,12 @@
173
  "use_flash_attn": true,
174
  "ignore_args_error": false,
175
  "check_model_is_latest": true,
176
- "logging_dir": "/root/swift/esft/output/qwen2-7b-instruct/v12-20240702-120746/runs",
177
  "report_to": [
178
  "tensorboard"
179
  ],
180
  "acc_strategy": "token",
181
- "save_on_each_node": true,
182
  "evaluation_strategy": "steps",
183
  "save_strategy": "steps",
184
  "save_safetensors": true,
@@ -187,13 +189,14 @@
187
  "local_repo_path": null,
188
  "custom_register_path": null,
189
  "custom_dataset_info": "/root/swift/dataset/ds_info.json",
190
- "device_map_config_path": null,
 
191
  "max_new_tokens": 2048,
192
- "do_sample": true,
193
- "temperature": 0.3,
194
- "top_k": 20,
195
- "top_p": 0.7,
196
- "repetition_penalty": 1.0,
197
  "num_beams": 1,
198
  "fsdp": "",
199
  "fsdp_config": null,
@@ -216,19 +219,40 @@
216
  "neftune_alpha": null,
217
  "deepspeed_config_path": null,
218
  "model_cache_dir": null,
 
 
 
 
 
 
 
 
 
 
 
 
219
  "custom_train_dataset_path": [],
220
  "custom_val_dataset_path": [],
 
 
221
  "use_self_cognition": false,
 
 
222
  "lora_use_embedding": false,
223
- "lora_use_all": false,
224
  "lora_m2s_use_embedding": false,
225
  "lora_m2s_use_ln": false,
226
  "torch_dtype": "torch.bfloat16",
227
  "fp16": false,
228
  "bf16": true,
 
 
 
 
229
  "bnb_4bit_compute_dtype": "torch.bfloat16",
230
  "load_in_4bit": false,
231
  "load_in_8bit": false,
232
  "train_sampler_random": true,
233
- "training_args": "Seq2SeqTrainingArguments(output_dir='/root/swift/esft/output/qwen2-7b-instruct/v12-20240702-120746', overwrite_output_dir=False, do_train=False, do_eval=True, do_predict=False, eval_strategy=<IntervalStrategy.STEPS: 'steps'>, 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=4, eval_accumulation_steps=None, eval_delay=0, learning_rate=0.0001, weight_decay=0.1, adam_beta1=0.9, adam_beta2=0.999, adam_epsilon=1e-08, max_grad_norm=0.5, num_train_epochs=6, max_steps=-1, lr_scheduler_type=<SchedulerType.LINEAR: 'linear'>, lr_scheduler_kwargs={}, warmup_ratio=0.03, warmup_steps=0, log_level='passive', log_level_replica='warning', log_on_each_node=True, logging_dir='/root/swift/esft/output/qwen2-7b-instruct/v12-20240702-120746/runs', logging_strategy=<IntervalStrategy.STEPS: 'steps'>, logging_first_step=True, logging_steps=5, logging_nan_inf_filter=True, save_strategy=<IntervalStrategy.STEPS: 'steps'>, save_steps=50, save_total_limit=None, save_safetensors=True, save_on_each_node=True, save_only_model=False, restore_callback_states_from_checkpoint=False, no_cuda=False, use_cpu=False, use_mps_device=False, seed=42, data_seed=None, jit_mode_eval=False, use_ipex=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='nccl', tpu_num_cores=None, tpu_metrics_debug=False, debug=[], dataloader_drop_last=False, eval_steps=50, dataloader_num_workers=1, dataloader_prefetch_factor=None, past_index=-1, run_name='/root/swift/esft/output/qwen2-7b-instruct/v12-20240702-120746', 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=None, even_batches=True, use_seedable_sampler=True, non_blocking=False, gradient_accumulation_kwargs=None), deepspeed=None, label_smoothing_factor=0.0, optim=<OptimizerNames.ADAMW_TORCH: 'adamw_torch'>, optim_args=None, adafactor=False, group_by_length=False, length_column_name='length', report_to=['tensorboard'], ddp_find_unused_parameters=False, ddp_bucket_cap_mb=None, ddp_broadcast_buffers=False, 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=False, hub_always_push=False, gradient_checkpointing=True, gradient_checkpointing_kwargs=None, include_inputs_for_metrics=False, eval_do_concat_batches=True, fp16_backend='auto', evaluation_strategy=None, 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=1800, torch_compile=False, torch_compile_backend=None, torch_compile_mode=None, dispatch_batches=None, split_batches=None, include_tokens_per_second=False, include_num_input_tokens_seen=False, neftune_noise_alpha=None, optim_target_modules=None, batch_eval_metrics=False, sortish_sampler=True, predict_with_generate=False, generation_max_length=None, generation_num_beams=None, generation_config=GenerationConfig {\n \"do_sample\": true,\n \"eos_token_id\": 151645,\n \"max_new_tokens\": 2048,\n \"pad_token_id\": 151643,\n \"temperature\": 0.3,\n \"top_k\": 20,\n \"top_p\": 0.7\n}\n, train_sampler_random=True, push_hub_strategy='push_best', acc_strategy='token', additional_saved_files=[], metric_warmup_step=0, train_dataset_sample=14019)"
 
234
  }
 
1
  {
2
+ "model_type": "qwen2_5-7b-instruct",
3
+ "model_id_or_path": "qwen/Qwen2.5-7B-Instruct",
4
  "model_revision": "master",
5
+ "full_determinism": false,
6
  "sft_type": "full",
7
+ "freeze_parameters": [],
8
+ "freeze_vit": false,
9
+ "freeze_parameters_ratio": 0.0,
10
  "additional_trainable_parameters": [],
11
  "tuner_backend": "peft",
12
+ "template_type": "qwen2_5",
13
+ "output_dir": "/root/swift/esft/output/qwen2_5-7b-instruct/v1-20240928-133855",
14
  "add_output_dir_suffix": true,
15
  "ddp_backend": "nccl",
16
  "ddp_find_unused_parameters": null,
17
  "ddp_broadcast_buffers": null,
18
+ "ddp_timeout": 1800,
19
  "seed": 42,
20
+ "resume_from_checkpoint": "/root/swift/esft/output/qwen2_5-7b-instruct/v0-20240928-125720/checkpoint-150",
21
  "resume_only_model": false,
22
  "ignore_data_skip": false,
23
  "dtype": "bf16",
24
  "packing": false,
25
+ "train_backend": "transformers",
26
+ "tp": 1,
27
+ "pp": 1,
28
+ "min_lr": null,
29
+ "sequence_parallel": false,
30
+ "model_kwargs": {},
31
+ "loss_name": null,
32
  "dataset": [
33
  "dataset/moni_dataset.jsonl",
34
+ "dataset/moni_dataset_en.jsonl",
 
 
 
 
35
  "dataset/covid_new.jsonl",
 
 
 
 
36
  "dataset/ds_new.jsonl",
37
  "dataset/ds_new.jsonl",
38
+ "AI-ModelScope/deepctrl-sft-data:default#1600",
39
+ "AI-ModelScope/deepctrl-sft-data:en#1100",
40
+ "AI-ModelScope/ruozhiba#250"
 
 
 
 
 
 
 
 
 
 
 
41
  ],
42
  "val_dataset": [
43
+ "dataset/moni_dataset.jsonl#50"
44
  ],
45
  "dataset_seed": 42,
46
  "dataset_test_ratio": 0.0,
 
48
  "loss_scale_config_path": "/root/swift/swift_new/lib/python3.11/site-packages/swift/llm/agent/default_loss_scale_config.json",
49
  "system": "None",
50
  "tools_prompt": "react_en",
51
+ "max_length": 1344,
52
  "truncation_strategy": "delete",
53
  "check_dataset_strategy": "warning",
54
+ "streaming": false,
55
+ "streaming_val_size": 0,
56
+ "streaming_buffer_size": 16384,
57
  "model_name": [
58
  null,
59
  null
 
70
  "bnb_4bit_quant_type": "nf4",
71
  "bnb_4bit_use_double_quant": true,
72
  "bnb_4bit_quant_storage": null,
73
+ "rescale_image": -1,
74
+ "target_modules": [
75
+ "ALL"
 
76
  ],
77
+ "target_regex": null,
78
+ "modules_to_save": [],
79
  "lora_rank": 16,
80
  "lora_alpha": 32,
81
+ "lora_dropout": 0.05,
82
  "lora_bias_trainable": "none",
83
+ "lora_dtype": "AUTO",
 
84
  "lora_lr_ratio": null,
85
  "use_rslora": false,
86
  "use_dora": false,
87
+ "init_lora_weights": "true",
88
+ "fourier_n_frequency": 2000,
89
+ "fourier_scaling": 300.0,
90
  "rope_scaling": null,
91
  "boft_block_size": 4,
92
  "boft_block_num": 0,
93
  "boft_n_butterfly_factor": 1,
 
 
 
94
  "boft_dropout": 0.0,
 
95
  "vera_rank": 256,
 
 
 
96
  "vera_projection_prng_key": 0,
97
  "vera_dropout": 0.0,
98
  "vera_d_initial": 0.1,
 
99
  "adapter_act": "gelu",
100
  "adapter_length": 128,
101
  "use_galore": false,
 
102
  "galore_target_modules": null,
103
+ "galore_rank": 128,
104
  "galore_update_proj_gap": 50,
105
  "galore_scale": 1.0,
106
  "galore_proj_type": "std",
107
  "galore_optim_per_parameter": false,
108
  "galore_with_embedding": false,
109
+ "galore_quantization": false,
110
+ "galore_proj_quant": false,
111
+ "galore_proj_bits": 4,
112
+ "galore_proj_group_size": 256,
113
+ "galore_cos_threshold": 0.4,
114
+ "galore_gamma_proj": 2,
115
+ "galore_queue_size": 5,
116
  "adalora_target_r": 8,
117
  "adalora_init_r": 12,
118
  "adalora_tinit": 0,
 
121
  "adalora_beta1": 0.85,
122
  "adalora_beta2": 0.85,
123
  "adalora_orth_reg_weight": 0.5,
 
 
 
124
  "ia3_feedforward_modules": [],
 
125
  "llamapro_num_new_blocks": 4,
126
  "llamapro_num_groups": null,
127
  "neftune_noise_alpha": null,
128
  "neftune_backend": "transformers",
129
  "lisa_activated_layers": 0,
130
  "lisa_step_interval": 20,
131
+ "reft_layer_key": null,
132
+ "reft_layers": null,
133
+ "reft_rank": 4,
134
+ "reft_intervention_type": "LoreftIntervention",
135
+ "reft_args": null,
136
+ "use_liger": false,
137
  "gradient_checkpointing": true,
138
  "deepspeed": null,
139
  "batch_size": 2,
140
+ "eval_batch_size": 1,
141
+ "auto_find_batch_size": false,
142
+ "num_train_epochs": 80,
143
  "max_steps": -1,
144
  "optim": "adamw_torch",
145
  "adam_beta1": 0.9,
146
+ "adam_beta2": 0.95,
147
  "adam_epsilon": 1e-08,
148
  "learning_rate": 0.0001,
149
  "weight_decay": 0.1,
150
+ "gradient_accumulation_steps": 16,
151
+ "max_grad_norm": 1.0,
152
  "predict_with_generate": false,
153
+ "lr_scheduler_type": "cosine",
154
+ "lr_scheduler_kwargs": {},
155
  "warmup_ratio": 0.03,
156
+ "warmup_steps": 0,
157
  "eval_steps": 50,
158
  "save_steps": 50,
159
  "save_only_model": false,
160
  "save_total_limit": null,
161
  "logging_steps": 5,
162
+ "acc_steps": 1,
163
  "dataloader_num_workers": 1,
164
  "dataloader_pin_memory": true,
165
  "dataloader_drop_last": false,
 
167
  "hub_model_id": null,
168
  "hub_token": null,
169
  "hub_private_repo": false,
170
+ "hub_strategy": "every_save",
171
  "test_oom_error": false,
172
  "disable_tqdm": false,
173
  "lazy_tokenize": false,
 
175
  "use_flash_attn": true,
176
  "ignore_args_error": false,
177
  "check_model_is_latest": true,
178
+ "logging_dir": "/root/swift/esft/output/qwen2_5-7b-instruct/v1-20240928-133855/runs",
179
  "report_to": [
180
  "tensorboard"
181
  ],
182
  "acc_strategy": "token",
183
+ "save_on_each_node": false,
184
  "evaluation_strategy": "steps",
185
  "save_strategy": "steps",
186
  "save_safetensors": true,
 
189
  "local_repo_path": null,
190
  "custom_register_path": null,
191
  "custom_dataset_info": "/root/swift/dataset/ds_info.json",
192
+ "device_map_config": null,
193
+ "device_max_memory": [],
194
  "max_new_tokens": 2048,
195
+ "do_sample": null,
196
+ "temperature": null,
197
+ "top_k": null,
198
+ "top_p": null,
199
+ "repetition_penalty": null,
200
  "num_beams": 1,
201
  "fsdp": "",
202
  "fsdp_config": null,
 
219
  "neftune_alpha": null,
220
  "deepspeed_config_path": null,
221
  "model_cache_dir": null,
222
+ "lora_dropout_p": 0.05,
223
+ "lora_target_modules": [
224
+ "ALL"
225
+ ],
226
+ "lora_target_regex": null,
227
+ "lora_modules_to_save": [],
228
+ "boft_target_modules": [],
229
+ "boft_modules_to_save": [],
230
+ "vera_target_modules": [],
231
+ "vera_modules_to_save": [],
232
+ "ia3_target_modules": [],
233
+ "ia3_modules_to_save": [],
234
  "custom_train_dataset_path": [],
235
  "custom_val_dataset_path": [],
236
+ "device_map_config_path": null,
237
+ "push_hub_strategy": null,
238
  "use_self_cognition": false,
239
+ "is_multimodal": false,
240
+ "is_vision": false,
241
  "lora_use_embedding": false,
242
+ "lora_use_all": true,
243
  "lora_m2s_use_embedding": false,
244
  "lora_m2s_use_ln": false,
245
  "torch_dtype": "torch.bfloat16",
246
  "fp16": false,
247
  "bf16": true,
248
+ "rank": 0,
249
+ "local_rank": 0,
250
+ "world_size": 4,
251
+ "local_world_size": 4,
252
  "bnb_4bit_compute_dtype": "torch.bfloat16",
253
  "load_in_4bit": false,
254
  "load_in_8bit": false,
255
  "train_sampler_random": true,
256
+ "train_type": "sft",
257
+ "training_args": "Seq2SeqTrainingArguments(output_dir='/root/swift/esft/output/qwen2_5-7b-instruct/v1-20240928-133855', overwrite_output_dir=False, do_train=False, do_eval=True, do_predict=False, eval_strategy=<IntervalStrategy.STEPS: 'steps'>, prediction_loss_only=False, per_device_train_batch_size=2, per_device_eval_batch_size=1, per_gpu_train_batch_size=None, per_gpu_eval_batch_size=None, gradient_accumulation_steps=16, eval_accumulation_steps=None, eval_delay=0, learning_rate=0.0001, weight_decay=0.1, adam_beta1=0.9, adam_beta2=0.95, adam_epsilon=1e-08, max_grad_norm=1.0, num_train_epochs=80, max_steps=-1, lr_scheduler_type=<SchedulerType.COSINE: 'cosine'>, lr_scheduler_kwargs={}, warmup_ratio=0.03, warmup_steps=0, log_level='passive', log_level_replica='warning', log_on_each_node=True, logging_dir='/root/swift/esft/output/qwen2_5-7b-instruct/v1-20240928-133855/runs', logging_strategy=<IntervalStrategy.STEPS: 'steps'>, logging_first_step=True, logging_steps=5, logging_nan_inf_filter=True, save_strategy=<IntervalStrategy.STEPS: 'steps'>, save_steps=50, save_total_limit=None, 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, use_ipex=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='nccl', tpu_num_cores=None, tpu_metrics_debug=False, debug=[], dataloader_drop_last=False, eval_steps=50, dataloader_num_workers=1, dataloader_prefetch_factor=None, past_index=-1, run_name='/root/swift/esft/output/qwen2_5-7b-instruct/v1-20240928-133855', 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), deepspeed=None, label_smoothing_factor=0.0, optim=<OptimizerNames.ADAMW_TORCH: 'adamw_torch'>, optim_args=None, adafactor=False, group_by_length=False, length_column_name='length', report_to=['tensorboard'], ddp_find_unused_parameters=False, ddp_bucket_cap_mb=None, ddp_broadcast_buffers=False, dataloader_pin_memory=True, dataloader_persistent_workers=False, skip_memory_metrics=True, use_legacy_prediction_loop=False, push_to_hub=False, resume_from_checkpoint='/root/swift/esft/output/qwen2_5-7b-instruct/v0-20240928-125720/checkpoint-150', hub_model_id=None, hub_strategy=<HubStrategy.EVERY_SAVE: 'every_save'>, hub_token=None, hub_private_repo=False, hub_always_push=False, gradient_checkpointing=True, gradient_checkpointing_kwargs=None, include_inputs_for_metrics=False, eval_do_concat_batches=True, fp16_backend='auto', evaluation_strategy=None, 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=1800, torch_compile=False, torch_compile_backend=None, torch_compile_mode=None, dispatch_batches=None, split_batches=None, include_tokens_per_second=False, include_num_input_tokens_seen=False, neftune_noise_alpha=None, optim_target_modules=None, batch_eval_metrics=False, sortish_sampler=False, predict_with_generate=False, generation_max_length=None, generation_num_beams=None, generation_config=GenerationConfig {\n \"bos_token_id\": 151643,\n \"do_sample\": true,\n \"eos_token_id\": 151645,\n \"max_new_tokens\": 2048,\n \"pad_token_id\": 151643,\n \"repetition_penalty\": 1.05,\n \"temperature\": 0.7,\n \"top_k\": 20,\n \"top_p\": 0.8\n}\n, acc_strategy='token', loss_name=None, additional_saved_files=[], train_sampler_random=True, metric_warmup_step=0, train_dataset_sample=-1)"
258
  }
special_tokens_map.json CHANGED
@@ -1,7 +1,18 @@
1
  {
2
  "additional_special_tokens": [
3
  "<|im_start|>",
4
- "<|im_end|>"
 
 
 
 
 
 
 
 
 
 
 
5
  ],
6
  "eos_token": "<|im_end|>",
7
  "pad_token": {
 
1
  {
2
  "additional_special_tokens": [
3
  "<|im_start|>",
4
+ "<|im_end|>",
5
+ "<|object_ref_start|>",
6
+ "<|object_ref_end|>",
7
+ "<|box_start|>",
8
+ "<|box_end|>",
9
+ "<|quad_start|>",
10
+ "<|quad_end|>",
11
+ "<|vision_start|>",
12
+ "<|vision_end|>",
13
+ "<|vision_pad|>",
14
+ "<|image_pad|>",
15
+ "<|video_pad|>"
16
  ],
17
  "eos_token": "<|im_end|>",
18
  "pad_token": {
tokenizer.json CHANGED
@@ -29,6 +29,177 @@
29
  "rstrip": false,
30
  "normalized": false,
31
  "special": true
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
32
  }
33
  ],
34
  "normalizer": {
 
29
  "rstrip": false,
30
  "normalized": false,
31
  "special": true
32
+ },
33
+ {
34
+ "id": 151646,
35
+ "content": "<|object_ref_start|>",
36
+ "single_word": false,
37
+ "lstrip": false,
38
+ "rstrip": false,
39
+ "normalized": false,
40
+ "special": true
41
+ },
42
+ {
43
+ "id": 151647,
44
+ "content": "<|object_ref_end|>",
45
+ "single_word": false,
46
+ "lstrip": false,
47
+ "rstrip": false,
48
+ "normalized": false,
49
+ "special": true
50
+ },
51
+ {
52
+ "id": 151648,
53
+ "content": "<|box_start|>",
54
+ "single_word": false,
55
+ "lstrip": false,
56
+ "rstrip": false,
57
+ "normalized": false,
58
+ "special": true
59
+ },
60
+ {
61
+ "id": 151649,
62
+ "content": "<|box_end|>",
63
+ "single_word": false,
64
+ "lstrip": false,
65
+ "rstrip": false,
66
+ "normalized": false,
67
+ "special": true
68
+ },
69
+ {
70
+ "id": 151650,
71
+ "content": "<|quad_start|>",
72
+ "single_word": false,
73
+ "lstrip": false,
74
+ "rstrip": false,
75
+ "normalized": false,
76
+ "special": true
77
+ },
78
+ {
79
+ "id": 151651,
80
+ "content": "<|quad_end|>",
81
+ "single_word": false,
82
+ "lstrip": false,
83
+ "rstrip": false,
84
+ "normalized": false,
85
+ "special": true
86
+ },
87
+ {
88
+ "id": 151652,
89
+ "content": "<|vision_start|>",
90
+ "single_word": false,
91
+ "lstrip": false,
92
+ "rstrip": false,
93
+ "normalized": false,
94
+ "special": true
95
+ },
96
+ {
97
+ "id": 151653,
98
+ "content": "<|vision_end|>",
99
+ "single_word": false,
100
+ "lstrip": false,
101
+ "rstrip": false,
102
+ "normalized": false,
103
+ "special": true
104
+ },
105
+ {
106
+ "id": 151654,
107
+ "content": "<|vision_pad|>",
108
+ "single_word": false,
109
+ "lstrip": false,
110
+ "rstrip": false,
111
+ "normalized": false,
112
+ "special": true
113
+ },
114
+ {
115
+ "id": 151655,
116
+ "content": "<|image_pad|>",
117
+ "single_word": false,
118
+ "lstrip": false,
119
+ "rstrip": false,
120
+ "normalized": false,
121
+ "special": true
122
+ },
123
+ {
124
+ "id": 151656,
125
+ "content": "<|video_pad|>",
126
+ "single_word": false,
127
+ "lstrip": false,
128
+ "rstrip": false,
129
+ "normalized": false,
130
+ "special": true
131
+ },
132
+ {
133
+ "id": 151657,
134
+ "content": "<tool_call>",
135
+ "single_word": false,
136
+ "lstrip": false,
137
+ "rstrip": false,
138
+ "normalized": false,
139
+ "special": false
140
+ },
141
+ {
142
+ "id": 151658,
143
+ "content": "</tool_call>",
144
+ "single_word": false,
145
+ "lstrip": false,
146
+ "rstrip": false,
147
+ "normalized": false,
148
+ "special": false
149
+ },
150
+ {
151
+ "id": 151659,
152
+ "content": "<|fim_prefix|>",
153
+ "single_word": false,
154
+ "lstrip": false,
155
+ "rstrip": false,
156
+ "normalized": false,
157
+ "special": false
158
+ },
159
+ {
160
+ "id": 151660,
161
+ "content": "<|fim_middle|>",
162
+ "single_word": false,
163
+ "lstrip": false,
164
+ "rstrip": false,
165
+ "normalized": false,
166
+ "special": false
167
+ },
168
+ {
169
+ "id": 151661,
170
+ "content": "<|fim_suffix|>",
171
+ "single_word": false,
172
+ "lstrip": false,
173
+ "rstrip": false,
174
+ "normalized": false,
175
+ "special": false
176
+ },
177
+ {
178
+ "id": 151662,
179
+ "content": "<|fim_pad|>",
180
+ "single_word": false,
181
+ "lstrip": false,
182
+ "rstrip": false,
183
+ "normalized": false,
184
+ "special": false
185
+ },
186
+ {
187
+ "id": 151663,
188
+ "content": "<|repo_name|>",
189
+ "single_word": false,
190
+ "lstrip": false,
191
+ "rstrip": false,
192
+ "normalized": false,
193
+ "special": false
194
+ },
195
+ {
196
+ "id": 151664,
197
+ "content": "<|file_sep|>",
198
+ "single_word": false,
199
+ "lstrip": false,
200
+ "rstrip": false,
201
+ "normalized": false,
202
+ "special": false
203
  }
204
  ],
205
  "normalizer": {
tokenizer_config.json CHANGED
@@ -1,4 +1,5 @@
1
  {
 
2
  "add_prefix_space": false,
3
  "added_tokens_decoder": {
4
  "151643": {
@@ -24,14 +25,177 @@
24
  "rstrip": false,
25
  "single_word": false,
26
  "special": true
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
27
  }
28
  },
29
  "additional_special_tokens": [
30
  "<|im_start|>",
31
- "<|im_end|>"
 
 
 
 
 
 
 
 
 
 
 
32
  ],
33
  "bos_token": null,
34
- "chat_template": "{% for message in messages %}{% if loop.first and messages[0]['role'] != 'system' %}{{ '<|im_start|>system\nYou are a helpful assistant.<|im_end|>\n' }}{% endif %}{{'<|im_start|>' + message['role'] + '\n' + message['content'] + '<|im_end|>' + '\n'}}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant\n' }}{% endif %}",
35
  "clean_up_tokenization_spaces": false,
36
  "eos_token": "<|im_end|>",
37
  "errors": "replace",
 
1
  {
2
+ "add_bos_token": false,
3
  "add_prefix_space": false,
4
  "added_tokens_decoder": {
5
  "151643": {
 
25
  "rstrip": false,
26
  "single_word": false,
27
  "special": true
28
+ },
29
+ "151646": {
30
+ "content": "<|object_ref_start|>",
31
+ "lstrip": false,
32
+ "normalized": false,
33
+ "rstrip": false,
34
+ "single_word": false,
35
+ "special": true
36
+ },
37
+ "151647": {
38
+ "content": "<|object_ref_end|>",
39
+ "lstrip": false,
40
+ "normalized": false,
41
+ "rstrip": false,
42
+ "single_word": false,
43
+ "special": true
44
+ },
45
+ "151648": {
46
+ "content": "<|box_start|>",
47
+ "lstrip": false,
48
+ "normalized": false,
49
+ "rstrip": false,
50
+ "single_word": false,
51
+ "special": true
52
+ },
53
+ "151649": {
54
+ "content": "<|box_end|>",
55
+ "lstrip": false,
56
+ "normalized": false,
57
+ "rstrip": false,
58
+ "single_word": false,
59
+ "special": true
60
+ },
61
+ "151650": {
62
+ "content": "<|quad_start|>",
63
+ "lstrip": false,
64
+ "normalized": false,
65
+ "rstrip": false,
66
+ "single_word": false,
67
+ "special": true
68
+ },
69
+ "151651": {
70
+ "content": "<|quad_end|>",
71
+ "lstrip": false,
72
+ "normalized": false,
73
+ "rstrip": false,
74
+ "single_word": false,
75
+ "special": true
76
+ },
77
+ "151652": {
78
+ "content": "<|vision_start|>",
79
+ "lstrip": false,
80
+ "normalized": false,
81
+ "rstrip": false,
82
+ "single_word": false,
83
+ "special": true
84
+ },
85
+ "151653": {
86
+ "content": "<|vision_end|>",
87
+ "lstrip": false,
88
+ "normalized": false,
89
+ "rstrip": false,
90
+ "single_word": false,
91
+ "special": true
92
+ },
93
+ "151654": {
94
+ "content": "<|vision_pad|>",
95
+ "lstrip": false,
96
+ "normalized": false,
97
+ "rstrip": false,
98
+ "single_word": false,
99
+ "special": true
100
+ },
101
+ "151655": {
102
+ "content": "<|image_pad|>",
103
+ "lstrip": false,
104
+ "normalized": false,
105
+ "rstrip": false,
106
+ "single_word": false,
107
+ "special": true
108
+ },
109
+ "151656": {
110
+ "content": "<|video_pad|>",
111
+ "lstrip": false,
112
+ "normalized": false,
113
+ "rstrip": false,
114
+ "single_word": false,
115
+ "special": true
116
+ },
117
+ "151657": {
118
+ "content": "<tool_call>",
119
+ "lstrip": false,
120
+ "normalized": false,
121
+ "rstrip": false,
122
+ "single_word": false,
123
+ "special": false
124
+ },
125
+ "151658": {
126
+ "content": "</tool_call>",
127
+ "lstrip": false,
128
+ "normalized": false,
129
+ "rstrip": false,
130
+ "single_word": false,
131
+ "special": false
132
+ },
133
+ "151659": {
134
+ "content": "<|fim_prefix|>",
135
+ "lstrip": false,
136
+ "normalized": false,
137
+ "rstrip": false,
138
+ "single_word": false,
139
+ "special": false
140
+ },
141
+ "151660": {
142
+ "content": "<|fim_middle|>",
143
+ "lstrip": false,
144
+ "normalized": false,
145
+ "rstrip": false,
146
+ "single_word": false,
147
+ "special": false
148
+ },
149
+ "151661": {
150
+ "content": "<|fim_suffix|>",
151
+ "lstrip": false,
152
+ "normalized": false,
153
+ "rstrip": false,
154
+ "single_word": false,
155
+ "special": false
156
+ },
157
+ "151662": {
158
+ "content": "<|fim_pad|>",
159
+ "lstrip": false,
160
+ "normalized": false,
161
+ "rstrip": false,
162
+ "single_word": false,
163
+ "special": false
164
+ },
165
+ "151663": {
166
+ "content": "<|repo_name|>",
167
+ "lstrip": false,
168
+ "normalized": false,
169
+ "rstrip": false,
170
+ "single_word": false,
171
+ "special": false
172
+ },
173
+ "151664": {
174
+ "content": "<|file_sep|>",
175
+ "lstrip": false,
176
+ "normalized": false,
177
+ "rstrip": false,
178
+ "single_word": false,
179
+ "special": false
180
  }
181
  },
182
  "additional_special_tokens": [
183
  "<|im_start|>",
184
+ "<|im_end|>",
185
+ "<|object_ref_start|>",
186
+ "<|object_ref_end|>",
187
+ "<|box_start|>",
188
+ "<|box_end|>",
189
+ "<|quad_start|>",
190
+ "<|quad_end|>",
191
+ "<|vision_start|>",
192
+ "<|vision_end|>",
193
+ "<|vision_pad|>",
194
+ "<|image_pad|>",
195
+ "<|video_pad|>"
196
  ],
197
  "bos_token": null,
198
+ "chat_template": "{%- if tools %}\n {{- '<|im_start|>system\\n' }}\n {%- if messages[0]['role'] == 'system' %}\n {{- messages[0]['content'] }}\n {%- else %}\n {{- 'You are Qwen, created by Alibaba Cloud. You are a helpful assistant.' }}\n {%- endif %}\n {{- \"\\n\\n# Tools\\n\\nYou may call one or more functions to assist with the user query.\\n\\nYou are provided with function signatures within <tools></tools> XML tags:\\n<tools>\" }}\n {%- for tool in tools %}\n {{- \"\\n\" }}\n {{- tool | tojson }}\n {%- endfor %}\n {{- \"\\n</tools>\\n\\nFor each function call, return a json object with function name and arguments within <tool_call></tool_call> XML tags:\\n<tool_call>\\n{\\\"name\\\": <function-name>, \\\"arguments\\\": <args-json-object>}\\n</tool_call><|im_end|>\\n\" }}\n{%- else %}\n {%- if messages[0]['role'] == 'system' %}\n {{- '<|im_start|>system\\n' + messages[0]['content'] + '<|im_end|>\\n' }}\n {%- else %}\n {{- '<|im_start|>system\\nYou are Qwen, created by Alibaba Cloud. You are a helpful assistant.<|im_end|>\\n' }}\n {%- endif %}\n{%- endif %}\n{%- for message in messages %}\n {%- if (message.role == \"user\") or (message.role == \"system\" and not loop.first) or (message.role == \"assistant\" and not message.tool_calls) %}\n {{- '<|im_start|>' + message.role + '\\n' + message.content + '<|im_end|>' + '\\n' }}\n {%- elif message.role == \"assistant\" %}\n {{- '<|im_start|>' + message.role }}\n {%- if message.content %}\n {{- '\\n' + message.content }}\n {%- endif %}\n {%- for tool_call in message.tool_calls %}\n {%- if tool_call.function is defined %}\n {%- set tool_call = tool_call.function %}\n {%- endif %}\n {{- '\\n<tool_call>\\n{\"name\": \"' }}\n {{- tool_call.name }}\n {{- '\", \"arguments\": ' }}\n {{- tool_call.arguments | tojson }}\n {{- '}\\n</tool_call>' }}\n {%- endfor %}\n {{- '<|im_end|>\\n' }}\n {%- elif message.role == \"tool\" %}\n {%- if (loop.index0 == 0) or (messages[loop.index0 - 1].role != \"tool\") %}\n {{- '<|im_start|>user' }}\n {%- endif %}\n {{- '\\n<tool_response>\\n' }}\n {{- message.content }}\n {{- '\\n</tool_response>' }}\n {%- if loop.last or (messages[loop.index0 + 1].role != \"tool\") %}\n {{- '<|im_end|>\\n' }}\n {%- endif %}\n {%- endif %}\n{%- endfor %}\n{%- if add_generation_prompt %}\n {{- '<|im_start|>assistant\\n' }}\n{%- endif %}\n",
199
  "clean_up_tokenization_spaces": false,
200
  "eos_token": "<|im_end|>",
201
  "errors": "replace",