Plasmoxy commited on
Commit
f1be931
1 Parent(s): 536fa10

End of training

Browse files
README.md ADDED
@@ -0,0 +1,86 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ library_name: transformers
3
+ license: apache-2.0
4
+ base_model: google/mt5-small
5
+ tags:
6
+ - generated_from_trainer
7
+ model-index:
8
+ - name: mt5-small-gigatrue-layercut-D456
9
+ results: []
10
+ ---
11
+
12
+ <!-- This model card has been generated automatically according to the information the Trainer had access to. You
13
+ should probably proofread and complete it, then remove this comment. -->
14
+
15
+ # mt5-small-gigatrue-layercut-D456
16
+
17
+ This model is a fine-tuned version of [google/mt5-small](https://huggingface.co/google/mt5-small) on an unknown dataset.
18
+ It achieves the following results on the evaluation set:
19
+ - Loss: 2.6214
20
+
21
+ ## Model description
22
+
23
+ More information needed
24
+
25
+ ## Intended uses & limitations
26
+
27
+ More information needed
28
+
29
+ ## Training and evaluation data
30
+
31
+ More information needed
32
+
33
+ ## Training procedure
34
+
35
+ ### Training hyperparameters
36
+
37
+ The following hyperparameters were used during training:
38
+ - learning_rate: 0.0003
39
+ - train_batch_size: 128
40
+ - eval_batch_size: 128
41
+ - seed: 42
42
+ - optimizer: Adam with betas=(0.9,0.999) and epsilon=1e-08
43
+ - lr_scheduler_type: linear
44
+ - num_epochs: 3
45
+
46
+ ### Training results
47
+
48
+ | Training Loss | Epoch | Step | Validation Loss |
49
+ |:-------------:|:------:|:-----:|:---------------:|
50
+ | 4.249 | 0.1015 | 3000 | 2.7814 |
51
+ | 3.4936 | 0.2030 | 6000 | 2.7083 |
52
+ | 3.4312 | 0.3044 | 9000 | 2.6841 |
53
+ | 3.4015 | 0.4059 | 12000 | 2.6656 |
54
+ | 3.3795 | 0.5074 | 15000 | 2.6510 |
55
+ | 3.3716 | 0.6089 | 18000 | 2.6407 |
56
+ | 3.3644 | 0.7104 | 21000 | 2.6435 |
57
+ | 3.3595 | 0.8119 | 24000 | 2.6354 |
58
+ | 3.3534 | 0.9133 | 27000 | 2.6312 |
59
+ | 3.3522 | 1.0148 | 30000 | 2.6333 |
60
+ | 3.3501 | 1.1163 | 33000 | 2.6283 |
61
+ | 3.3451 | 1.2178 | 36000 | 2.6231 |
62
+ | 3.344 | 1.3193 | 39000 | 2.6240 |
63
+ | 3.3423 | 1.4207 | 42000 | 2.6217 |
64
+ | 3.3419 | 1.5222 | 45000 | 2.6252 |
65
+ | 3.3366 | 1.6237 | 48000 | 2.6247 |
66
+ | 3.3399 | 1.7252 | 51000 | 2.6215 |
67
+ | 3.3344 | 1.8267 | 54000 | 2.6219 |
68
+ | 3.337 | 1.9282 | 57000 | 2.6212 |
69
+ | 3.3394 | 2.0296 | 60000 | 2.6211 |
70
+ | 3.3393 | 2.1311 | 63000 | 2.6212 |
71
+ | 3.3353 | 2.2326 | 66000 | 2.6227 |
72
+ | 3.3369 | 2.3341 | 69000 | 2.6227 |
73
+ | 3.3348 | 2.4356 | 72000 | 2.6220 |
74
+ | 3.3358 | 2.5370 | 75000 | 2.6211 |
75
+ | 3.3377 | 2.6385 | 78000 | 2.6211 |
76
+ | 3.3336 | 2.7400 | 81000 | 2.6218 |
77
+ | 3.3359 | 2.8415 | 84000 | 2.6216 |
78
+ | 3.3368 | 2.9430 | 87000 | 2.6214 |
79
+
80
+
81
+ ### Framework versions
82
+
83
+ - Transformers 4.45.2
84
+ - Pytorch 2.5.1
85
+ - Datasets 3.2.0
86
+ - Tokenizers 0.20.3
config.json ADDED
@@ -0,0 +1,32 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "google/mt5-small",
3
+ "architectures": [
4
+ "MT5ForConditionalGeneration"
5
+ ],
6
+ "classifier_dropout": 0.0,
7
+ "d_ff": 1024,
8
+ "d_kv": 64,
9
+ "d_model": 512,
10
+ "decoder_start_token_id": 0,
11
+ "dense_act_fn": "gelu_new",
12
+ "dropout_rate": 0.1,
13
+ "eos_token_id": 1,
14
+ "feed_forward_proj": "gated-gelu",
15
+ "initializer_factor": 1.0,
16
+ "is_encoder_decoder": true,
17
+ "is_gated_act": true,
18
+ "layer_norm_epsilon": 1e-06,
19
+ "model_type": "mt5",
20
+ "num_decoder_layers": 5,
21
+ "num_heads": 6,
22
+ "num_layers": 8,
23
+ "pad_token_id": 0,
24
+ "relative_attention_max_distance": 128,
25
+ "relative_attention_num_buckets": 32,
26
+ "tie_word_embeddings": false,
27
+ "tokenizer_class": "T5Tokenizer",
28
+ "torch_dtype": "bfloat16",
29
+ "transformers_version": "4.45.2",
30
+ "use_cache": true,
31
+ "vocab_size": 250112
32
+ }
coreconfig.json ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "out_name": "mt5-small-gigatrue-layercut-D456",
3
+ "model_archetype": "mt5",
4
+ "model_name": "google/mt5-small",
5
+ "tokenizer_name": "google/mt5-small",
6
+ "model_torch_dtype": "bfloat16",
7
+ "dataset_lang": "en",
8
+ "dataset_name": "Plasmoxy/gigatrue",
9
+ "dataset_tokenized_cache_name": "gigatrue_tokenized_mt5_110-35",
10
+ "use_half_val_dataset": true,
11
+ "max_input_length": 110,
12
+ "max_target_length": 35,
13
+ "batch_size": 128,
14
+ "learning_rate": 0.0003,
15
+ "num_train_epochs": 3,
16
+ "pkg_versions": {
17
+ "optimum": "1.23.3",
18
+ "transformers": "4.45.2",
19
+ "openvino": "2024.6.0",
20
+ "nncf": "2.14.1",
21
+ "torch": "2.5.1",
22
+ "datasets": "3.2.0",
23
+ "peft": "0.13.3.dev0"
24
+ }
25
+ }
generation_config.json ADDED
@@ -0,0 +1,7 @@
 
 
 
 
 
 
 
 
1
+ {
2
+ "_from_model_config": true,
3
+ "decoder_start_token_id": 0,
4
+ "eos_token_id": 1,
5
+ "pad_token_id": 0,
6
+ "transformers_version": "4.45.2"
7
+ }
logs/events.out.tfevents.1735215368.gna4000.497884.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:16ba6db7c3d9d62c0653b9f7fe66c7a67c66c4388dab2f11ce245ff286d55850
3
+ size 20064
model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:162e7574c6dfddb4e9c49f48117e10d2181e18ae14260e9105ddfff2d1386839
3
+ size 581487424
nvidia_smi_early.log ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Thu Dec 26 13:16:38 2024
2
+ +-----------------------------------------------------------------------------------------+
3
+ | NVIDIA-SMI 550.127.08 Driver Version: 550.127.08 CUDA Version: 12.4 |
4
+ |-----------------------------------------+------------------------+----------------------+
5
+ | GPU Name Persistence-M | Bus-Id Disp.A | Volatile Uncorr. ECC |
6
+ | Fan Temp Perf Pwr:Usage/Cap | Memory-Usage | GPU-Util Compute M. |
7
+ | | | MIG M. |
8
+ |=========================================+========================+======================|
9
+ | 0 NVIDIA RTX A4000 Off | 00000000:01:00.0 Off | Off |
10
+ | 44% 68C P2 135W / 140W | 14635MiB / 16376MiB | 99% Default |
11
+ | | | N/A |
12
+ +-----------------------------------------+------------------------+----------------------+
13
+
14
+ +-----------------------------------------------------------------------------------------+
15
+ | Processes: |
16
+ | GPU GI CI PID Type Process name GPU Memory |
17
+ | ID ID Usage |
18
+ |=========================================================================================|
19
+ | 0 N/A N/A 76833 G /usr/lib/xorg/Xorg 4MiB |
20
+ | 0 N/A N/A 497884 C ...ik/miniforge3/envs/alpha/bin/python 14620MiB |
21
+ +-----------------------------------------------------------------------------------------+
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:87c4cdceef192d07af078ec8f511b1f536893488704b44f5ba4d95e946016d8e
3
+ size 5368
training_args.json ADDED
@@ -0,0 +1,147 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "output_dir": "out_models/mt5-small-gigatrue-layercut-D456",
3
+ "overwrite_output_dir": false,
4
+ "do_train": false,
5
+ "do_eval": true,
6
+ "do_predict": false,
7
+ "eval_strategy": "steps",
8
+ "prediction_loss_only": false,
9
+ "per_device_train_batch_size": 128,
10
+ "per_device_eval_batch_size": 128,
11
+ "per_gpu_train_batch_size": null,
12
+ "per_gpu_eval_batch_size": null,
13
+ "gradient_accumulation_steps": 1,
14
+ "eval_accumulation_steps": null,
15
+ "eval_delay": 0,
16
+ "torch_empty_cache_steps": null,
17
+ "learning_rate": 0.0003,
18
+ "weight_decay": 0.0,
19
+ "adam_beta1": 0.9,
20
+ "adam_beta2": 0.999,
21
+ "adam_epsilon": 1e-08,
22
+ "max_grad_norm": 1.0,
23
+ "num_train_epochs": 3,
24
+ "max_steps": -1,
25
+ "lr_scheduler_type": "linear",
26
+ "lr_scheduler_kwargs": {},
27
+ "warmup_ratio": 0.0,
28
+ "warmup_steps": 0,
29
+ "log_level": "passive",
30
+ "log_level_replica": "warning",
31
+ "log_on_each_node": true,
32
+ "logging_dir": "out_models/mt5-small-gigatrue-layercut-D456/logs",
33
+ "logging_strategy": "steps",
34
+ "logging_first_step": true,
35
+ "logging_steps": 3000,
36
+ "logging_nan_inf_filter": true,
37
+ "save_strategy": "steps",
38
+ "save_steps": 3000,
39
+ "save_total_limit": null,
40
+ "save_safetensors": true,
41
+ "save_on_each_node": false,
42
+ "save_only_model": false,
43
+ "restore_callback_states_from_checkpoint": false,
44
+ "no_cuda": false,
45
+ "use_cpu": false,
46
+ "use_mps_device": false,
47
+ "seed": 42,
48
+ "data_seed": null,
49
+ "jit_mode_eval": false,
50
+ "use_ipex": false,
51
+ "bf16": false,
52
+ "fp16": false,
53
+ "fp16_opt_level": "O1",
54
+ "half_precision_backend": "auto",
55
+ "bf16_full_eval": false,
56
+ "fp16_full_eval": false,
57
+ "tf32": null,
58
+ "local_rank": 0,
59
+ "ddp_backend": null,
60
+ "tpu_num_cores": null,
61
+ "tpu_metrics_debug": false,
62
+ "debug": [],
63
+ "dataloader_drop_last": false,
64
+ "eval_steps": 3000,
65
+ "dataloader_num_workers": 0,
66
+ "dataloader_prefetch_factor": null,
67
+ "past_index": -1,
68
+ "run_name": "out_models/mt5-small-gigatrue-layercut-D456",
69
+ "disable_tqdm": false,
70
+ "remove_unused_columns": true,
71
+ "label_names": null,
72
+ "load_best_model_at_end": false,
73
+ "metric_for_best_model": null,
74
+ "greater_is_better": null,
75
+ "ignore_data_skip": false,
76
+ "fsdp": [],
77
+ "fsdp_min_num_params": 0,
78
+ "fsdp_config": {
79
+ "min_num_params": 0,
80
+ "xla": false,
81
+ "xla_fsdp_v2": false,
82
+ "xla_fsdp_grad_ckpt": false
83
+ },
84
+ "fsdp_transformer_layer_cls_to_wrap": null,
85
+ "accelerator_config": "AcceleratorConfig",
86
+ "deepspeed": null,
87
+ "label_smoothing_factor": 0.0,
88
+ "optim": "adamw_torch",
89
+ "optim_args": null,
90
+ "adafactor": false,
91
+ "group_by_length": false,
92
+ "length_column_name": "length",
93
+ "report_to": [
94
+ "tensorboard"
95
+ ],
96
+ "ddp_find_unused_parameters": null,
97
+ "ddp_bucket_cap_mb": null,
98
+ "ddp_broadcast_buffers": null,
99
+ "dataloader_pin_memory": true,
100
+ "dataloader_persistent_workers": false,
101
+ "skip_memory_metrics": true,
102
+ "use_legacy_prediction_loop": false,
103
+ "push_to_hub": false,
104
+ "resume_from_checkpoint": null,
105
+ "hub_model_id": null,
106
+ "hub_strategy": "every_save",
107
+ "hub_token": null,
108
+ "hub_private_repo": false,
109
+ "hub_always_push": false,
110
+ "gradient_checkpointing": false,
111
+ "gradient_checkpointing_kwargs": null,
112
+ "include_inputs_for_metrics": false,
113
+ "eval_do_concat_batches": true,
114
+ "fp16_backend": "auto",
115
+ "evaluation_strategy": null,
116
+ "push_to_hub_model_id": null,
117
+ "push_to_hub_organization": null,
118
+ "push_to_hub_token": null,
119
+ "mp_parameters": "",
120
+ "auto_find_batch_size": false,
121
+ "full_determinism": false,
122
+ "torchdynamo": null,
123
+ "ray_scope": "last",
124
+ "ddp_timeout": 1800,
125
+ "torch_compile": false,
126
+ "torch_compile_backend": null,
127
+ "torch_compile_mode": null,
128
+ "dispatch_batches": null,
129
+ "split_batches": null,
130
+ "include_tokens_per_second": false,
131
+ "include_num_input_tokens_seen": false,
132
+ "neftune_noise_alpha": null,
133
+ "optim_target_modules": null,
134
+ "batch_eval_metrics": false,
135
+ "eval_on_start": false,
136
+ "use_liger_kernel": false,
137
+ "eval_use_gather_object": false,
138
+ "sortish_sampler": false,
139
+ "predict_with_generate": false,
140
+ "generation_max_length": null,
141
+ "generation_num_beams": null,
142
+ "generation_config": null,
143
+ "distributed_state": "PartialState",
144
+ "_n_gpu": 1,
145
+ "__cached__setup_devices": "device",
146
+ "deepspeed_plugin": null
147
+ }