abarbosa commited on
Commit
feb85f4
·
verified ·
1 Parent(s): 83a5a9f

Pushing fine-tuned model to Hugging Face Hub

Browse files
README.md ADDED
@@ -0,0 +1,48 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+
2
+ ---
3
+ language:
4
+ - pt
5
+ - en
6
+ tags:
7
+ - aes
8
+ datasets:
9
+ - kamel-usp/aes_enem_dataset
10
+ base_model: microsoft/phi-4
11
+ metrics:
12
+ - accuracy
13
+ - qwk
14
+ library_name: peft
15
+ model-index:
16
+ - name: phi-4-phi4_classification_lora-C3-full_context-r16
17
+ results:
18
+ - task:
19
+ type: text-classification
20
+ name: Automated Essay Score
21
+ dataset:
22
+ name: Automated Essay Score ENEM Dataset
23
+ type: kamel-usp/aes_enem_dataset
24
+ config: JBCS2025
25
+ split: test
26
+ metrics:
27
+ - name: Macro F1
28
+ type: f1
29
+ value: 0.3651102312304498
30
+ - name: QWK
31
+ type: qwk
32
+ value: 0.6485913627130618
33
+ - name: Weighted Macro F1
34
+ type: f1
35
+ value: 0.4501753900661004
36
+ ---
37
+ # Model ID: phi-4-phi4_classification_lora-C3-full_context-r16
38
+ ## Results
39
+ | | test_data |
40
+ |:-----------------|------------:|
41
+ | eval_accuracy | 0.449275 |
42
+ | eval_RMSE | 44.7861 |
43
+ | eval_QWK | 0.648591 |
44
+ | eval_Macro_F1 | 0.36511 |
45
+ | eval_Weighted_F1 | 0.450175 |
46
+ | eval_Micro_F1 | 0.449275 |
47
+ | eval_HDIV | 0.0289855 |
48
+
adapter_config.json ADDED
@@ -0,0 +1,41 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "microsoft/phi-4",
5
+ "bias": "none",
6
+ "corda_config": null,
7
+ "eva_config": null,
8
+ "exclude_modules": null,
9
+ "fan_in_fan_out": false,
10
+ "inference_mode": true,
11
+ "init_lora_weights": true,
12
+ "layer_replication": null,
13
+ "layers_pattern": null,
14
+ "layers_to_transform": null,
15
+ "loftq_config": {},
16
+ "lora_alpha": 32,
17
+ "lora_bias": false,
18
+ "lora_dropout": 0.1,
19
+ "megatron_config": null,
20
+ "megatron_core": "megatron.core",
21
+ "modules_to_save": [
22
+ "classifier",
23
+ "score"
24
+ ],
25
+ "peft_type": "LORA",
26
+ "qalora_group_size": 16,
27
+ "r": 16,
28
+ "rank_pattern": {},
29
+ "revision": null,
30
+ "target_modules": [
31
+ "down_proj",
32
+ "qkv_proj",
33
+ "gate_up_proj",
34
+ "o_proj"
35
+ ],
36
+ "task_type": "SEQ_CLS",
37
+ "trainable_token_indices": null,
38
+ "use_dora": false,
39
+ "use_qalora": false,
40
+ "use_rslora": false
41
+ }
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dd9ab128b3da332d17c053c5aec2e58c01ec8954d7b79494f4bd4572bfa94f7b
3
+ size 222927424
chat_template.jinja ADDED
@@ -0,0 +1 @@
 
 
1
+ {% for message in messages %}{% if (message['role'] == 'system') %}{{'<|im_start|>system<|im_sep|>' + message['content'] + '<|im_end|>'}}{% elif (message['role'] == 'user') %}{{'<|im_start|>user<|im_sep|>' + message['content'] + '<|im_end|>'}}{% elif (message['role'] == 'assistant') %}{{'<|im_start|>assistant<|im_sep|>' + message['content'] + '<|im_end|>'}}{% endif %}{% endfor %}{% if add_generation_prompt %}{{ '<|im_start|>assistant<|im_sep|>' }}{% endif %}
emissions.csv ADDED
@@ -0,0 +1,2 @@
 
 
 
1
+ timestamp,project_name,run_id,experiment_id,duration,emissions,emissions_rate,cpu_power,gpu_power,ram_power,cpu_energy,gpu_energy,ram_energy,energy_consumed,country_name,country_iso_code,region,cloud_provider,cloud_region,os,python_version,codecarbon_version,cpu_count,cpu_model,gpu_count,gpu_model,longitude,latitude,ram_total_size,tracking_mode,on_cloud,pue
2
+ 2025-07-06T10:18:31,jbcs2025,a6235d8b-10c1-4ca4-be2a-cc756ef44e6f,phi-4-phi4_classification_lora-C3-full_context-r16,8110.114308361954,0.10354412632133451,1.2767283219988045e-05,75.53,595.0296743589928,70.0,0.15555133746470548,1.5371293905358598,0.155034725903581,1.8477154539041472,France,FRA,île-de-france,,,Linux-5.15.0-136-generic-x86_64-with-glibc2.35,3.12.11,3.0.2,192,INTEL(R) XEON(R) PLATINUM 8568Y+,1,1 x NVIDIA H200,2.3494,48.8558,2015.363483428955,machine,N,1.0
evaluation_results.csv ADDED
@@ -0,0 +1,4 @@
 
 
 
 
 
1
+ eval_loss,eval_model_preparation_time,eval_accuracy,eval_RMSE,eval_QWK,eval_HDIV,eval_Macro_F1,eval_Micro_F1,eval_Weighted_F1,eval_TP_0,eval_TN_0,eval_FP_0,eval_FN_0,eval_TP_1,eval_TN_1,eval_FP_1,eval_FN_1,eval_TP_2,eval_TN_2,eval_FP_2,eval_FN_2,eval_TP_3,eval_TN_3,eval_FP_3,eval_FN_3,eval_TP_4,eval_TN_4,eval_FP_4,eval_FN_4,eval_TP_5,eval_TN_5,eval_FP_5,eval_FN_5,eval_runtime,eval_samples_per_second,eval_steps_per_second,epoch,reference,timestamp,id
2
+ 3.490241765975952,0.0091,0.25757575757575757,65.78200914591106,-0.12790808999521297,0.20454545454545459,0.07264957264957266,0.25757575757575757,0.1320901320901321,0,131,0,1,0,108,0,24,0,110,16,6,0,79,0,53,34,10,82,6,0,124,0,8,39.7388,3.322,0.83,-1,validation_before_training,2025-07-06 08:03:47,phi-4-phi4_classification_lora-C3-full_context-r16
3
+ 1.4439020156860352,0.0091,0.4015151515151515,46.5800061152526,0.6056215783148617,0.045454545454545414,0.3265006634571852,0.4015151515151515,0.4234829551035084,0,131,0,1,10,102,6,14,4,110,16,2,17,72,7,36,15,73,19,25,7,93,31,1,39.5889,3.334,0.834,15.0,validation_after_training,2025-07-06 08:03:47,phi-4-phi4_classification_lora-C3-full_context-r16
4
+ 1.3064757585525513,0.0091,0.4492753623188406,44.78612621615399,0.6485913627130618,0.02898550724637683,0.3651102312304498,0.4492753623188406,0.45017539006610047,0,137,0,1,19,96,13,10,9,105,15,9,18,75,18,27,10,94,6,28,6,107,24,1,41.8421,3.298,0.836,15.0,test_results,2025-07-06 08:03:47,phi-4-phi4_classification_lora-C3-full_context-r16
merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
run_experiment.log ADDED
@@ -0,0 +1,810 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ [2025-07-06 08:03:18,144][__main__][INFO] - cache_dir: /tmp/
2
+ dataset:
3
+ name: kamel-usp/aes_enem_dataset
4
+ split: JBCS2025
5
+ training_params:
6
+ seed: 42
7
+ num_train_epochs: 20
8
+ logging_steps: 100
9
+ metric_for_best_model: QWK
10
+ bf16: true
11
+ bootstrap:
12
+ enabled: true
13
+ n_bootstrap: 10000
14
+ bootstrap_seed: 42
15
+ metrics:
16
+ - QWK
17
+ - Macro_F1
18
+ - Weighted_F1
19
+ post_training_results:
20
+ model_path: /workspace/jbcs2025/outputs/2025-03-24/20-42-59
21
+ experiments:
22
+ model:
23
+ name: microsoft/phi-4
24
+ type: phi4_classification_lora
25
+ num_labels: 6
26
+ output_dir: ./results/phi4-balanced/C3
27
+ logging_dir: ./logs/phi4-balanced/C3
28
+ best_model_dir: ./results/phi4-balanced/C3/best_model
29
+ lora_r: 16
30
+ lora_dropout: 0.1
31
+ lora_alpha: 32
32
+ lora_target_modules: all-linear
33
+ tokenizer:
34
+ name: microsoft/phi-4
35
+ dataset:
36
+ grade_index: 2
37
+ use_full_context: true
38
+ training_params:
39
+ weight_decay: 0.01
40
+ warmup_ratio: 0.1
41
+ learning_rate: 5.0e-05
42
+ train_batch_size: 8
43
+ eval_batch_size: 4
44
+ gradient_accumulation_steps: 2
45
+ gradient_checkpointing: true
46
+
47
+ [2025-07-06 08:03:22,029][__main__][INFO] - GPU 0: NVIDIA H200 | TDP ≈ 700 W
48
+ [2025-07-06 08:03:22,029][__main__][INFO] - Starting the Fine Tuning training process.
49
+ [2025-07-06 08:03:26,067][transformers.tokenization_utils_base][INFO] - loading file vocab.json from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/vocab.json
50
+ [2025-07-06 08:03:26,067][transformers.tokenization_utils_base][INFO] - loading file merges.txt from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/merges.txt
51
+ [2025-07-06 08:03:26,067][transformers.tokenization_utils_base][INFO] - loading file tokenizer.json from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/tokenizer.json
52
+ [2025-07-06 08:03:26,067][transformers.tokenization_utils_base][INFO] - loading file added_tokens.json from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/added_tokens.json
53
+ [2025-07-06 08:03:26,067][transformers.tokenization_utils_base][INFO] - loading file special_tokens_map.json from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/special_tokens_map.json
54
+ [2025-07-06 08:03:26,067][transformers.tokenization_utils_base][INFO] - loading file tokenizer_config.json from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/tokenizer_config.json
55
+ [2025-07-06 08:03:26,067][transformers.tokenization_utils_base][INFO] - loading file chat_template.jinja from cache at None
56
+ [2025-07-06 08:03:26,228][__main__][INFO] - Tokenizer function parameters- Padding:longest; Truncation: False; Use Full Context: True
57
+ [2025-07-06 08:03:26,714][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
58
+ [2025-07-06 08:03:26,714][transformers.configuration_utils][INFO] - Model config Phi3Config {
59
+ "architectures": [
60
+ "Phi3ForCausalLM"
61
+ ],
62
+ "attention_bias": false,
63
+ "attention_dropout": 0.0,
64
+ "bos_token_id": 100257,
65
+ "embd_pdrop": 0.0,
66
+ "eos_token_id": 100265,
67
+ "hidden_act": "silu",
68
+ "hidden_size": 5120,
69
+ "id2label": {
70
+ "0": "LABEL_0",
71
+ "1": "LABEL_1",
72
+ "2": "LABEL_2",
73
+ "3": "LABEL_3",
74
+ "4": "LABEL_4",
75
+ "5": "LABEL_5"
76
+ },
77
+ "initializer_range": 0.02,
78
+ "intermediate_size": 17920,
79
+ "label2id": {
80
+ "LABEL_0": 0,
81
+ "LABEL_1": 1,
82
+ "LABEL_2": 2,
83
+ "LABEL_3": 3,
84
+ "LABEL_4": 4,
85
+ "LABEL_5": 5
86
+ },
87
+ "max_position_embeddings": 16384,
88
+ "model_type": "phi3",
89
+ "num_attention_heads": 40,
90
+ "num_hidden_layers": 40,
91
+ "num_key_value_heads": 10,
92
+ "original_max_position_embeddings": 16384,
93
+ "pad_token_id": 100349,
94
+ "partial_rotary_factor": 1.0,
95
+ "resid_pdrop": 0.0,
96
+ "rms_norm_eps": 1e-05,
97
+ "rope_scaling": null,
98
+ "rope_theta": 250000,
99
+ "sliding_window": null,
100
+ "tie_word_embeddings": false,
101
+ "torch_dtype": "bfloat16",
102
+ "transformers_version": "4.53.0",
103
+ "use_cache": true,
104
+ "vocab_size": 100352
105
+ }
106
+
107
+ [2025-07-06 08:03:26,846][transformers.modeling_utils][INFO] - loading weights file model.safetensors from cache at /tmp/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/model.safetensors.index.json
108
+ [2025-07-06 08:03:26,847][transformers.modeling_utils][INFO] - Will use torch_dtype=torch.bfloat16 as defined in model's config object
109
+ [2025-07-06 08:03:26,847][transformers.modeling_utils][INFO] - Instantiating Phi3ForSequenceClassification model under default dtype torch.bfloat16.
110
+ [2025-07-06 08:03:44,376][transformers.modeling_utils][INFO] - Some weights of the model checkpoint at microsoft/phi-4 were not used when initializing Phi3ForSequenceClassification: ['lm_head.weight']
111
+ - This IS expected if you are initializing Phi3ForSequenceClassification from the checkpoint of a model trained on another task or with another architecture (e.g. initializing a BertForSequenceClassification model from a BertForPreTraining model).
112
+ - This IS NOT expected if you are initializing Phi3ForSequenceClassification from the checkpoint of a model that you expect to be exactly identical (initializing a BertForSequenceClassification model from a BertForSequenceClassification model).
113
+ [2025-07-06 08:03:44,376][transformers.modeling_utils][WARNING] - Some weights of Phi3ForSequenceClassification were not initialized from the model checkpoint at microsoft/phi-4 and are newly initialized: ['score.weight']
114
+ You should probably TRAIN this model on a down-stream task to be able to use it for predictions and inference.
115
+ [2025-07-06 08:03:46,965][__main__][INFO] - Initialized new PEFT model for ce loss
116
+ [2025-07-06 08:03:46,967][__main__][INFO] - None
117
+ [2025-07-06 08:03:46,969][transformers.training_args][INFO] - PyTorch: setting up devices
118
+ [2025-07-06 08:03:47,006][__main__][INFO] - Total steps: 620. Number of warmup steps: 62
119
+ [2025-07-06 08:03:47,014][transformers.trainer][INFO] - You have loaded a model on multiple GPUs. `is_model_parallel` attribute will be force-set to `True` to avoid any unexpected behavior such as device placement mismatching.
120
+ [2025-07-06 08:03:47,048][transformers.trainer][INFO] - Using auto half precision backend
121
+ [2025-07-06 08:03:47,048][transformers.trainer][WARNING] - No label_names provided for model class `PeftModelForSequenceClassification`. Since `PeftModel` hides base models input arguments, if label_names is not given, label_names can't be set automatically within `Trainer`. Note that empty label_names list will be used instead.
122
+ [2025-07-06 08:03:47,049][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
123
+ [2025-07-06 08:03:47,062][transformers.trainer][INFO] -
124
+ ***** Running Evaluation *****
125
+ [2025-07-06 08:03:47,062][transformers.trainer][INFO] - Num examples = 132
126
+ [2025-07-06 08:03:47,062][transformers.trainer][INFO] - Batch size = 4
127
+ [2025-07-06 08:04:26,999][transformers.trainer][INFO] - The following columns in the Training set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
128
+ [2025-07-06 08:04:27,040][transformers.trainer][INFO] - ***** Running training *****
129
+ [2025-07-06 08:04:27,040][transformers.trainer][INFO] - Num examples = 500
130
+ [2025-07-06 08:04:27,040][transformers.trainer][INFO] - Num Epochs = 20
131
+ [2025-07-06 08:04:27,040][transformers.trainer][INFO] - Instantaneous batch size per device = 8
132
+ [2025-07-06 08:04:27,040][transformers.trainer][INFO] - Total train batch size (w. parallel, distributed & accumulation) = 16
133
+ [2025-07-06 08:04:27,040][transformers.trainer][INFO] - Gradient Accumulation steps = 2
134
+ [2025-07-06 08:04:27,040][transformers.trainer][INFO] - Total optimization steps = 640
135
+ [2025-07-06 08:04:27,042][transformers.trainer][INFO] - Number of trainable parameters = 55,736,320
136
+ [2025-07-06 08:04:27,124][transformers.models.phi3.modeling_phi3][WARNING] - `use_cache=True` is incompatible with gradient checkpointing. Setting `use_cache=False`.
137
+ [2025-07-06 08:12:36,207][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
138
+ [2025-07-06 08:12:36,210][transformers.trainer][INFO] -
139
+ ***** Running Evaluation *****
140
+ [2025-07-06 08:12:36,210][transformers.trainer][INFO] - Num examples = 132
141
+ [2025-07-06 08:12:36,210][transformers.trainer][INFO] - Batch size = 4
142
+ [2025-07-06 08:13:15,778][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-32
143
+ [2025-07-06 08:13:16,107][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
144
+ [2025-07-06 08:13:16,108][transformers.configuration_utils][INFO] - Model config Phi3Config {
145
+ "architectures": [
146
+ "Phi3ForCausalLM"
147
+ ],
148
+ "attention_bias": false,
149
+ "attention_dropout": 0.0,
150
+ "bos_token_id": 100257,
151
+ "embd_pdrop": 0.0,
152
+ "eos_token_id": 100265,
153
+ "hidden_act": "silu",
154
+ "hidden_size": 5120,
155
+ "initializer_range": 0.02,
156
+ "intermediate_size": 17920,
157
+ "max_position_embeddings": 16384,
158
+ "model_type": "phi3",
159
+ "num_attention_heads": 40,
160
+ "num_hidden_layers": 40,
161
+ "num_key_value_heads": 10,
162
+ "original_max_position_embeddings": 16384,
163
+ "pad_token_id": 100349,
164
+ "partial_rotary_factor": 1.0,
165
+ "resid_pdrop": 0.0,
166
+ "rms_norm_eps": 1e-05,
167
+ "rope_scaling": null,
168
+ "rope_theta": 250000,
169
+ "sliding_window": null,
170
+ "tie_word_embeddings": false,
171
+ "torch_dtype": "bfloat16",
172
+ "transformers_version": "4.53.0",
173
+ "use_cache": true,
174
+ "vocab_size": 100352
175
+ }
176
+
177
+ [2025-07-06 08:21:26,562][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
178
+ [2025-07-06 08:21:26,566][transformers.trainer][INFO] -
179
+ ***** Running Evaluation *****
180
+ [2025-07-06 08:21:26,566][transformers.trainer][INFO] - Num examples = 132
181
+ [2025-07-06 08:21:26,566][transformers.trainer][INFO] - Batch size = 4
182
+ [2025-07-06 08:22:06,101][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-64
183
+ [2025-07-06 08:22:06,594][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
184
+ [2025-07-06 08:22:06,595][transformers.configuration_utils][INFO] - Model config Phi3Config {
185
+ "architectures": [
186
+ "Phi3ForCausalLM"
187
+ ],
188
+ "attention_bias": false,
189
+ "attention_dropout": 0.0,
190
+ "bos_token_id": 100257,
191
+ "embd_pdrop": 0.0,
192
+ "eos_token_id": 100265,
193
+ "hidden_act": "silu",
194
+ "hidden_size": 5120,
195
+ "initializer_range": 0.02,
196
+ "intermediate_size": 17920,
197
+ "max_position_embeddings": 16384,
198
+ "model_type": "phi3",
199
+ "num_attention_heads": 40,
200
+ "num_hidden_layers": 40,
201
+ "num_key_value_heads": 10,
202
+ "original_max_position_embeddings": 16384,
203
+ "pad_token_id": 100349,
204
+ "partial_rotary_factor": 1.0,
205
+ "resid_pdrop": 0.0,
206
+ "rms_norm_eps": 1e-05,
207
+ "rope_scaling": null,
208
+ "rope_theta": 250000,
209
+ "sliding_window": null,
210
+ "tie_word_embeddings": false,
211
+ "torch_dtype": "bfloat16",
212
+ "transformers_version": "4.53.0",
213
+ "use_cache": true,
214
+ "vocab_size": 100352
215
+ }
216
+
217
+ [2025-07-06 08:22:07,661][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-32] due to args.save_total_limit
218
+ [2025-07-06 08:30:17,223][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
219
+ [2025-07-06 08:30:17,226][transformers.trainer][INFO] -
220
+ ***** Running Evaluation *****
221
+ [2025-07-06 08:30:17,227][transformers.trainer][INFO] - Num examples = 132
222
+ [2025-07-06 08:30:17,227][transformers.trainer][INFO] - Batch size = 4
223
+ [2025-07-06 08:30:56,773][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-96
224
+ [2025-07-06 08:30:57,112][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
225
+ [2025-07-06 08:30:57,113][transformers.configuration_utils][INFO] - Model config Phi3Config {
226
+ "architectures": [
227
+ "Phi3ForCausalLM"
228
+ ],
229
+ "attention_bias": false,
230
+ "attention_dropout": 0.0,
231
+ "bos_token_id": 100257,
232
+ "embd_pdrop": 0.0,
233
+ "eos_token_id": 100265,
234
+ "hidden_act": "silu",
235
+ "hidden_size": 5120,
236
+ "initializer_range": 0.02,
237
+ "intermediate_size": 17920,
238
+ "max_position_embeddings": 16384,
239
+ "model_type": "phi3",
240
+ "num_attention_heads": 40,
241
+ "num_hidden_layers": 40,
242
+ "num_key_value_heads": 10,
243
+ "original_max_position_embeddings": 16384,
244
+ "pad_token_id": 100349,
245
+ "partial_rotary_factor": 1.0,
246
+ "resid_pdrop": 0.0,
247
+ "rms_norm_eps": 1e-05,
248
+ "rope_scaling": null,
249
+ "rope_theta": 250000,
250
+ "sliding_window": null,
251
+ "tie_word_embeddings": false,
252
+ "torch_dtype": "bfloat16",
253
+ "transformers_version": "4.53.0",
254
+ "use_cache": true,
255
+ "vocab_size": 100352
256
+ }
257
+
258
+ [2025-07-06 08:30:58,169][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-64] due to args.save_total_limit
259
+ [2025-07-06 08:39:08,698][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
260
+ [2025-07-06 08:39:08,702][transformers.trainer][INFO] -
261
+ ***** Running Evaluation *****
262
+ [2025-07-06 08:39:08,702][transformers.trainer][INFO] - Num examples = 132
263
+ [2025-07-06 08:39:08,702][transformers.trainer][INFO] - Batch size = 4
264
+ [2025-07-06 08:39:48,307][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-128
265
+ [2025-07-06 08:39:48,643][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
266
+ [2025-07-06 08:39:48,643][transformers.configuration_utils][INFO] - Model config Phi3Config {
267
+ "architectures": [
268
+ "Phi3ForCausalLM"
269
+ ],
270
+ "attention_bias": false,
271
+ "attention_dropout": 0.0,
272
+ "bos_token_id": 100257,
273
+ "embd_pdrop": 0.0,
274
+ "eos_token_id": 100265,
275
+ "hidden_act": "silu",
276
+ "hidden_size": 5120,
277
+ "initializer_range": 0.02,
278
+ "intermediate_size": 17920,
279
+ "max_position_embeddings": 16384,
280
+ "model_type": "phi3",
281
+ "num_attention_heads": 40,
282
+ "num_hidden_layers": 40,
283
+ "num_key_value_heads": 10,
284
+ "original_max_position_embeddings": 16384,
285
+ "pad_token_id": 100349,
286
+ "partial_rotary_factor": 1.0,
287
+ "resid_pdrop": 0.0,
288
+ "rms_norm_eps": 1e-05,
289
+ "rope_scaling": null,
290
+ "rope_theta": 250000,
291
+ "sliding_window": null,
292
+ "tie_word_embeddings": false,
293
+ "torch_dtype": "bfloat16",
294
+ "transformers_version": "4.53.0",
295
+ "use_cache": true,
296
+ "vocab_size": 100352
297
+ }
298
+
299
+ [2025-07-06 08:47:59,549][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
300
+ [2025-07-06 08:47:59,553][transformers.trainer][INFO] -
301
+ ***** Running Evaluation *****
302
+ [2025-07-06 08:47:59,553][transformers.trainer][INFO] - Num examples = 132
303
+ [2025-07-06 08:47:59,553][transformers.trainer][INFO] - Batch size = 4
304
+ [2025-07-06 08:48:39,147][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-160
305
+ [2025-07-06 08:48:39,485][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
306
+ [2025-07-06 08:48:39,485][transformers.configuration_utils][INFO] - Model config Phi3Config {
307
+ "architectures": [
308
+ "Phi3ForCausalLM"
309
+ ],
310
+ "attention_bias": false,
311
+ "attention_dropout": 0.0,
312
+ "bos_token_id": 100257,
313
+ "embd_pdrop": 0.0,
314
+ "eos_token_id": 100265,
315
+ "hidden_act": "silu",
316
+ "hidden_size": 5120,
317
+ "initializer_range": 0.02,
318
+ "intermediate_size": 17920,
319
+ "max_position_embeddings": 16384,
320
+ "model_type": "phi3",
321
+ "num_attention_heads": 40,
322
+ "num_hidden_layers": 40,
323
+ "num_key_value_heads": 10,
324
+ "original_max_position_embeddings": 16384,
325
+ "pad_token_id": 100349,
326
+ "partial_rotary_factor": 1.0,
327
+ "resid_pdrop": 0.0,
328
+ "rms_norm_eps": 1e-05,
329
+ "rope_scaling": null,
330
+ "rope_theta": 250000,
331
+ "sliding_window": null,
332
+ "tie_word_embeddings": false,
333
+ "torch_dtype": "bfloat16",
334
+ "transformers_version": "4.53.0",
335
+ "use_cache": true,
336
+ "vocab_size": 100352
337
+ }
338
+
339
+ [2025-07-06 08:48:40,570][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-96] due to args.save_total_limit
340
+ [2025-07-06 08:48:40,603][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-128] due to args.save_total_limit
341
+ [2025-07-06 08:56:50,236][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
342
+ [2025-07-06 08:56:50,240][transformers.trainer][INFO] -
343
+ ***** Running Evaluation *****
344
+ [2025-07-06 08:56:50,240][transformers.trainer][INFO] - Num examples = 132
345
+ [2025-07-06 08:56:50,240][transformers.trainer][INFO] - Batch size = 4
346
+ [2025-07-06 08:57:29,800][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-192
347
+ [2025-07-06 08:57:30,143][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
348
+ [2025-07-06 08:57:30,144][transformers.configuration_utils][INFO] - Model config Phi3Config {
349
+ "architectures": [
350
+ "Phi3ForCausalLM"
351
+ ],
352
+ "attention_bias": false,
353
+ "attention_dropout": 0.0,
354
+ "bos_token_id": 100257,
355
+ "embd_pdrop": 0.0,
356
+ "eos_token_id": 100265,
357
+ "hidden_act": "silu",
358
+ "hidden_size": 5120,
359
+ "initializer_range": 0.02,
360
+ "intermediate_size": 17920,
361
+ "max_position_embeddings": 16384,
362
+ "model_type": "phi3",
363
+ "num_attention_heads": 40,
364
+ "num_hidden_layers": 40,
365
+ "num_key_value_heads": 10,
366
+ "original_max_position_embeddings": 16384,
367
+ "pad_token_id": 100349,
368
+ "partial_rotary_factor": 1.0,
369
+ "resid_pdrop": 0.0,
370
+ "rms_norm_eps": 1e-05,
371
+ "rope_scaling": null,
372
+ "rope_theta": 250000,
373
+ "sliding_window": null,
374
+ "tie_word_embeddings": false,
375
+ "torch_dtype": "bfloat16",
376
+ "transformers_version": "4.53.0",
377
+ "use_cache": true,
378
+ "vocab_size": 100352
379
+ }
380
+
381
+ [2025-07-06 08:57:31,272][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-160] due to args.save_total_limit
382
+ [2025-07-06 09:05:41,198][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
383
+ [2025-07-06 09:05:41,201][transformers.trainer][INFO] -
384
+ ***** Running Evaluation *****
385
+ [2025-07-06 09:05:41,201][transformers.trainer][INFO] - Num examples = 132
386
+ [2025-07-06 09:05:41,201][transformers.trainer][INFO] - Batch size = 4
387
+ [2025-07-06 09:06:20,820][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-224
388
+ [2025-07-06 09:06:21,145][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
389
+ [2025-07-06 09:06:21,146][transformers.configuration_utils][INFO] - Model config Phi3Config {
390
+ "architectures": [
391
+ "Phi3ForCausalLM"
392
+ ],
393
+ "attention_bias": false,
394
+ "attention_dropout": 0.0,
395
+ "bos_token_id": 100257,
396
+ "embd_pdrop": 0.0,
397
+ "eos_token_id": 100265,
398
+ "hidden_act": "silu",
399
+ "hidden_size": 5120,
400
+ "initializer_range": 0.02,
401
+ "intermediate_size": 17920,
402
+ "max_position_embeddings": 16384,
403
+ "model_type": "phi3",
404
+ "num_attention_heads": 40,
405
+ "num_hidden_layers": 40,
406
+ "num_key_value_heads": 10,
407
+ "original_max_position_embeddings": 16384,
408
+ "pad_token_id": 100349,
409
+ "partial_rotary_factor": 1.0,
410
+ "resid_pdrop": 0.0,
411
+ "rms_norm_eps": 1e-05,
412
+ "rope_scaling": null,
413
+ "rope_theta": 250000,
414
+ "sliding_window": null,
415
+ "tie_word_embeddings": false,
416
+ "torch_dtype": "bfloat16",
417
+ "transformers_version": "4.53.0",
418
+ "use_cache": true,
419
+ "vocab_size": 100352
420
+ }
421
+
422
+ [2025-07-06 09:14:32,052][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
423
+ [2025-07-06 09:14:32,055][transformers.trainer][INFO] -
424
+ ***** Running Evaluation *****
425
+ [2025-07-06 09:14:32,055][transformers.trainer][INFO] - Num examples = 132
426
+ [2025-07-06 09:14:32,055][transformers.trainer][INFO] - Batch size = 4
427
+ [2025-07-06 09:15:11,644][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-256
428
+ [2025-07-06 09:15:12,038][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
429
+ [2025-07-06 09:15:12,039][transformers.configuration_utils][INFO] - Model config Phi3Config {
430
+ "architectures": [
431
+ "Phi3ForCausalLM"
432
+ ],
433
+ "attention_bias": false,
434
+ "attention_dropout": 0.0,
435
+ "bos_token_id": 100257,
436
+ "embd_pdrop": 0.0,
437
+ "eos_token_id": 100265,
438
+ "hidden_act": "silu",
439
+ "hidden_size": 5120,
440
+ "initializer_range": 0.02,
441
+ "intermediate_size": 17920,
442
+ "max_position_embeddings": 16384,
443
+ "model_type": "phi3",
444
+ "num_attention_heads": 40,
445
+ "num_hidden_layers": 40,
446
+ "num_key_value_heads": 10,
447
+ "original_max_position_embeddings": 16384,
448
+ "pad_token_id": 100349,
449
+ "partial_rotary_factor": 1.0,
450
+ "resid_pdrop": 0.0,
451
+ "rms_norm_eps": 1e-05,
452
+ "rope_scaling": null,
453
+ "rope_theta": 250000,
454
+ "sliding_window": null,
455
+ "tie_word_embeddings": false,
456
+ "torch_dtype": "bfloat16",
457
+ "transformers_version": "4.53.0",
458
+ "use_cache": true,
459
+ "vocab_size": 100352
460
+ }
461
+
462
+ [2025-07-06 09:15:13,092][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-224] due to args.save_total_limit
463
+ [2025-07-06 09:23:22,593][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
464
+ [2025-07-06 09:23:22,596][transformers.trainer][INFO] -
465
+ ***** Running Evaluation *****
466
+ [2025-07-06 09:23:22,597][transformers.trainer][INFO] - Num examples = 132
467
+ [2025-07-06 09:23:22,597][transformers.trainer][INFO] - Batch size = 4
468
+ [2025-07-06 09:24:02,168][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-288
469
+ [2025-07-06 09:24:02,481][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
470
+ [2025-07-06 09:24:02,481][transformers.configuration_utils][INFO] - Model config Phi3Config {
471
+ "architectures": [
472
+ "Phi3ForCausalLM"
473
+ ],
474
+ "attention_bias": false,
475
+ "attention_dropout": 0.0,
476
+ "bos_token_id": 100257,
477
+ "embd_pdrop": 0.0,
478
+ "eos_token_id": 100265,
479
+ "hidden_act": "silu",
480
+ "hidden_size": 5120,
481
+ "initializer_range": 0.02,
482
+ "intermediate_size": 17920,
483
+ "max_position_embeddings": 16384,
484
+ "model_type": "phi3",
485
+ "num_attention_heads": 40,
486
+ "num_hidden_layers": 40,
487
+ "num_key_value_heads": 10,
488
+ "original_max_position_embeddings": 16384,
489
+ "pad_token_id": 100349,
490
+ "partial_rotary_factor": 1.0,
491
+ "resid_pdrop": 0.0,
492
+ "rms_norm_eps": 1e-05,
493
+ "rope_scaling": null,
494
+ "rope_theta": 250000,
495
+ "sliding_window": null,
496
+ "tie_word_embeddings": false,
497
+ "torch_dtype": "bfloat16",
498
+ "transformers_version": "4.53.0",
499
+ "use_cache": true,
500
+ "vocab_size": 100352
501
+ }
502
+
503
+ [2025-07-06 09:24:03,585][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-256] due to args.save_total_limit
504
+ [2025-07-06 09:32:13,182][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
505
+ [2025-07-06 09:32:13,185][transformers.trainer][INFO] -
506
+ ***** Running Evaluation *****
507
+ [2025-07-06 09:32:13,185][transformers.trainer][INFO] - Num examples = 132
508
+ [2025-07-06 09:32:13,185][transformers.trainer][INFO] - Batch size = 4
509
+ [2025-07-06 09:32:52,779][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-320
510
+ [2025-07-06 09:32:53,275][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
511
+ [2025-07-06 09:32:53,276][transformers.configuration_utils][INFO] - Model config Phi3Config {
512
+ "architectures": [
513
+ "Phi3ForCausalLM"
514
+ ],
515
+ "attention_bias": false,
516
+ "attention_dropout": 0.0,
517
+ "bos_token_id": 100257,
518
+ "embd_pdrop": 0.0,
519
+ "eos_token_id": 100265,
520
+ "hidden_act": "silu",
521
+ "hidden_size": 5120,
522
+ "initializer_range": 0.02,
523
+ "intermediate_size": 17920,
524
+ "max_position_embeddings": 16384,
525
+ "model_type": "phi3",
526
+ "num_attention_heads": 40,
527
+ "num_hidden_layers": 40,
528
+ "num_key_value_heads": 10,
529
+ "original_max_position_embeddings": 16384,
530
+ "pad_token_id": 100349,
531
+ "partial_rotary_factor": 1.0,
532
+ "resid_pdrop": 0.0,
533
+ "rms_norm_eps": 1e-05,
534
+ "rope_scaling": null,
535
+ "rope_theta": 250000,
536
+ "sliding_window": null,
537
+ "tie_word_embeddings": false,
538
+ "torch_dtype": "bfloat16",
539
+ "transformers_version": "4.53.0",
540
+ "use_cache": true,
541
+ "vocab_size": 100352
542
+ }
543
+
544
+ [2025-07-06 09:32:54,450][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-192] due to args.save_total_limit
545
+ [2025-07-06 09:32:54,492][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-288] due to args.save_total_limit
546
+ [2025-07-06 09:41:04,041][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
547
+ [2025-07-06 09:41:04,044][transformers.trainer][INFO] -
548
+ ***** Running Evaluation *****
549
+ [2025-07-06 09:41:04,045][transformers.trainer][INFO] - Num examples = 132
550
+ [2025-07-06 09:41:04,045][transformers.trainer][INFO] - Batch size = 4
551
+ [2025-07-06 09:41:43,585][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-352
552
+ [2025-07-06 09:41:44,083][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
553
+ [2025-07-06 09:41:44,083][transformers.configuration_utils][INFO] - Model config Phi3Config {
554
+ "architectures": [
555
+ "Phi3ForCausalLM"
556
+ ],
557
+ "attention_bias": false,
558
+ "attention_dropout": 0.0,
559
+ "bos_token_id": 100257,
560
+ "embd_pdrop": 0.0,
561
+ "eos_token_id": 100265,
562
+ "hidden_act": "silu",
563
+ "hidden_size": 5120,
564
+ "initializer_range": 0.02,
565
+ "intermediate_size": 17920,
566
+ "max_position_embeddings": 16384,
567
+ "model_type": "phi3",
568
+ "num_attention_heads": 40,
569
+ "num_hidden_layers": 40,
570
+ "num_key_value_heads": 10,
571
+ "original_max_position_embeddings": 16384,
572
+ "pad_token_id": 100349,
573
+ "partial_rotary_factor": 1.0,
574
+ "resid_pdrop": 0.0,
575
+ "rms_norm_eps": 1e-05,
576
+ "rope_scaling": null,
577
+ "rope_theta": 250000,
578
+ "sliding_window": null,
579
+ "tie_word_embeddings": false,
580
+ "torch_dtype": "bfloat16",
581
+ "transformers_version": "4.53.0",
582
+ "use_cache": true,
583
+ "vocab_size": 100352
584
+ }
585
+
586
+ [2025-07-06 09:49:54,606][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
587
+ [2025-07-06 09:49:54,609][transformers.trainer][INFO] -
588
+ ***** Running Evaluation *****
589
+ [2025-07-06 09:49:54,610][transformers.trainer][INFO] - Num examples = 132
590
+ [2025-07-06 09:49:54,610][transformers.trainer][INFO] - Batch size = 4
591
+ [2025-07-06 09:50:34,224][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-384
592
+ [2025-07-06 09:50:34,552][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
593
+ [2025-07-06 09:50:34,553][transformers.configuration_utils][INFO] - Model config Phi3Config {
594
+ "architectures": [
595
+ "Phi3ForCausalLM"
596
+ ],
597
+ "attention_bias": false,
598
+ "attention_dropout": 0.0,
599
+ "bos_token_id": 100257,
600
+ "embd_pdrop": 0.0,
601
+ "eos_token_id": 100265,
602
+ "hidden_act": "silu",
603
+ "hidden_size": 5120,
604
+ "initializer_range": 0.02,
605
+ "intermediate_size": 17920,
606
+ "max_position_embeddings": 16384,
607
+ "model_type": "phi3",
608
+ "num_attention_heads": 40,
609
+ "num_hidden_layers": 40,
610
+ "num_key_value_heads": 10,
611
+ "original_max_position_embeddings": 16384,
612
+ "pad_token_id": 100349,
613
+ "partial_rotary_factor": 1.0,
614
+ "resid_pdrop": 0.0,
615
+ "rms_norm_eps": 1e-05,
616
+ "rope_scaling": null,
617
+ "rope_theta": 250000,
618
+ "sliding_window": null,
619
+ "tie_word_embeddings": false,
620
+ "torch_dtype": "bfloat16",
621
+ "transformers_version": "4.53.0",
622
+ "use_cache": true,
623
+ "vocab_size": 100352
624
+ }
625
+
626
+ [2025-07-06 09:50:35,697][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-352] due to args.save_total_limit
627
+ [2025-07-06 09:58:45,644][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
628
+ [2025-07-06 09:58:45,648][transformers.trainer][INFO] -
629
+ ***** Running Evaluation *****
630
+ [2025-07-06 09:58:45,648][transformers.trainer][INFO] - Num examples = 132
631
+ [2025-07-06 09:58:45,648][transformers.trainer][INFO] - Batch size = 4
632
+ [2025-07-06 09:59:25,244][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-416
633
+ [2025-07-06 09:59:25,570][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
634
+ [2025-07-06 09:59:25,570][transformers.configuration_utils][INFO] - Model config Phi3Config {
635
+ "architectures": [
636
+ "Phi3ForCausalLM"
637
+ ],
638
+ "attention_bias": false,
639
+ "attention_dropout": 0.0,
640
+ "bos_token_id": 100257,
641
+ "embd_pdrop": 0.0,
642
+ "eos_token_id": 100265,
643
+ "hidden_act": "silu",
644
+ "hidden_size": 5120,
645
+ "initializer_range": 0.02,
646
+ "intermediate_size": 17920,
647
+ "max_position_embeddings": 16384,
648
+ "model_type": "phi3",
649
+ "num_attention_heads": 40,
650
+ "num_hidden_layers": 40,
651
+ "num_key_value_heads": 10,
652
+ "original_max_position_embeddings": 16384,
653
+ "pad_token_id": 100349,
654
+ "partial_rotary_factor": 1.0,
655
+ "resid_pdrop": 0.0,
656
+ "rms_norm_eps": 1e-05,
657
+ "rope_scaling": null,
658
+ "rope_theta": 250000,
659
+ "sliding_window": null,
660
+ "tie_word_embeddings": false,
661
+ "torch_dtype": "bfloat16",
662
+ "transformers_version": "4.53.0",
663
+ "use_cache": true,
664
+ "vocab_size": 100352
665
+ }
666
+
667
+ [2025-07-06 09:59:26,588][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-384] due to args.save_total_limit
668
+ [2025-07-06 10:07:36,313][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
669
+ [2025-07-06 10:07:36,317][transformers.trainer][INFO] -
670
+ ***** Running Evaluation *****
671
+ [2025-07-06 10:07:36,317][transformers.trainer][INFO] - Num examples = 132
672
+ [2025-07-06 10:07:36,317][transformers.trainer][INFO] - Batch size = 4
673
+ [2025-07-06 10:08:15,871][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-448
674
+ [2025-07-06 10:08:16,232][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
675
+ [2025-07-06 10:08:16,233][transformers.configuration_utils][INFO] - Model config Phi3Config {
676
+ "architectures": [
677
+ "Phi3ForCausalLM"
678
+ ],
679
+ "attention_bias": false,
680
+ "attention_dropout": 0.0,
681
+ "bos_token_id": 100257,
682
+ "embd_pdrop": 0.0,
683
+ "eos_token_id": 100265,
684
+ "hidden_act": "silu",
685
+ "hidden_size": 5120,
686
+ "initializer_range": 0.02,
687
+ "intermediate_size": 17920,
688
+ "max_position_embeddings": 16384,
689
+ "model_type": "phi3",
690
+ "num_attention_heads": 40,
691
+ "num_hidden_layers": 40,
692
+ "num_key_value_heads": 10,
693
+ "original_max_position_embeddings": 16384,
694
+ "pad_token_id": 100349,
695
+ "partial_rotary_factor": 1.0,
696
+ "resid_pdrop": 0.0,
697
+ "rms_norm_eps": 1e-05,
698
+ "rope_scaling": null,
699
+ "rope_theta": 250000,
700
+ "sliding_window": null,
701
+ "tie_word_embeddings": false,
702
+ "torch_dtype": "bfloat16",
703
+ "transformers_version": "4.53.0",
704
+ "use_cache": true,
705
+ "vocab_size": 100352
706
+ }
707
+
708
+ [2025-07-06 10:08:17,391][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-416] due to args.save_total_limit
709
+ [2025-07-06 10:16:27,127][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
710
+ [2025-07-06 10:16:27,131][transformers.trainer][INFO] -
711
+ ***** Running Evaluation *****
712
+ [2025-07-06 10:16:27,131][transformers.trainer][INFO] - Num examples = 132
713
+ [2025-07-06 10:16:27,131][transformers.trainer][INFO] - Batch size = 4
714
+ [2025-07-06 10:17:06,707][transformers.trainer][INFO] - Saving model checkpoint to /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-480
715
+ [2025-07-06 10:17:07,031][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
716
+ [2025-07-06 10:17:07,032][transformers.configuration_utils][INFO] - Model config Phi3Config {
717
+ "architectures": [
718
+ "Phi3ForCausalLM"
719
+ ],
720
+ "attention_bias": false,
721
+ "attention_dropout": 0.0,
722
+ "bos_token_id": 100257,
723
+ "embd_pdrop": 0.0,
724
+ "eos_token_id": 100265,
725
+ "hidden_act": "silu",
726
+ "hidden_size": 5120,
727
+ "initializer_range": 0.02,
728
+ "intermediate_size": 17920,
729
+ "max_position_embeddings": 16384,
730
+ "model_type": "phi3",
731
+ "num_attention_heads": 40,
732
+ "num_hidden_layers": 40,
733
+ "num_key_value_heads": 10,
734
+ "original_max_position_embeddings": 16384,
735
+ "pad_token_id": 100349,
736
+ "partial_rotary_factor": 1.0,
737
+ "resid_pdrop": 0.0,
738
+ "rms_norm_eps": 1e-05,
739
+ "rope_scaling": null,
740
+ "rope_theta": 250000,
741
+ "sliding_window": null,
742
+ "tie_word_embeddings": false,
743
+ "torch_dtype": "bfloat16",
744
+ "transformers_version": "4.53.0",
745
+ "use_cache": true,
746
+ "vocab_size": 100352
747
+ }
748
+
749
+ [2025-07-06 10:17:08,169][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-448] due to args.save_total_limit
750
+ [2025-07-06 10:17:08,210][transformers.trainer][INFO] -
751
+
752
+ Training completed. Do not forget to share your model on huggingface.co/models =)
753
+
754
+
755
+ [2025-07-06 10:17:08,210][transformers.trainer][INFO] - Loading best model from /workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-320 (score: 0.6056215783148617).
756
+ [2025-07-06 10:17:08,478][transformers.trainer][INFO] - Deleting older checkpoint [/workspace/jbcs2025/outputs/2025-07-06/08-03-18/results/phi4-balanced/C3/checkpoint-480] due to args.save_total_limit
757
+ [2025-07-06 10:17:08,527][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
758
+ [2025-07-06 10:17:08,536][transformers.trainer][INFO] -
759
+ ***** Running Evaluation *****
760
+ [2025-07-06 10:17:08,536][transformers.trainer][INFO] - Num examples = 132
761
+ [2025-07-06 10:17:08,536][transformers.trainer][INFO] - Batch size = 4
762
+ [2025-07-06 10:17:48,131][__main__][INFO] - Training completed successfully.
763
+ [2025-07-06 10:17:48,131][__main__][INFO] - Running on Test
764
+ [2025-07-06 10:17:48,131][transformers.trainer][INFO] - The following columns in the Evaluation set don't have a corresponding argument in `PeftModelForSequenceClassification.forward` and have been ignored: essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year. If essay_text, supporting_text, grades, prompt, id, reference, id_prompt, essay_year are not expected by `PeftModelForSequenceClassification.forward`, you can safely ignore this message.
765
+ [2025-07-06 10:17:48,134][transformers.trainer][INFO] -
766
+ ***** Running Evaluation *****
767
+ [2025-07-06 10:17:48,134][transformers.trainer][INFO] - Num examples = 138
768
+ [2025-07-06 10:17:48,134][transformers.trainer][INFO] - Batch size = 4
769
+ [2025-07-06 10:18:29,986][__main__][INFO] - Test metrics: {'eval_loss': 1.3064757585525513, 'eval_model_preparation_time': 0.0091, 'eval_accuracy': 0.4492753623188406, 'eval_RMSE': 44.78612621615399, 'eval_QWK': 0.6485913627130618, 'eval_HDIV': 0.02898550724637683, 'eval_Macro_F1': 0.3651102312304498, 'eval_Micro_F1': 0.4492753623188406, 'eval_Weighted_F1': 0.45017539006610047, 'eval_TP_0': 0, 'eval_TN_0': 137, 'eval_FP_0': 0, 'eval_FN_0': 1, 'eval_TP_1': 19, 'eval_TN_1': 96, 'eval_FP_1': 13, 'eval_FN_1': 10, 'eval_TP_2': 9, 'eval_TN_2': 105, 'eval_FP_2': 15, 'eval_FN_2': 9, 'eval_TP_3': 18, 'eval_TN_3': 75, 'eval_FP_3': 18, 'eval_FN_3': 27, 'eval_TP_4': 10, 'eval_TN_4': 94, 'eval_FP_4': 6, 'eval_FN_4': 28, 'eval_TP_5': 6, 'eval_TN_5': 107, 'eval_FP_5': 24, 'eval_FN_5': 1, 'eval_runtime': 41.8421, 'eval_samples_per_second': 3.298, 'eval_steps_per_second': 0.836, 'epoch': 15.0}
770
+ [2025-07-06 10:18:29,986][transformers.trainer][INFO] - Saving model checkpoint to ./results/phi4-balanced/C3/best_model
771
+ [2025-07-06 10:18:30,293][transformers.configuration_utils][INFO] - loading configuration file config.json from cache at /workspace/.hf_home/hub/models--microsoft--phi-4/snapshots/187ef0342fff0eb3333be9f00389385e95ef0b61/config.json
772
+ [2025-07-06 10:18:30,293][transformers.configuration_utils][INFO] - Model config Phi3Config {
773
+ "architectures": [
774
+ "Phi3ForCausalLM"
775
+ ],
776
+ "attention_bias": false,
777
+ "attention_dropout": 0.0,
778
+ "bos_token_id": 100257,
779
+ "embd_pdrop": 0.0,
780
+ "eos_token_id": 100265,
781
+ "hidden_act": "silu",
782
+ "hidden_size": 5120,
783
+ "initializer_range": 0.02,
784
+ "intermediate_size": 17920,
785
+ "max_position_embeddings": 16384,
786
+ "model_type": "phi3",
787
+ "num_attention_heads": 40,
788
+ "num_hidden_layers": 40,
789
+ "num_key_value_heads": 10,
790
+ "original_max_position_embeddings": 16384,
791
+ "pad_token_id": 100349,
792
+ "partial_rotary_factor": 1.0,
793
+ "resid_pdrop": 0.0,
794
+ "rms_norm_eps": 1e-05,
795
+ "rope_scaling": null,
796
+ "rope_theta": 250000,
797
+ "sliding_window": null,
798
+ "tie_word_embeddings": false,
799
+ "torch_dtype": "bfloat16",
800
+ "transformers_version": "4.53.0",
801
+ "use_cache": true,
802
+ "vocab_size": 100352
803
+ }
804
+
805
+ [2025-07-06 10:18:31,033][transformers.tokenization_utils_base][INFO] - chat template saved in ./results/phi4-balanced/C3/best_model/chat_template.jinja
806
+ [2025-07-06 10:18:31,034][transformers.tokenization_utils_base][INFO] - tokenizer config file saved in ./results/phi4-balanced/C3/best_model/tokenizer_config.json
807
+ [2025-07-06 10:18:31,034][transformers.tokenization_utils_base][INFO] - Special tokens file saved in ./results/phi4-balanced/C3/best_model/special_tokens_map.json
808
+ [2025-07-06 10:18:31,111][__main__][INFO] - Model and tokenizer saved to ./results/phi4-balanced/C3/best_model
809
+ [2025-07-06 10:18:31,132][__main__][INFO] - Fine Tuning Finished.
810
+ [2025-07-06 10:18:31,641][__main__][INFO] - Total emissions: 0.1035 kg CO2eq
special_tokens_map.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<|endoftext|>",
4
+ "lstrip": true,
5
+ "normalized": false,
6
+ "rstrip": true,
7
+ "single_word": false
8
+ },
9
+ "eos_token": {
10
+ "content": "<|im_end|>",
11
+ "lstrip": true,
12
+ "normalized": false,
13
+ "rstrip": true,
14
+ "single_word": false
15
+ },
16
+ "pad_token": {
17
+ "content": "<|dummy_85|>",
18
+ "lstrip": true,
19
+ "normalized": false,
20
+ "rstrip": true,
21
+ "single_word": false
22
+ },
23
+ "unk_token": "<|endoftext|>"
24
+ }
tokenizer.json ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer_config.json ADDED
@@ -0,0 +1,781 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "add_prefix_space": false,
3
+ "added_tokens_decoder": {
4
+ "100256": {
5
+ "content": "<|dummy_0|>",
6
+ "lstrip": true,
7
+ "normalized": false,
8
+ "rstrip": true,
9
+ "single_word": false,
10
+ "special": true
11
+ },
12
+ "100257": {
13
+ "content": "<|endoftext|>",
14
+ "lstrip": true,
15
+ "normalized": false,
16
+ "rstrip": true,
17
+ "single_word": false,
18
+ "special": true
19
+ },
20
+ "100258": {
21
+ "content": "<|fim_prefix|>",
22
+ "lstrip": true,
23
+ "normalized": false,
24
+ "rstrip": true,
25
+ "single_word": false,
26
+ "special": true
27
+ },
28
+ "100259": {
29
+ "content": "<|fim_middle|>",
30
+ "lstrip": true,
31
+ "normalized": false,
32
+ "rstrip": true,
33
+ "single_word": false,
34
+ "special": true
35
+ },
36
+ "100260": {
37
+ "content": "<|fim_suffix|>",
38
+ "lstrip": true,
39
+ "normalized": false,
40
+ "rstrip": true,
41
+ "single_word": false,
42
+ "special": true
43
+ },
44
+ "100261": {
45
+ "content": "<|dummy_1|>",
46
+ "lstrip": true,
47
+ "normalized": false,
48
+ "rstrip": true,
49
+ "single_word": false,
50
+ "special": true
51
+ },
52
+ "100262": {
53
+ "content": "<|dummy_2|>",
54
+ "lstrip": true,
55
+ "normalized": false,
56
+ "rstrip": true,
57
+ "single_word": false,
58
+ "special": true
59
+ },
60
+ "100263": {
61
+ "content": "<|dummy_3|>",
62
+ "lstrip": true,
63
+ "normalized": false,
64
+ "rstrip": true,
65
+ "single_word": false,
66
+ "special": true
67
+ },
68
+ "100264": {
69
+ "content": "<|im_start|>",
70
+ "lstrip": true,
71
+ "normalized": false,
72
+ "rstrip": true,
73
+ "single_word": false,
74
+ "special": true
75
+ },
76
+ "100265": {
77
+ "content": "<|im_end|>",
78
+ "lstrip": true,
79
+ "normalized": false,
80
+ "rstrip": true,
81
+ "single_word": false,
82
+ "special": true
83
+ },
84
+ "100266": {
85
+ "content": "<|im_sep|>",
86
+ "lstrip": true,
87
+ "normalized": false,
88
+ "rstrip": true,
89
+ "single_word": false,
90
+ "special": true
91
+ },
92
+ "100267": {
93
+ "content": "<|dummy_4|>",
94
+ "lstrip": true,
95
+ "normalized": false,
96
+ "rstrip": true,
97
+ "single_word": false,
98
+ "special": true
99
+ },
100
+ "100268": {
101
+ "content": "<|dummy_5|>",
102
+ "lstrip": true,
103
+ "normalized": false,
104
+ "rstrip": true,
105
+ "single_word": false,
106
+ "special": true
107
+ },
108
+ "100269": {
109
+ "content": "<|dummy_6|>",
110
+ "lstrip": true,
111
+ "normalized": false,
112
+ "rstrip": true,
113
+ "single_word": false,
114
+ "special": true
115
+ },
116
+ "100270": {
117
+ "content": "<|dummy_7|>",
118
+ "lstrip": true,
119
+ "normalized": false,
120
+ "rstrip": true,
121
+ "single_word": false,
122
+ "special": true
123
+ },
124
+ "100271": {
125
+ "content": "<|dummy_8|>",
126
+ "lstrip": true,
127
+ "normalized": false,
128
+ "rstrip": true,
129
+ "single_word": false,
130
+ "special": true
131
+ },
132
+ "100272": {
133
+ "content": "<|dummy_9|>",
134
+ "lstrip": true,
135
+ "normalized": false,
136
+ "rstrip": true,
137
+ "single_word": false,
138
+ "special": true
139
+ },
140
+ "100273": {
141
+ "content": "<|dummy_10|>",
142
+ "lstrip": true,
143
+ "normalized": false,
144
+ "rstrip": true,
145
+ "single_word": false,
146
+ "special": true
147
+ },
148
+ "100274": {
149
+ "content": "<|dummy_11|>",
150
+ "lstrip": true,
151
+ "normalized": false,
152
+ "rstrip": true,
153
+ "single_word": false,
154
+ "special": true
155
+ },
156
+ "100275": {
157
+ "content": "<|dummy_12|>",
158
+ "lstrip": true,
159
+ "normalized": false,
160
+ "rstrip": true,
161
+ "single_word": false,
162
+ "special": true
163
+ },
164
+ "100276": {
165
+ "content": "<|endofprompt|>",
166
+ "lstrip": true,
167
+ "normalized": false,
168
+ "rstrip": true,
169
+ "single_word": false,
170
+ "special": true
171
+ },
172
+ "100277": {
173
+ "content": "<|dummy_13|>",
174
+ "lstrip": true,
175
+ "normalized": false,
176
+ "rstrip": true,
177
+ "single_word": false,
178
+ "special": true
179
+ },
180
+ "100278": {
181
+ "content": "<|dummy_14|>",
182
+ "lstrip": true,
183
+ "normalized": false,
184
+ "rstrip": true,
185
+ "single_word": false,
186
+ "special": true
187
+ },
188
+ "100279": {
189
+ "content": "<|dummy_15|>",
190
+ "lstrip": true,
191
+ "normalized": false,
192
+ "rstrip": true,
193
+ "single_word": false,
194
+ "special": true
195
+ },
196
+ "100280": {
197
+ "content": "<|dummy_16|>",
198
+ "lstrip": true,
199
+ "normalized": false,
200
+ "rstrip": true,
201
+ "single_word": false,
202
+ "special": true
203
+ },
204
+ "100281": {
205
+ "content": "<|dummy_17|>",
206
+ "lstrip": true,
207
+ "normalized": false,
208
+ "rstrip": true,
209
+ "single_word": false,
210
+ "special": true
211
+ },
212
+ "100282": {
213
+ "content": "<|dummy_18|>",
214
+ "lstrip": true,
215
+ "normalized": false,
216
+ "rstrip": true,
217
+ "single_word": false,
218
+ "special": true
219
+ },
220
+ "100283": {
221
+ "content": "<|dummy_19|>",
222
+ "lstrip": true,
223
+ "normalized": false,
224
+ "rstrip": true,
225
+ "single_word": false,
226
+ "special": true
227
+ },
228
+ "100284": {
229
+ "content": "<|dummy_20|>",
230
+ "lstrip": true,
231
+ "normalized": false,
232
+ "rstrip": true,
233
+ "single_word": false,
234
+ "special": true
235
+ },
236
+ "100285": {
237
+ "content": "<|dummy_21|>",
238
+ "lstrip": true,
239
+ "normalized": false,
240
+ "rstrip": true,
241
+ "single_word": false,
242
+ "special": true
243
+ },
244
+ "100286": {
245
+ "content": "<|dummy_22|>",
246
+ "lstrip": true,
247
+ "normalized": false,
248
+ "rstrip": true,
249
+ "single_word": false,
250
+ "special": true
251
+ },
252
+ "100287": {
253
+ "content": "<|dummy_23|>",
254
+ "lstrip": true,
255
+ "normalized": false,
256
+ "rstrip": true,
257
+ "single_word": false,
258
+ "special": true
259
+ },
260
+ "100288": {
261
+ "content": "<|dummy_24|>",
262
+ "lstrip": true,
263
+ "normalized": false,
264
+ "rstrip": true,
265
+ "single_word": false,
266
+ "special": true
267
+ },
268
+ "100289": {
269
+ "content": "<|dummy_25|>",
270
+ "lstrip": true,
271
+ "normalized": false,
272
+ "rstrip": true,
273
+ "single_word": false,
274
+ "special": true
275
+ },
276
+ "100290": {
277
+ "content": "<|dummy_26|>",
278
+ "lstrip": true,
279
+ "normalized": false,
280
+ "rstrip": true,
281
+ "single_word": false,
282
+ "special": true
283
+ },
284
+ "100291": {
285
+ "content": "<|dummy_27|>",
286
+ "lstrip": true,
287
+ "normalized": false,
288
+ "rstrip": true,
289
+ "single_word": false,
290
+ "special": true
291
+ },
292
+ "100292": {
293
+ "content": "<|dummy_28|>",
294
+ "lstrip": true,
295
+ "normalized": false,
296
+ "rstrip": true,
297
+ "single_word": false,
298
+ "special": true
299
+ },
300
+ "100293": {
301
+ "content": "<|dummy_29|>",
302
+ "lstrip": true,
303
+ "normalized": false,
304
+ "rstrip": true,
305
+ "single_word": false,
306
+ "special": true
307
+ },
308
+ "100294": {
309
+ "content": "<|dummy_30|>",
310
+ "lstrip": true,
311
+ "normalized": false,
312
+ "rstrip": true,
313
+ "single_word": false,
314
+ "special": true
315
+ },
316
+ "100295": {
317
+ "content": "<|dummy_31|>",
318
+ "lstrip": true,
319
+ "normalized": false,
320
+ "rstrip": true,
321
+ "single_word": false,
322
+ "special": true
323
+ },
324
+ "100296": {
325
+ "content": "<|dummy_32|>",
326
+ "lstrip": true,
327
+ "normalized": false,
328
+ "rstrip": true,
329
+ "single_word": false,
330
+ "special": true
331
+ },
332
+ "100297": {
333
+ "content": "<|dummy_33|>",
334
+ "lstrip": true,
335
+ "normalized": false,
336
+ "rstrip": true,
337
+ "single_word": false,
338
+ "special": true
339
+ },
340
+ "100298": {
341
+ "content": "<|dummy_34|>",
342
+ "lstrip": true,
343
+ "normalized": false,
344
+ "rstrip": true,
345
+ "single_word": false,
346
+ "special": true
347
+ },
348
+ "100299": {
349
+ "content": "<|dummy_35|>",
350
+ "lstrip": true,
351
+ "normalized": false,
352
+ "rstrip": true,
353
+ "single_word": false,
354
+ "special": true
355
+ },
356
+ "100300": {
357
+ "content": "<|dummy_36|>",
358
+ "lstrip": true,
359
+ "normalized": false,
360
+ "rstrip": true,
361
+ "single_word": false,
362
+ "special": true
363
+ },
364
+ "100301": {
365
+ "content": "<|dummy_37|>",
366
+ "lstrip": true,
367
+ "normalized": false,
368
+ "rstrip": true,
369
+ "single_word": false,
370
+ "special": true
371
+ },
372
+ "100302": {
373
+ "content": "<|dummy_38|>",
374
+ "lstrip": true,
375
+ "normalized": false,
376
+ "rstrip": true,
377
+ "single_word": false,
378
+ "special": true
379
+ },
380
+ "100303": {
381
+ "content": "<|dummy_39|>",
382
+ "lstrip": true,
383
+ "normalized": false,
384
+ "rstrip": true,
385
+ "single_word": false,
386
+ "special": true
387
+ },
388
+ "100304": {
389
+ "content": "<|dummy_40|>",
390
+ "lstrip": true,
391
+ "normalized": false,
392
+ "rstrip": true,
393
+ "single_word": false,
394
+ "special": true
395
+ },
396
+ "100305": {
397
+ "content": "<|dummy_41|>",
398
+ "lstrip": true,
399
+ "normalized": false,
400
+ "rstrip": true,
401
+ "single_word": false,
402
+ "special": true
403
+ },
404
+ "100306": {
405
+ "content": "<|dummy_42|>",
406
+ "lstrip": true,
407
+ "normalized": false,
408
+ "rstrip": true,
409
+ "single_word": false,
410
+ "special": true
411
+ },
412
+ "100307": {
413
+ "content": "<|dummy_43|>",
414
+ "lstrip": true,
415
+ "normalized": false,
416
+ "rstrip": true,
417
+ "single_word": false,
418
+ "special": true
419
+ },
420
+ "100308": {
421
+ "content": "<|dummy_44|>",
422
+ "lstrip": true,
423
+ "normalized": false,
424
+ "rstrip": true,
425
+ "single_word": false,
426
+ "special": true
427
+ },
428
+ "100309": {
429
+ "content": "<|dummy_45|>",
430
+ "lstrip": true,
431
+ "normalized": false,
432
+ "rstrip": true,
433
+ "single_word": false,
434
+ "special": true
435
+ },
436
+ "100310": {
437
+ "content": "<|dummy_46|>",
438
+ "lstrip": true,
439
+ "normalized": false,
440
+ "rstrip": true,
441
+ "single_word": false,
442
+ "special": true
443
+ },
444
+ "100311": {
445
+ "content": "<|dummy_47|>",
446
+ "lstrip": true,
447
+ "normalized": false,
448
+ "rstrip": true,
449
+ "single_word": false,
450
+ "special": true
451
+ },
452
+ "100312": {
453
+ "content": "<|dummy_48|>",
454
+ "lstrip": true,
455
+ "normalized": false,
456
+ "rstrip": true,
457
+ "single_word": false,
458
+ "special": true
459
+ },
460
+ "100313": {
461
+ "content": "<|dummy_49|>",
462
+ "lstrip": true,
463
+ "normalized": false,
464
+ "rstrip": true,
465
+ "single_word": false,
466
+ "special": true
467
+ },
468
+ "100314": {
469
+ "content": "<|dummy_50|>",
470
+ "lstrip": true,
471
+ "normalized": false,
472
+ "rstrip": true,
473
+ "single_word": false,
474
+ "special": true
475
+ },
476
+ "100315": {
477
+ "content": "<|dummy_51|>",
478
+ "lstrip": true,
479
+ "normalized": false,
480
+ "rstrip": true,
481
+ "single_word": false,
482
+ "special": true
483
+ },
484
+ "100316": {
485
+ "content": "<|dummy_52|>",
486
+ "lstrip": true,
487
+ "normalized": false,
488
+ "rstrip": true,
489
+ "single_word": false,
490
+ "special": true
491
+ },
492
+ "100317": {
493
+ "content": "<|dummy_53|>",
494
+ "lstrip": true,
495
+ "normalized": false,
496
+ "rstrip": true,
497
+ "single_word": false,
498
+ "special": true
499
+ },
500
+ "100318": {
501
+ "content": "<|dummy_54|>",
502
+ "lstrip": true,
503
+ "normalized": false,
504
+ "rstrip": true,
505
+ "single_word": false,
506
+ "special": true
507
+ },
508
+ "100319": {
509
+ "content": "<|dummy_55|>",
510
+ "lstrip": true,
511
+ "normalized": false,
512
+ "rstrip": true,
513
+ "single_word": false,
514
+ "special": true
515
+ },
516
+ "100320": {
517
+ "content": "<|dummy_56|>",
518
+ "lstrip": true,
519
+ "normalized": false,
520
+ "rstrip": true,
521
+ "single_word": false,
522
+ "special": true
523
+ },
524
+ "100321": {
525
+ "content": "<|dummy_57|>",
526
+ "lstrip": true,
527
+ "normalized": false,
528
+ "rstrip": true,
529
+ "single_word": false,
530
+ "special": true
531
+ },
532
+ "100322": {
533
+ "content": "<|dummy_58|>",
534
+ "lstrip": true,
535
+ "normalized": false,
536
+ "rstrip": true,
537
+ "single_word": false,
538
+ "special": true
539
+ },
540
+ "100323": {
541
+ "content": "<|dummy_59|>",
542
+ "lstrip": true,
543
+ "normalized": false,
544
+ "rstrip": true,
545
+ "single_word": false,
546
+ "special": true
547
+ },
548
+ "100324": {
549
+ "content": "<|dummy_60|>",
550
+ "lstrip": true,
551
+ "normalized": false,
552
+ "rstrip": true,
553
+ "single_word": false,
554
+ "special": true
555
+ },
556
+ "100325": {
557
+ "content": "<|dummy_61|>",
558
+ "lstrip": true,
559
+ "normalized": false,
560
+ "rstrip": true,
561
+ "single_word": false,
562
+ "special": true
563
+ },
564
+ "100326": {
565
+ "content": "<|dummy_62|>",
566
+ "lstrip": true,
567
+ "normalized": false,
568
+ "rstrip": true,
569
+ "single_word": false,
570
+ "special": true
571
+ },
572
+ "100327": {
573
+ "content": "<|dummy_63|>",
574
+ "lstrip": true,
575
+ "normalized": false,
576
+ "rstrip": true,
577
+ "single_word": false,
578
+ "special": true
579
+ },
580
+ "100328": {
581
+ "content": "<|dummy_64|>",
582
+ "lstrip": true,
583
+ "normalized": false,
584
+ "rstrip": true,
585
+ "single_word": false,
586
+ "special": true
587
+ },
588
+ "100329": {
589
+ "content": "<|dummy_65|>",
590
+ "lstrip": true,
591
+ "normalized": false,
592
+ "rstrip": true,
593
+ "single_word": false,
594
+ "special": true
595
+ },
596
+ "100330": {
597
+ "content": "<|dummy_66|>",
598
+ "lstrip": true,
599
+ "normalized": false,
600
+ "rstrip": true,
601
+ "single_word": false,
602
+ "special": true
603
+ },
604
+ "100331": {
605
+ "content": "<|dummy_67|>",
606
+ "lstrip": true,
607
+ "normalized": false,
608
+ "rstrip": true,
609
+ "single_word": false,
610
+ "special": true
611
+ },
612
+ "100332": {
613
+ "content": "<|dummy_68|>",
614
+ "lstrip": true,
615
+ "normalized": false,
616
+ "rstrip": true,
617
+ "single_word": false,
618
+ "special": true
619
+ },
620
+ "100333": {
621
+ "content": "<|dummy_69|>",
622
+ "lstrip": true,
623
+ "normalized": false,
624
+ "rstrip": true,
625
+ "single_word": false,
626
+ "special": true
627
+ },
628
+ "100334": {
629
+ "content": "<|dummy_70|>",
630
+ "lstrip": true,
631
+ "normalized": false,
632
+ "rstrip": true,
633
+ "single_word": false,
634
+ "special": true
635
+ },
636
+ "100335": {
637
+ "content": "<|dummy_71|>",
638
+ "lstrip": true,
639
+ "normalized": false,
640
+ "rstrip": true,
641
+ "single_word": false,
642
+ "special": true
643
+ },
644
+ "100336": {
645
+ "content": "<|dummy_72|>",
646
+ "lstrip": true,
647
+ "normalized": false,
648
+ "rstrip": true,
649
+ "single_word": false,
650
+ "special": true
651
+ },
652
+ "100337": {
653
+ "content": "<|dummy_73|>",
654
+ "lstrip": true,
655
+ "normalized": false,
656
+ "rstrip": true,
657
+ "single_word": false,
658
+ "special": true
659
+ },
660
+ "100338": {
661
+ "content": "<|dummy_74|>",
662
+ "lstrip": true,
663
+ "normalized": false,
664
+ "rstrip": true,
665
+ "single_word": false,
666
+ "special": true
667
+ },
668
+ "100339": {
669
+ "content": "<|dummy_75|>",
670
+ "lstrip": true,
671
+ "normalized": false,
672
+ "rstrip": true,
673
+ "single_word": false,
674
+ "special": true
675
+ },
676
+ "100340": {
677
+ "content": "<|dummy_76|>",
678
+ "lstrip": true,
679
+ "normalized": false,
680
+ "rstrip": true,
681
+ "single_word": false,
682
+ "special": true
683
+ },
684
+ "100341": {
685
+ "content": "<|dummy_77|>",
686
+ "lstrip": true,
687
+ "normalized": false,
688
+ "rstrip": true,
689
+ "single_word": false,
690
+ "special": true
691
+ },
692
+ "100342": {
693
+ "content": "<|dummy_78|>",
694
+ "lstrip": true,
695
+ "normalized": false,
696
+ "rstrip": true,
697
+ "single_word": false,
698
+ "special": true
699
+ },
700
+ "100343": {
701
+ "content": "<|dummy_79|>",
702
+ "lstrip": true,
703
+ "normalized": false,
704
+ "rstrip": true,
705
+ "single_word": false,
706
+ "special": true
707
+ },
708
+ "100344": {
709
+ "content": "<|dummy_80|>",
710
+ "lstrip": true,
711
+ "normalized": false,
712
+ "rstrip": true,
713
+ "single_word": false,
714
+ "special": true
715
+ },
716
+ "100345": {
717
+ "content": "<|dummy_81|>",
718
+ "lstrip": true,
719
+ "normalized": false,
720
+ "rstrip": true,
721
+ "single_word": false,
722
+ "special": true
723
+ },
724
+ "100346": {
725
+ "content": "<|dummy_82|>",
726
+ "lstrip": true,
727
+ "normalized": false,
728
+ "rstrip": true,
729
+ "single_word": false,
730
+ "special": true
731
+ },
732
+ "100347": {
733
+ "content": "<|dummy_83|>",
734
+ "lstrip": true,
735
+ "normalized": false,
736
+ "rstrip": true,
737
+ "single_word": false,
738
+ "special": true
739
+ },
740
+ "100348": {
741
+ "content": "<|dummy_84|>",
742
+ "lstrip": true,
743
+ "normalized": false,
744
+ "rstrip": true,
745
+ "single_word": false,
746
+ "special": true
747
+ },
748
+ "100349": {
749
+ "content": "<|dummy_85|>",
750
+ "lstrip": true,
751
+ "normalized": false,
752
+ "rstrip": true,
753
+ "single_word": false,
754
+ "special": true
755
+ },
756
+ "100350": {
757
+ "content": "<|dummy_86|>",
758
+ "lstrip": true,
759
+ "normalized": false,
760
+ "rstrip": true,
761
+ "single_word": false,
762
+ "special": true
763
+ },
764
+ "100351": {
765
+ "content": "<|dummy_87|>",
766
+ "lstrip": true,
767
+ "normalized": false,
768
+ "rstrip": true,
769
+ "single_word": false,
770
+ "special": true
771
+ }
772
+ },
773
+ "bos_token": "<|endoftext|>",
774
+ "clean_up_tokenization_spaces": false,
775
+ "eos_token": "<|im_end|>",
776
+ "extra_special_tokens": {},
777
+ "model_max_length": 16384,
778
+ "pad_token": "<|dummy_85|>",
779
+ "tokenizer_class": "GPT2Tokenizer",
780
+ "unk_token": "<|endoftext|>"
781
+ }
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a10e11880d648e57d64aa19147b52e24233959492bed2477dac4079dc15734aa
3
+ size 5841
vocab.json ADDED
The diff for this file is too large to render. See raw diff