Plasmoxy commited on
Commit
be98ce6
1 Parent(s): 0dd142d

End of training

Browse files
README.md CHANGED
@@ -1,5 +1,7 @@
1
  ---
2
  library_name: transformers
 
 
3
  tags:
4
  - generated_from_trainer
5
  model-index:
@@ -12,7 +14,9 @@ should probably proofread and complete it, then remove this comment. -->
12
 
13
  # flan-t5-small-gigatrue
14
 
15
- This model was trained from scratch on an unknown dataset.
 
 
16
 
17
  ## Model description
18
 
@@ -32,16 +36,36 @@ More information needed
32
 
33
  The following hyperparameters were used during training:
34
  - learning_rate: 0.0003
35
- - train_batch_size: 384
36
- - eval_batch_size: 384
37
  - seed: 42
38
- - optimizer: Use adamw_torch with betas=(0.9,0.999) and epsilon=1e-08 and optimizer_args=No additional optimizer arguments
39
  - lr_scheduler_type: linear
40
- - num_epochs: 10
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
41
 
42
  ### Framework versions
43
 
44
- - Transformers 4.48.0.dev0
45
  - Pytorch 2.5.1
46
- - Datasets 3.1.0
47
- - Tokenizers 0.21.0
 
1
  ---
2
  library_name: transformers
3
+ license: apache-2.0
4
+ base_model: google/flan-t5-small
5
  tags:
6
  - generated_from_trainer
7
  model-index:
 
14
 
15
  # flan-t5-small-gigatrue
16
 
17
+ This model is a fine-tuned version of [google/flan-t5-small](https://huggingface.co/google/flan-t5-small) on an unknown dataset.
18
+ It achieves the following results on the evaluation set:
19
+ - Loss: 2.1229
20
 
21
  ## Model description
22
 
 
36
 
37
  The following hyperparameters were used during training:
38
  - learning_rate: 0.0003
39
+ - train_batch_size: 256
40
+ - eval_batch_size: 256
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
+ | 2.5659 | 0.2030 | 3000 | 2.1724 |
51
+ | 2.4802 | 0.4059 | 6000 | 2.1500 |
52
+ | 2.4581 | 0.6089 | 9000 | 2.1390 |
53
+ | 2.4493 | 0.8119 | 12000 | 2.1325 |
54
+ | 2.4436 | 1.0148 | 15000 | 2.1282 |
55
+ | 2.4398 | 1.2178 | 18000 | 2.1255 |
56
+ | 2.437 | 1.4207 | 21000 | 2.1246 |
57
+ | 2.434 | 1.6237 | 24000 | 2.1246 |
58
+ | 2.4337 | 1.8267 | 27000 | 2.1226 |
59
+ | 2.4337 | 2.0296 | 30000 | 2.1228 |
60
+ | 2.4314 | 2.2326 | 33000 | 2.1234 |
61
+ | 2.4332 | 2.4356 | 36000 | 2.1232 |
62
+ | 2.4327 | 2.6385 | 39000 | 2.1230 |
63
+ | 2.4329 | 2.8415 | 42000 | 2.1229 |
64
+
65
 
66
  ### Framework versions
67
 
68
+ - Transformers 4.45.2
69
  - Pytorch 2.5.1
70
+ - Datasets 3.2.0
71
+ - Tokenizers 0.20.3
config.json CHANGED
@@ -1,5 +1,5 @@
1
  {
2
- "_name_or_path": "out_models/flan-t5-small-gigatrue/checkpoint-30000",
3
  "architectures": [
4
  "T5ForConditionalGeneration"
5
  ],
@@ -56,7 +56,7 @@
56
  },
57
  "tie_word_embeddings": false,
58
  "torch_dtype": "bfloat16",
59
- "transformers_version": "4.48.0.dev0",
60
  "use_cache": true,
61
  "vocab_size": 32128
62
  }
 
1
  {
2
+ "_name_or_path": "google/flan-t5-small",
3
  "architectures": [
4
  "T5ForConditionalGeneration"
5
  ],
 
56
  },
57
  "tie_word_embeddings": false,
58
  "torch_dtype": "bfloat16",
59
+ "transformers_version": "4.45.2",
60
  "use_cache": true,
61
  "vocab_size": 32128
62
  }
coreconfig.json ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "out_name": "flan-t5-small-gigatrue",
3
+ "model_archetype": "flan-t5",
4
+ "model_name": "google/flan-t5-small",
5
+ "tokenizer_name": "google/flan-t5-small",
6
+ "model_torch_dtype": "bfloat16",
7
+ "dataset_lang": "en",
8
+ "dataset_name": "Plasmoxy/gigatrue",
9
+ "dataset_tokenized_cache_name": "gigatrue_tokenized_flan_t5_110-35",
10
+ "use_half_val_dataset": true,
11
+ "max_input_length": 110,
12
+ "max_target_length": 35,
13
+ "batch_size": 256,
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 CHANGED
@@ -3,5 +3,5 @@
3
  "decoder_start_token_id": 0,
4
  "eos_token_id": 1,
5
  "pad_token_id": 0,
6
- "transformers_version": "4.48.0.dev0"
7
  }
 
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.1735302432.gna4000.525859.0 ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f851c46a719ea78e60099fa280d40061c0fbda8176d83bf0f4c1efeebfc9736b
3
+ size 13422
model.safetensors CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:5100139f82169778e467427a787e487fabfd11a17122793ec011956e0d3247a0
3
  size 153944752
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:46cd84808c92808adb657558e14514303a2fd1aeeafb163b0a1bed6a41b26c45
3
  size 153944752
nvidia_smi_early.log ADDED
@@ -0,0 +1,21 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ Fri Dec 27 13:27:42 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
+ | 51% 74C P2 138W / 140W | 14847MiB / 16376MiB | 91% 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 525859 C ...ik/miniforge3/envs/alpha/bin/python 14832MiB |
21
+ +-----------------------------------------------------------------------------------------+
training_args.bin CHANGED
@@ -1,3 +1,3 @@
1
  version https://git-lfs.github.com/spec/v1
2
- oid sha256:73ef5eeca8e3dfe9232b166b1bf9cee56e99ab18fea64088392adaea14488865
3
- size 5432
 
1
  version https://git-lfs.github.com/spec/v1
2
+ oid sha256:0d0165d5a0e9812718de38fae078cd45ae10c9d435df8eb62a31208c5e26e956
3
+ size 5368
training_args.json ADDED
@@ -0,0 +1,147 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "output_dir": "out_models/flan-t5-small-gigatrue",
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": 256,
10
+ "per_device_eval_batch_size": 256,
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/flan-t5-small-gigatrue/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/flan-t5-small-gigatrue",
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
+ }