mateoguaman commited on
Commit
ae71378
·
verified ·
1 Parent(s): 809fe5c

Training in progress, epoch 1

Browse files
.gitattributes CHANGED
@@ -33,3 +33,4 @@ saved_model/**/* filter=lfs diff=lfs merge=lfs -text
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
 
 
33
  *.zip filter=lfs diff=lfs merge=lfs -text
34
  *.zst filter=lfs diff=lfs merge=lfs -text
35
  *tfevents* filter=lfs diff=lfs merge=lfs -text
36
+ tokenizer.json filter=lfs diff=lfs merge=lfs -text
adapter_config.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "alpha_pattern": {},
3
+ "auto_mapping": null,
4
+ "base_model_name_or_path": "google/paligemma2-3b-pt-224",
5
+ "bias": "none",
6
+ "eva_config": null,
7
+ "exclude_modules": null,
8
+ "fan_in_fan_out": false,
9
+ "inference_mode": true,
10
+ "init_lora_weights": true,
11
+ "layer_replication": null,
12
+ "layers_pattern": null,
13
+ "layers_to_transform": null,
14
+ "loftq_config": {},
15
+ "lora_alpha": 16,
16
+ "lora_bias": false,
17
+ "lora_dropout": 0.05,
18
+ "megatron_config": null,
19
+ "megatron_core": "megatron.core",
20
+ "modules_to_save": null,
21
+ "peft_type": "LORA",
22
+ "r": 16,
23
+ "rank_pattern": {},
24
+ "revision": null,
25
+ "target_modules": [
26
+ "gate_proj",
27
+ "o_proj",
28
+ "k_proj",
29
+ "down_proj",
30
+ "v_proj",
31
+ "q_proj",
32
+ "up_proj"
33
+ ],
34
+ "task_type": "CAUSAL_LM",
35
+ "use_dora": false,
36
+ "use_rslora": false
37
+ }
adapter_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:86051dfcf3a199c555a185c5424ecf63aabfe2770be0255dd5943cab27f285f1
3
+ size 95091000
preprocessor_config.json ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "do_convert_rgb": null,
3
+ "do_normalize": true,
4
+ "do_rescale": true,
5
+ "do_resize": true,
6
+ "image_mean": [
7
+ 0.5,
8
+ 0.5,
9
+ 0.5
10
+ ],
11
+ "image_processor_type": "SiglipImageProcessor",
12
+ "image_seq_length": 256,
13
+ "image_std": [
14
+ 0.5,
15
+ 0.5,
16
+ 0.5
17
+ ],
18
+ "processor_class": "PaliGemmaProcessor",
19
+ "resample": 3,
20
+ "rescale_factor": 0.00392156862745098,
21
+ "size": {
22
+ "height": 224,
23
+ "width": 224
24
+ }
25
+ }
special_tokens_map.json ADDED
@@ -0,0 +1,39 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "additional_special_tokens": [
3
+ {
4
+ "content": "<image>",
5
+ "lstrip": false,
6
+ "normalized": false,
7
+ "rstrip": false,
8
+ "single_word": false
9
+ }
10
+ ],
11
+ "bos_token": {
12
+ "content": "<bos>",
13
+ "lstrip": false,
14
+ "normalized": false,
15
+ "rstrip": false,
16
+ "single_word": false
17
+ },
18
+ "eos_token": {
19
+ "content": "<eos>",
20
+ "lstrip": false,
21
+ "normalized": false,
22
+ "rstrip": false,
23
+ "single_word": false
24
+ },
25
+ "pad_token": {
26
+ "content": "<pad>",
27
+ "lstrip": false,
28
+ "normalized": false,
29
+ "rstrip": false,
30
+ "single_word": false
31
+ },
32
+ "unk_token": {
33
+ "content": "<unk>",
34
+ "lstrip": false,
35
+ "normalized": false,
36
+ "rstrip": false,
37
+ "single_word": false
38
+ }
39
+ }
tokenizer.json ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b648d11e0879b11659e6b4051f691752c0cef597a865c6fde5b318b9f68c1d05
3
+ size 34600974
tokenizer_config.json ADDED
The diff for this file is too large to render. See raw diff
 
training.log ADDED
@@ -0,0 +1,182 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ 2025-04-26 07:35:19 - WARNING - __main__ - Process rank: 2, device: cuda:2, n_gpu: 1 distributed training: True, 16-bits training: False
2
+ 2025-04-26 07:35:19 - WARNING - __main__ - Process rank: 1, device: cuda:1, n_gpu: 1 distributed training: True, 16-bits training: False
3
+ 2025-04-26 07:35:19 - WARNING - __main__ - Process rank: 3, device: cuda:3, n_gpu: 1 distributed training: True, 16-bits training: False
4
+ 2025-04-26 07:35:20 - WARNING - __main__ - Process rank: 0, device: cuda:0, n_gpu: 1 distributed training: True, 16-bits training: False
5
+ 2025-04-26 07:35:20 - INFO - __main__ - Model parameters ModelArguments(base_model_revision=None, model_name_or_path='google/paligemma2-3b-pt-224', model_revision='main', model_code_revision=None, torch_dtype='bfloat16', tokenizer_name_or_path=None, processor_name_or_path=None, trust_remote_code=False, attn_implementation='eager', use_peft=True, lora_r=16, lora_alpha=16, lora_dropout=0.05, lora_target_modules=['q_proj', 'k_proj', 'v_proj', 'o_proj', 'gate_proj', 'up_proj', 'down_proj'], lora_modules_to_save=None, load_in_8bit=False, load_in_4bit=False, bnb_4bit_quant_type='nf4', use_bnb_nested_quant=False, bnb_4bit_quant_storage='uint8')
6
+ 2025-04-26 07:35:20 - INFO - __main__ - Data parameters DataArguments(chat_template=None, dataset_mixer={'mateoguaman/iphone_every1_100pct_rdp': 1.0}, eval_dataset_mixer={'mateoguaman/iphone_every1_100pct_rdp': 1.0}, text_column='text', dataset_splits=['train', 'test'], train_splits=['train'], validation_splits=['validation'], processing_params={}, dataset_configs=None, preprocessing_num_workers=12, truncation_side=None, auto_insert_empty_system_msg=True, auto_set_chat_template=False, cache_dataset_only=False, just_combine_data=False, output_dataset_name=None, output_dataset_description=None, hf_entity='mateoguaman')
7
+ 2025-04-26 07:35:20 - INFO - __main__ - Training/evaluation parameters SFTConfig(
8
+ _n_gpu=1,
9
+ accelerator_config={'split_batches': False, 'dispatch_batches': None, 'even_batches': True, 'use_seedable_sampler': True, 'non_blocking': False, 'gradient_accumulation_kwargs': None, 'use_configured_state': False},
10
+ adafactor=False,
11
+ adam_beta1=0.9,
12
+ adam_beta2=0.999,
13
+ adam_epsilon=1e-08,
14
+ auto_find_batch_size=False,
15
+ average_tokens_across_devices=False,
16
+ batch_eval_metrics=False,
17
+ bf16=True,
18
+ bf16_full_eval=False,
19
+ chars_per_token=<CHARS_PER_TOKEN>,
20
+ data_seed=None,
21
+ dataloader_drop_last=False,
22
+ dataloader_num_workers=0,
23
+ dataloader_persistent_workers=False,
24
+ dataloader_pin_memory=True,
25
+ dataloader_prefetch_factor=None,
26
+ dataset_batch_size=None,
27
+ dataset_kwargs=None,
28
+ dataset_num_proc=None,
29
+ dataset_text_field=text,
30
+ ddp_backend=None,
31
+ ddp_broadcast_buffers=None,
32
+ ddp_bucket_cap_mb=None,
33
+ ddp_find_unused_parameters=None,
34
+ ddp_timeout=1800,
35
+ debug=[],
36
+ deepspeed=None,
37
+ disable_tqdm=False,
38
+ dispatch_batches=None,
39
+ do_eval=True,
40
+ do_predict=False,
41
+ do_train=False,
42
+ eval_accumulation_steps=None,
43
+ eval_delay=0,
44
+ eval_do_concat_batches=True,
45
+ eval_on_start=False,
46
+ eval_packing=None,
47
+ eval_steps=None,
48
+ eval_strategy=IntervalStrategy.EPOCH,
49
+ eval_use_gather_object=False,
50
+ evaluation_strategy=None,
51
+ fp16=False,
52
+ fp16_backend=auto,
53
+ fp16_full_eval=False,
54
+ fp16_opt_level=O1,
55
+ fsdp=[],
56
+ fsdp_config={'min_num_params': 0, 'xla': False, 'xla_fsdp_v2': False, 'xla_fsdp_grad_ckpt': False},
57
+ fsdp_min_num_params=0,
58
+ fsdp_transformer_layer_cls_to_wrap=None,
59
+ full_determinism=False,
60
+ gradient_accumulation_steps=1,
61
+ gradient_checkpointing=False,
62
+ gradient_checkpointing_kwargs=None,
63
+ greater_is_better=False,
64
+ group_by_length=False,
65
+ half_precision_backend=auto,
66
+ hub_always_push=False,
67
+ hub_model_id=paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp,
68
+ hub_model_revision=main,
69
+ hub_private_repo=None,
70
+ hub_strategy=HubStrategy.EVERY_SAVE,
71
+ hub_token=<HUB_TOKEN>,
72
+ ignore_data_skip=False,
73
+ include_for_metrics=[],
74
+ include_inputs_for_metrics=False,
75
+ include_num_input_tokens_seen=False,
76
+ include_tokens_per_second=False,
77
+ jit_mode_eval=False,
78
+ label_names=None,
79
+ label_smoothing_factor=0.0,
80
+ learning_rate=0.0001,
81
+ length_column_name=length,
82
+ load_best_model_at_end=True,
83
+ local_rank=0,
84
+ log_level=info,
85
+ log_level_replica=warning,
86
+ log_on_each_node=True,
87
+ logging_dir=data/paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp/runs/Apr26_07-35-18_g3040,
88
+ logging_first_step=True,
89
+ logging_nan_inf_filter=True,
90
+ logging_steps=20,
91
+ logging_strategy=IntervalStrategy.STEPS,
92
+ lr_scheduler_kwargs={},
93
+ lr_scheduler_type=SchedulerType.COSINE,
94
+ max_grad_norm=1.0,
95
+ max_seq_length=2048,
96
+ max_steps=-1,
97
+ metric_for_best_model=loss,
98
+ model_init_kwargs=None,
99
+ mp_parameters=,
100
+ neftune_noise_alpha=None,
101
+ no_cuda=False,
102
+ num_of_sequences=None,
103
+ num_train_epochs=5,
104
+ optim=OptimizerNames.ADAMW_TORCH,
105
+ optim_args=None,
106
+ optim_target_modules=None,
107
+ output_dir=data/paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp,
108
+ overwrite_output_dir=True,
109
+ packing=True,
110
+ past_index=-1,
111
+ per_device_eval_batch_size=8,
112
+ per_device_train_batch_size=8,
113
+ prediction_loss_only=False,
114
+ push_to_hub=True,
115
+ push_to_hub_model_id=None,
116
+ push_to_hub_organization=None,
117
+ push_to_hub_token=<PUSH_TO_HUB_TOKEN>,
118
+ ray_scope=last,
119
+ remove_unused_columns=True,
120
+ report_to=['wandb'],
121
+ restore_callback_states_from_checkpoint=False,
122
+ resume_from_checkpoint=None,
123
+ run_name=data/paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp,
124
+ save_on_each_node=False,
125
+ save_only_model=False,
126
+ save_safetensors=True,
127
+ save_steps=500,
128
+ save_strategy=SaveStrategy.EPOCH,
129
+ save_total_limit=None,
130
+ seed=42,
131
+ skip_memory_metrics=True,
132
+ split_batches=None,
133
+ tf32=None,
134
+ torch_compile=False,
135
+ torch_compile_backend=None,
136
+ torch_compile_mode=None,
137
+ torch_empty_cache_steps=None,
138
+ torchdynamo=None,
139
+ tpu_metrics_debug=False,
140
+ tpu_num_cores=None,
141
+ use_cpu=False,
142
+ use_ipex=False,
143
+ use_legacy_prediction_loop=False,
144
+ use_liger=False,
145
+ use_liger_kernel=False,
146
+ use_mps_device=False,
147
+ warmup_ratio=0.1,
148
+ warmup_steps=0,
149
+ weight_decay=1e-05,
150
+ )
151
+ 2025-04-26 07:35:26 - INFO - datasets.builder - Overwrite dataset info from restored data version if exists.
152
+ 2025-04-26 07:35:26 - INFO - datasets.info - Loading Dataset info from /gscratch/weirdlab/mateogc/huggingface/datasets/mateoguaman___iphone_every1_100pct_rdp/default/0.0.0/b0be11971884aa8183a213b2bdfc2e77d530c3c3
153
+ 2025-04-26 07:35:26 - INFO - datasets.builder - Found cached dataset iphone_every1_100pct_rdp (/gscratch/weirdlab/mateogc/huggingface/datasets/mateoguaman___iphone_every1_100pct_rdp/default/0.0.0/b0be11971884aa8183a213b2bdfc2e77d530c3c3)
154
+ 2025-04-26 07:35:26 - INFO - datasets.info - Loading Dataset info from /gscratch/weirdlab/mateogc/huggingface/datasets/mateoguaman___iphone_every1_100pct_rdp/default/0.0.0/b0be11971884aa8183a213b2bdfc2e77d530c3c3
155
+ 2025-04-26 07:35:28 - INFO - datasets.arrow_dataset - Caching indices mapping at /gscratch/robotics/mateogc/tmp/hf_datasets-m7jv5ob7/cache-e16b67b07f278a3b.arrow
156
+ 2025-04-26 07:35:28 - INFO - datasets.arrow_dataset - Caching indices mapping at /gscratch/robotics/mateogc/tmp/hf_datasets-m7jv5ob7/cache-2d0d33c3a0d44560.arrow
157
+ 2025-04-26 07:35:30 - INFO - datasets.builder - Overwrite dataset info from restored data version if exists.
158
+ 2025-04-26 07:35:30 - INFO - datasets.info - Loading Dataset info from /gscratch/weirdlab/mateogc/huggingface/datasets/mateoguaman___iphone_every1_100pct_rdp/default/0.0.0/b0be11971884aa8183a213b2bdfc2e77d530c3c3
159
+ 2025-04-26 07:35:30 - INFO - datasets.builder - Found cached dataset iphone_every1_100pct_rdp (/gscratch/weirdlab/mateogc/huggingface/datasets/mateoguaman___iphone_every1_100pct_rdp/default/0.0.0/b0be11971884aa8183a213b2bdfc2e77d530c3c3)
160
+ 2025-04-26 07:35:30 - INFO - datasets.info - Loading Dataset info from /gscratch/weirdlab/mateogc/huggingface/datasets/mateoguaman___iphone_every1_100pct_rdp/default/0.0.0/b0be11971884aa8183a213b2bdfc2e77d530c3c3
161
+ 2025-04-26 07:35:30 - INFO - datasets.arrow_dataset - Caching indices mapping at /gscratch/robotics/mateogc/tmp/hf_datasets-m7jv5ob7/cache-f4ab5f8d7ff56b38.arrow
162
+ 2025-04-26 07:35:30 - INFO - datasets.arrow_dataset - Caching indices mapping at /gscratch/robotics/mateogc/tmp/hf_datasets-m7jv5ob7/cache-9e700c1c439b2c27.arrow
163
+ 2025-04-26 07:35:30 - INFO - __main__ - *** Load pretrained model ***
164
+ 2025-04-26 07:35:39 - INFO - __main__ - Sample 41905 of the processed training set:
165
+
166
+ Navigate to x=<loc1018>, y=<loc0909>
167
+
168
+ <loc0900><loc0866><loc1018><loc0909>
169
+ 2025-04-26 07:35:39 - INFO - __main__ - Sample 7296 of the processed training set:
170
+
171
+ Navigate to x=<loc0008>, y=<loc0409>
172
+
173
+ <loc0637><loc0544><loc0628><loc0397><loc0008><loc0409>
174
+ 2025-04-26 07:35:39 - INFO - __main__ - Sample 1639 of the processed training set:
175
+
176
+ Navigate to x=<loc0007>, y=<loc0256>
177
+
178
+ <loc0496><loc0658><loc0395><loc0342><loc0317><loc0267><loc0007><loc0256>
179
+ 2025-04-26 07:35:40 - INFO - __main__ - Main process will handle HuggingFace Hub interactions
180
+ 2025-04-26 07:35:40 - INFO - __main__ - Loaded model is not a PeftModel. Getting PEFT config based on model_args.
181
+ 2025-04-26 07:35:41 - WARNING - accelerate.utils.other - Detected kernel version 4.18.0, which is below the recommended minimum of 5.5.0; this can cause the process to hang. It is recommended to upgrade the kernel to the minimum version or higher.
182
+ 2025-04-26 07:36:05 - INFO - __main__ - *** Train ***
training_args.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:9811b336199c66ed3b6665cda95f9f4442866060aa7a85e6b6384f8bc51baaa4
3
+ size 5752
training_config.json ADDED
@@ -0,0 +1,236 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "model_args": {
3
+ "base_model_revision": null,
4
+ "model_name_or_path": "google/paligemma2-3b-pt-224",
5
+ "model_revision": "main",
6
+ "model_code_revision": null,
7
+ "torch_dtype": "bfloat16",
8
+ "tokenizer_name_or_path": null,
9
+ "processor_name_or_path": null,
10
+ "trust_remote_code": false,
11
+ "attn_implementation": "eager",
12
+ "use_peft": true,
13
+ "lora_r": 16,
14
+ "lora_alpha": 16,
15
+ "lora_dropout": 0.05,
16
+ "lora_target_modules": [
17
+ "q_proj",
18
+ "k_proj",
19
+ "v_proj",
20
+ "o_proj",
21
+ "gate_proj",
22
+ "up_proj",
23
+ "down_proj"
24
+ ],
25
+ "lora_modules_to_save": null,
26
+ "load_in_8bit": false,
27
+ "load_in_4bit": false,
28
+ "bnb_4bit_quant_type": "nf4",
29
+ "use_bnb_nested_quant": false,
30
+ "bnb_4bit_quant_storage": "uint8"
31
+ },
32
+ "data_args": {
33
+ "chat_template": null,
34
+ "dataset_mixer": {
35
+ "mateoguaman/iphone_every1_100pct_rdp": 1.0
36
+ },
37
+ "eval_dataset_mixer": {
38
+ "mateoguaman/iphone_every1_100pct_rdp": 1.0
39
+ },
40
+ "text_column": "text",
41
+ "dataset_splits": [
42
+ "train",
43
+ "test"
44
+ ],
45
+ "train_splits": [
46
+ "train"
47
+ ],
48
+ "validation_splits": [
49
+ "validation"
50
+ ],
51
+ "processing_params": {},
52
+ "dataset_configs": null,
53
+ "preprocessing_num_workers": 12,
54
+ "truncation_side": null,
55
+ "auto_insert_empty_system_msg": true,
56
+ "auto_set_chat_template": false,
57
+ "cache_dataset_only": false,
58
+ "just_combine_data": false,
59
+ "output_dataset_name": null,
60
+ "output_dataset_description": null,
61
+ "hf_entity": "mateoguaman"
62
+ },
63
+ "training_args": {
64
+ "output_dir": "data/paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp",
65
+ "overwrite_output_dir": true,
66
+ "do_train": false,
67
+ "do_eval": true,
68
+ "do_predict": false,
69
+ "eval_strategy": "epoch",
70
+ "prediction_loss_only": false,
71
+ "per_device_train_batch_size": 8,
72
+ "per_device_eval_batch_size": 8,
73
+ "per_gpu_train_batch_size": null,
74
+ "per_gpu_eval_batch_size": null,
75
+ "gradient_accumulation_steps": 1,
76
+ "eval_accumulation_steps": null,
77
+ "eval_delay": 0,
78
+ "torch_empty_cache_steps": null,
79
+ "learning_rate": 0.0001,
80
+ "weight_decay": 1e-05,
81
+ "adam_beta1": 0.9,
82
+ "adam_beta2": 0.999,
83
+ "adam_epsilon": 1e-08,
84
+ "max_grad_norm": 1.0,
85
+ "num_train_epochs": 5,
86
+ "max_steps": -1,
87
+ "lr_scheduler_type": "cosine",
88
+ "lr_scheduler_kwargs": {},
89
+ "warmup_ratio": 0.1,
90
+ "warmup_steps": 0,
91
+ "log_level": "info",
92
+ "log_level_replica": "warning",
93
+ "log_on_each_node": true,
94
+ "logging_dir": "data/paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp/runs/Apr26_07-35-18_g3040",
95
+ "logging_strategy": "steps",
96
+ "logging_first_step": true,
97
+ "logging_steps": 20,
98
+ "logging_nan_inf_filter": true,
99
+ "save_strategy": "epoch",
100
+ "save_steps": 500,
101
+ "save_total_limit": null,
102
+ "save_safetensors": true,
103
+ "save_on_each_node": false,
104
+ "save_only_model": false,
105
+ "restore_callback_states_from_checkpoint": false,
106
+ "no_cuda": false,
107
+ "use_cpu": false,
108
+ "use_mps_device": false,
109
+ "seed": 42,
110
+ "data_seed": null,
111
+ "jit_mode_eval": false,
112
+ "use_ipex": false,
113
+ "bf16": true,
114
+ "fp16": false,
115
+ "fp16_opt_level": "O1",
116
+ "half_precision_backend": "auto",
117
+ "bf16_full_eval": false,
118
+ "fp16_full_eval": false,
119
+ "tf32": null,
120
+ "local_rank": 3,
121
+ "ddp_backend": null,
122
+ "tpu_num_cores": null,
123
+ "tpu_metrics_debug": false,
124
+ "debug": [],
125
+ "dataloader_drop_last": false,
126
+ "eval_steps": null,
127
+ "dataloader_num_workers": 0,
128
+ "dataloader_prefetch_factor": null,
129
+ "past_index": -1,
130
+ "run_name": "data/paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp",
131
+ "disable_tqdm": false,
132
+ "remove_unused_columns": true,
133
+ "label_names": null,
134
+ "load_best_model_at_end": true,
135
+ "metric_for_best_model": "loss",
136
+ "greater_is_better": false,
137
+ "ignore_data_skip": false,
138
+ "fsdp": [],
139
+ "fsdp_min_num_params": 0,
140
+ "fsdp_config": {
141
+ "min_num_params": 0,
142
+ "xla": false,
143
+ "xla_fsdp_v2": false,
144
+ "xla_fsdp_grad_ckpt": false
145
+ },
146
+ "fsdp_transformer_layer_cls_to_wrap": null,
147
+ "accelerator_config": {
148
+ "split_batches": false,
149
+ "dispatch_batches": null,
150
+ "even_batches": true,
151
+ "use_seedable_sampler": true,
152
+ "non_blocking": false,
153
+ "gradient_accumulation_kwargs": null
154
+ },
155
+ "deepspeed": null,
156
+ "label_smoothing_factor": 0.0,
157
+ "optim": "adamw_torch",
158
+ "optim_args": null,
159
+ "adafactor": false,
160
+ "group_by_length": false,
161
+ "length_column_name": "length",
162
+ "report_to": [
163
+ "wandb"
164
+ ],
165
+ "ddp_find_unused_parameters": null,
166
+ "ddp_bucket_cap_mb": null,
167
+ "ddp_broadcast_buffers": null,
168
+ "dataloader_pin_memory": true,
169
+ "dataloader_persistent_workers": false,
170
+ "skip_memory_metrics": true,
171
+ "use_legacy_prediction_loop": false,
172
+ "push_to_hub": true,
173
+ "resume_from_checkpoint": null,
174
+ "hub_model_id": "paligemma2-3b-pt-224-sft-lora-iphonecf-only_rdp",
175
+ "hub_strategy": "every_save",
176
+ "hub_token": null,
177
+ "hub_private_repo": null,
178
+ "hub_always_push": false,
179
+ "gradient_checkpointing": false,
180
+ "gradient_checkpointing_kwargs": null,
181
+ "include_inputs_for_metrics": false,
182
+ "include_for_metrics": [],
183
+ "eval_do_concat_batches": true,
184
+ "fp16_backend": "auto",
185
+ "evaluation_strategy": null,
186
+ "push_to_hub_model_id": null,
187
+ "push_to_hub_organization": null,
188
+ "push_to_hub_token": null,
189
+ "mp_parameters": "",
190
+ "auto_find_batch_size": false,
191
+ "full_determinism": false,
192
+ "torchdynamo": null,
193
+ "ray_scope": "last",
194
+ "ddp_timeout": 1800,
195
+ "torch_compile": false,
196
+ "torch_compile_backend": null,
197
+ "torch_compile_mode": null,
198
+ "dispatch_batches": null,
199
+ "split_batches": null,
200
+ "include_tokens_per_second": false,
201
+ "include_num_input_tokens_seen": false,
202
+ "neftune_noise_alpha": null,
203
+ "optim_target_modules": null,
204
+ "batch_eval_metrics": false,
205
+ "eval_on_start": false,
206
+ "use_liger_kernel": false,
207
+ "eval_use_gather_object": false,
208
+ "average_tokens_across_devices": false,
209
+ "model_init_kwargs": null,
210
+ "use_liger": false,
211
+ "dataset_text_field": "text",
212
+ "dataset_kwargs": null,
213
+ "dataset_num_proc": null,
214
+ "max_seq_length": 2048,
215
+ "packing": true,
216
+ "eval_packing": null,
217
+ "dataset_batch_size": null,
218
+ "num_of_sequences": null,
219
+ "chars_per_token": null,
220
+ "hub_model_revision": "main",
221
+ "distributed_state": {
222
+ "_cpu": false,
223
+ "backend": "nccl",
224
+ "device": "cuda:3",
225
+ "debug": false,
226
+ "distributed_type": "MULTI_GPU",
227
+ "num_processes": 4,
228
+ "process_index": 3,
229
+ "local_process_index": 3,
230
+ "fork_launched": false
231
+ },
232
+ "_n_gpu": 1,
233
+ "__cached__setup_devices": "cuda:3",
234
+ "deepspeed_plugin": null
235
+ }
236
+ }