ThatDustyGuy commited on
Commit
778e45e
·
1 Parent(s): 308a2a0

Upload Lycoris checkpoint at step 3250

Browse files
checkpoint-3250/README.md ADDED
@@ -0,0 +1,178 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ license: other
3
+ base_model: "Qwen/Qwen-Image"
4
+ tags:
5
+ - qwen_image
6
+ - qwen_image-diffusers
7
+ - text-to-image
8
+ - image-to-image
9
+ - diffusers
10
+ - simpletuner
11
+ - not-for-all-audiences
12
+ - lora
13
+
14
+ - template:sd-lora
15
+ - lycoris
16
+ pipeline_tag: text-to-image
17
+ inference: true
18
+
19
+ ---
20
+
21
+ # ThatDustyGuy/QwenImageLoKR-Personal
22
+
23
+ This is a LyCORIS adapter derived from [Qwen/Qwen-Image](https://huggingface.co/Qwen/Qwen-Image).
24
+
25
+ No validation prompt was used during training.
26
+
27
+ None
28
+
29
+
30
+
31
+ ## Validation settings
32
+ - CFG: `7.5`
33
+ - CFG Rescale: `0.0`
34
+ - Steps: `30`
35
+ - Sampler: `FlowMatchEulerDiscreteScheduler`
36
+ - Seed: `None`
37
+ - Resolution: `256`
38
+
39
+
40
+ Note: The validation settings are not necessarily the same as the [training settings](#training-settings).
41
+
42
+
43
+
44
+
45
+ <Gallery />
46
+
47
+ The text encoder **was not** trained.
48
+ You may reuse the base model text encoder for inference.
49
+
50
+
51
+ ## Training settings
52
+
53
+ - Training epochs: 2
54
+ - Training steps: 3250
55
+ - Learning rate: 0.0001
56
+ - Learning rate schedule: cosine
57
+ - Warmup steps: 250
58
+ - Max grad value: 1.0
59
+ - Effective batch size: 4
60
+ - Micro-batch size: 2
61
+ - Gradient accumulation steps: 2
62
+ - Number of GPUs: 1
63
+ - Gradient checkpointing: True
64
+ - Prediction type: flow_matching[]
65
+ - Optimizer: adamw_bf16
66
+ - Trainable parameter precision: Pure BF16
67
+ - Base model precision: `no_change`
68
+ - Caption dropout probability: 0.0%
69
+
70
+
71
+
72
+ ### LyCORIS Config:
73
+ ```json
74
+ {
75
+ "algo": "lokr",
76
+ "multiplier": 1.0,
77
+ "full_matrix": true,
78
+ "linear_dim": 16384,
79
+ "linear_alpha": 1,
80
+ "factor": 16,
81
+ "apply_preset": {
82
+ "target_module": [
83
+ "Attention",
84
+ "FeedForward"
85
+ ],
86
+ "module_algo_map": {
87
+ "FeedForward": {
88
+ "factor": 16
89
+ },
90
+ "Attention": {
91
+ "factor": 16
92
+ }
93
+ }
94
+ }
95
+ }
96
+ ```
97
+
98
+
99
+ ## Datasets
100
+
101
+ ### dlay-images
102
+ - Repeats: 15
103
+ - Total number of images: 386
104
+ - Total number of aspect buckets: 1
105
+ - Resolution: 1.048576 megapixels
106
+ - Cropped: True
107
+ - Crop style: random
108
+ - Crop aspect: square
109
+ - Used for regularisation data: No
110
+
111
+
112
+ ## Inference
113
+
114
+
115
+ ```python
116
+ import torch
117
+ from diffusers import DiffusionPipeline
118
+ from lycoris import create_lycoris_from_weights
119
+
120
+
121
+ def download_adapter(repo_id: str):
122
+ import os
123
+ from huggingface_hub import hf_hub_download
124
+ adapter_filename = "pytorch_lora_weights.safetensors"
125
+ cache_dir = os.environ.get('HF_PATH', os.path.expanduser('~/.cache/huggingface/hub/models'))
126
+ cleaned_adapter_path = repo_id.replace("/", "_").replace("\\", "_").replace(":", "_")
127
+ path_to_adapter = os.path.join(cache_dir, cleaned_adapter_path)
128
+ path_to_adapter_file = os.path.join(path_to_adapter, adapter_filename)
129
+ os.makedirs(path_to_adapter, exist_ok=True)
130
+ hf_hub_download(
131
+ repo_id=repo_id, filename=adapter_filename, local_dir=path_to_adapter
132
+ )
133
+
134
+ return path_to_adapter_file
135
+
136
+ model_id = 'Qwen/Qwen-Image'
137
+ adapter_repo_id = 'ThatDustyGuy/ThatDustyGuy/QwenImageLoKR-Personal'
138
+ adapter_filename = 'pytorch_lora_weights.safetensors'
139
+ adapter_file_path = download_adapter(repo_id=adapter_repo_id)
140
+ pipeline = DiffusionPipeline.from_pretrained(model_id, torch_dtype=torch.bfloat16) # loading directly in bf16
141
+ lora_scale = 1.0
142
+ wrapper, _ = create_lycoris_from_weights(lora_scale, adapter_file_path, pipeline.transformer)
143
+ wrapper.merge_to()
144
+
145
+ prompt = "An astronaut is riding a horse through the jungles of Thailand."
146
+ negative_prompt = 'blurry, cropped, ugly'
147
+
148
+ ## Optional: quantise the model to save on vram.
149
+ ## Note: The model was not quantised during training, so it is not necessary to quantise it during inference time.
150
+ #from optimum.quanto import quantize, freeze, qint8
151
+ #quantize(pipeline.transformer, weights=qint8)
152
+ #freeze(pipeline.transformer)
153
+
154
+ pipeline.to('cuda' if torch.cuda.is_available() else 'mps' if torch.backends.mps.is_available() else 'cpu') # the pipeline is already in its target precision level
155
+ model_output = pipeline(
156
+ prompt=prompt,
157
+ negative_prompt=negative_prompt,
158
+ num_inference_steps=30,
159
+ generator=torch.Generator(device='cuda' if torch.cuda.is_available() else 'mps' if torch.backends.mps.is_available() else 'cpu').manual_seed(42),
160
+ width=256,
161
+ height=256,
162
+ guidance_scale=7.5,
163
+ ).images[0]
164
+
165
+ model_output.save("output.png", format="PNG")
166
+
167
+ ```
168
+
169
+
170
+
171
+ ## Exponential Moving Average (EMA)
172
+
173
+ SimpleTuner generates a safetensors variant of the EMA weights and a pt file.
174
+
175
+ The safetensors file is intended to be used for inference, and the pt file is for continuing finetuning.
176
+
177
+ The EMA model may provide a more well-rounded result, but typically will feel undertrained compared to the full model as it is a running decayed average of the model weights.
178
+
checkpoint-3250/ema/ema_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:abc6c406e822791990c237c72056e1ffec31c25f140ca9a74386bfde36cbd32a
3
+ size 106799112
checkpoint-3250/lycoris_config.json ADDED
@@ -0,0 +1,22 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "algo": "lokr",
3
+ "multiplier": 1.0,
4
+ "full_matrix": true,
5
+ "linear_dim": 16384,
6
+ "linear_alpha": 1,
7
+ "factor": 16,
8
+ "apply_preset": {
9
+ "target_module": [
10
+ "Attention", "FeedForward"
11
+ ],
12
+ "module_algo_map": {
13
+ "FeedForward": {
14
+ "factor": 16
15
+ },
16
+ "Attention": {
17
+ "factor": 16
18
+ }
19
+ }
20
+ }
21
+ }
22
+
checkpoint-3250/pytorch_lora_weights.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dc3bcbe88a794930c338330fe9c0e9de22e3a3f5f2bcc2ee4f5b8688df972a70
3
+ size 106799112
checkpoint-3250/random_states_0.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:dabbc4c770b66cab2125dc697c3d3b15f3124be6b61ce8bafa6f25351d75cc2e
3
+ size 14757
checkpoint-3250/scheduler.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:43620e7b1dfb83c3bb549b841372fbd5491d6e5c7f37c9a8512829b6746498da
3
+ size 1529
checkpoint-3250/simpletuner_config.json ADDED
@@ -0,0 +1,317 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "snr_gamma": 5.0,
3
+ "use_soft_min_snr": false,
4
+ "soft_min_snr_sigma_data": null,
5
+ "model_family": "qwen_image",
6
+ "model_flavour": "v1.0",
7
+ "model_type": "lora",
8
+ "loss_type": "l2",
9
+ "huber_schedule": "snr",
10
+ "huber_c": 0.1,
11
+ "hidream_use_load_balancing_loss": false,
12
+ "hidream_load_balancing_loss_weight": null,
13
+ "flux_lora_target": "all",
14
+ "flow_sigmoid_scale": 1.0,
15
+ "flux_fast_schedule": false,
16
+ "flow_use_uniform_schedule": false,
17
+ "flow_use_beta_schedule": false,
18
+ "flow_beta_schedule_alpha": 2.0,
19
+ "flow_beta_schedule_beta": 2.0,
20
+ "flow_schedule_shift": 3,
21
+ "flow_schedule_auto_shift": false,
22
+ "flux_guidance_mode": "constant",
23
+ "flux_guidance_value": 1.0,
24
+ "flux_guidance_min": 0.0,
25
+ "flux_guidance_max": 4.0,
26
+ "flux_attention_masked_training": false,
27
+ "ltx_train_mode": "i2v",
28
+ "ltx_i2v_prob": 0.1,
29
+ "ltx_protect_first_frame": false,
30
+ "ltx_partial_noise_fraction": 0.05,
31
+ "t5_padding": "unmodified",
32
+ "sd3_clip_uncond_behaviour": "empty_string",
33
+ "sd3_t5_uncond_behaviour": null,
34
+ "lora_type": "lycoris",
35
+ "peft_lora_mode": "standard",
36
+ "singlora_ramp_up_steps": 0,
37
+ "lora_init_type": "default",
38
+ "init_lora": null,
39
+ "lora_rank": 16,
40
+ "lora_alpha": null,
41
+ "lora_dropout": 0.1,
42
+ "lycoris_config": "config/lycoris_config.json",
43
+ "init_lokr_norm": null,
44
+ "conditioning_multidataset_sampling": "random",
45
+ "control": false,
46
+ "controlnet": false,
47
+ "controlnet_custom_config": null,
48
+ "tread_config": null,
49
+ "controlnet_model_name_or_path": null,
50
+ "pretrained_model_name_or_path": "Qwen/Qwen-Image",
51
+ "pretrained_transformer_model_name_or_path": null,
52
+ "pretrained_transformer_subfolder": "transformer",
53
+ "pretrained_unet_model_name_or_path": null,
54
+ "pretrained_unet_subfolder": "unet",
55
+ "pretrained_vae_model_name_or_path": "Qwen/Qwen-Image",
56
+ "pretrained_t5_model_name_or_path": null,
57
+ "prediction_type": "flow_matching",
58
+ "snr_weight": 1.0,
59
+ "training_scheduler_timestep_spacing": "trailing",
60
+ "inference_scheduler_timestep_spacing": "trailing",
61
+ "refiner_training": false,
62
+ "refiner_training_invert_schedule": false,
63
+ "refiner_training_strength": 0.2,
64
+ "timestep_bias_strategy": "none",
65
+ "timestep_bias_multiplier": 1.0,
66
+ "timestep_bias_begin": 0,
67
+ "timestep_bias_end": 1000,
68
+ "timestep_bias_portion": 0.25,
69
+ "disable_segmented_timestep_sampling": false,
70
+ "rescale_betas_zero_snr": false,
71
+ "vae_dtype": "bf16",
72
+ "vae_batch_size": 4,
73
+ "vae_enable_tiling": false,
74
+ "vae_enable_slicing": false,
75
+ "vae_cache_scan_behaviour": "recreate",
76
+ "vae_cache_ondemand": false,
77
+ "compress_disk_cache": false,
78
+ "aspect_bucket_disable_rebuild": false,
79
+ "keep_vae_loaded": false,
80
+ "skip_file_discovery": "",
81
+ "revision": null,
82
+ "variant": null,
83
+ "preserve_data_backend_cache": false,
84
+ "use_dora": false,
85
+ "override_dataset_config": false,
86
+ "cache_dir_text": "cache",
87
+ "cache_dir_vae": "",
88
+ "data_backend_config": "config/multidatabackend-dlay.json",
89
+ "data_backend_sampling": "auto-weighting",
90
+ "ignore_missing_files": false,
91
+ "write_batch_size": 128,
92
+ "read_batch_size": 25,
93
+ "image_processing_batch_size": 32,
94
+ "enable_multiprocessing": false,
95
+ "max_workers": 32,
96
+ "aws_max_pool_connections": 128,
97
+ "torch_num_threads": 8,
98
+ "dataloader_prefetch": false,
99
+ "dataloader_prefetch_qlen": 10,
100
+ "aspect_bucket_worker_count": 12,
101
+ "cache_dir": "output/dlay-qwen-lycoris-a6000-final/cache",
102
+ "cache_clear_validation_prompts": false,
103
+ "caption_strategy": "filename",
104
+ "parquet_caption_column": null,
105
+ "parquet_filename_column": null,
106
+ "instance_prompt": null,
107
+ "output_dir": "output/dlay-qwen-lycoris-a6000-final",
108
+ "seed": 42,
109
+ "seed_for_each_device": true,
110
+ "framerate": null,
111
+ "resolution": 1024,
112
+ "resolution_type": "pixel_area",
113
+ "aspect_bucket_rounding": null,
114
+ "aspect_bucket_alignment": 32,
115
+ "minimum_image_size": null,
116
+ "maximum_image_size": null,
117
+ "target_downsample_size": null,
118
+ "train_text_encoder": false,
119
+ "tokenizer_max_length": null,
120
+ "train_batch_size": 2,
121
+ "num_train_epochs": 3,
122
+ "max_train_steps": 4000,
123
+ "ignore_final_epochs": false,
124
+ "checkpointing_steps": 250,
125
+ "checkpointing_rolling_steps": 0,
126
+ "checkpointing_use_tempdir": false,
127
+ "checkpoints_total_limit": 5,
128
+ "checkpoints_rolling_total_limit": 1,
129
+ "resume_from_checkpoint": null,
130
+ "gradient_accumulation_steps": 2,
131
+ "gradient_checkpointing": true,
132
+ "gradient_checkpointing_interval": null,
133
+ "learning_rate": 0.0001,
134
+ "text_encoder_lr": null,
135
+ "lr_scale": false,
136
+ "lr_scale_sqrt": false,
137
+ "lr_scheduler": "cosine",
138
+ "lr_warmup_steps": 250,
139
+ "lr_num_cycles": 1,
140
+ "lr_power": 0.8,
141
+ "distillation_method": null,
142
+ "distillation_config": null,
143
+ "use_ema": true,
144
+ "ema_device": "cpu",
145
+ "ema_validation": "comparison",
146
+ "ema_cpu_only": false,
147
+ "ema_foreach_disable": false,
148
+ "ema_update_interval": null,
149
+ "ema_decay": 0.999,
150
+ "non_ema_revision": null,
151
+ "offload_during_startup": false,
152
+ "offload_param_path": null,
153
+ "optimizer": "adamw_bf16",
154
+ "optimizer_config": null,
155
+ "optimizer_cpu_offload_method": "none",
156
+ "optimizer_offload_gradients": false,
157
+ "fuse_optimizer": false,
158
+ "optimizer_beta1": null,
159
+ "optimizer_beta2": null,
160
+ "optimizer_release_gradients": false,
161
+ "adam_beta1": 0.9,
162
+ "adam_beta2": 0.999,
163
+ "adam_weight_decay": 0.01,
164
+ "adam_epsilon": 1e-08,
165
+ "prodigy_steps": null,
166
+ "max_grad_norm": 1.0,
167
+ "grad_clip_method": "value",
168
+ "push_to_hub": true,
169
+ "push_checkpoints_to_hub": false,
170
+ "hub_model_id": "ThatDustyGuy/QwenImageLoKR-Personal",
171
+ "model_card_note": null,
172
+ "model_card_safe_for_work": false,
173
+ "logging_dir": "output/dlay-qwen-lycoris-a6000-final/logs",
174
+ "disable_benchmark": false,
175
+ "evaluation_type": null,
176
+ "eval_dataset_pooling": false,
177
+ "pretrained_evaluation_model_name_or_path": "openai/clip-vit-large-patch14-336",
178
+ "validation_on_startup": false,
179
+ "validation_seed_source": "cpu",
180
+ "validation_lycoris_strength": 1.0,
181
+ "validation_torch_compile": false,
182
+ "validation_torch_compile_mode": "max-autotune",
183
+ "validation_guidance_skip_layers": null,
184
+ "validation_guidance_skip_layers_start": 0.01,
185
+ "validation_guidance_skip_layers_stop": 0.2,
186
+ "validation_guidance_skip_scale": 2.8,
187
+ "sana_complex_human_instruction": [
188
+ "Given a user prompt, generate an 'Enhanced prompt' that provides detailed visual descriptions suitable for image generation. Evaluate the level of detail in the user prompt:",
189
+ "- If the prompt is simple, focus on adding specifics about colors, shapes, sizes, textures, and spatial relationships to create vivid and concrete scenes.",
190
+ "- Do not add detail that is not in the original prompt! Do not mention colors if the User Prompt does not!",
191
+ "- If the prompt is already detailed, refine and enhance the existing details slightly without overcomplicating.",
192
+ "- If the prompt contains explicit material, do not remove this information from the output, which would damage the performance of downstream classifiers.",
193
+ "Here are examples of how to transform or refine prompts:",
194
+ "- User Prompt: A cat sleeping -> Enhanced: A cat sleeping peacefully, showcasing the joy of pet ownership. Cute floof kitty cat gatto.",
195
+ "- User Prompt: A busy city street -> Enhanced: A bustling city street scene featuring a crowd of people.",
196
+ "Please generate only the enhanced description for the prompt below and avoid including any additional commentary or evaluations:",
197
+ "User Prompt: "
198
+ ],
199
+ "disable_tf32": false,
200
+ "validation_using_datasets": null,
201
+ "webhook_config": null,
202
+ "webhook_reporting_interval": null,
203
+ "report_to": "wandb",
204
+ "tracker_run_name": "simpletuner-testing",
205
+ "tracker_project_name": "simpletuner",
206
+ "tracker_image_layout": "gallery",
207
+ "validation_prompt": null,
208
+ "validation_prompt_library": false,
209
+ "user_prompt_library": null,
210
+ "validation_negative_prompt": "blurry, cropped, ugly",
211
+ "num_validation_images": 1,
212
+ "validation_disable": true,
213
+ "validation_steps": 100,
214
+ "validation_stitch_input_location": "left",
215
+ "eval_steps_interval": null,
216
+ "eval_timesteps": 28,
217
+ "num_eval_images": 4,
218
+ "eval_dataset_id": null,
219
+ "validation_num_inference_steps": 30,
220
+ "validation_num_video_frames": null,
221
+ "validation_resolution": 256,
222
+ "validation_noise_scheduler": null,
223
+ "validation_disable_unconditional": false,
224
+ "enable_watermark": false,
225
+ "mixed_precision": "bf16",
226
+ "gradient_precision": null,
227
+ "quantize_via": "accelerator",
228
+ "base_model_precision": "no_change",
229
+ "quantize_activations": false,
230
+ "base_model_default_dtype": "bf16",
231
+ "text_encoder_1_precision": "no_change",
232
+ "text_encoder_2_precision": "no_change",
233
+ "text_encoder_3_precision": "no_change",
234
+ "text_encoder_4_precision": "no_change",
235
+ "local_rank": -1,
236
+ "fuse_qkv_projections": false,
237
+ "attention_mechanism": "diffusers",
238
+ "sageattention_usage": "inference",
239
+ "set_grads_to_none": false,
240
+ "noise_offset": 0.05,
241
+ "noise_offset_probability": 0.25,
242
+ "masked_loss_probability": 1.0,
243
+ "validation_guidance": 7.5,
244
+ "validation_guidance_real": 1.0,
245
+ "validation_no_cfg_until_timestep": 2,
246
+ "validation_guidance_rescale": 0.0,
247
+ "validation_randomize": false,
248
+ "validation_seed": null,
249
+ "fully_unload_text_encoder": false,
250
+ "freeze_encoder_before": 12,
251
+ "freeze_encoder_after": 17,
252
+ "freeze_encoder_strategy": "after",
253
+ "layer_freeze_strategy": "none",
254
+ "unet_attention_slice": false,
255
+ "print_filenames": false,
256
+ "print_sampler_statistics": false,
257
+ "metadata_update_interval": 3600,
258
+ "debug_aspect_buckets": false,
259
+ "debug_dataset_loader": false,
260
+ "freeze_encoder": true,
261
+ "save_text_encoder": false,
262
+ "text_encoder_limit": 25,
263
+ "prepend_instance_prompt": false,
264
+ "only_instance_prompt": false,
265
+ "data_aesthetic_score": 7.0,
266
+ "sdxl_refiner_uses_full_range": false,
267
+ "caption_dropout_probability": null,
268
+ "delete_unwanted_images": false,
269
+ "delete_problematic_images": false,
270
+ "disable_bucket_pruning": false,
271
+ "offset_noise": false,
272
+ "input_perturbation": 0.0,
273
+ "input_perturbation_steps": 0,
274
+ "lr_end": "5e-6",
275
+ "i_know_what_i_am_doing": false,
276
+ "accelerator_cache_clear_interval": null,
277
+ "vae_path": "Qwen/Qwen-Image",
278
+ "accelerator_project_config": {
279
+ "project_dir": "output/dlay-qwen-lycoris-a6000-final",
280
+ "logging_dir": "output/dlay-qwen-lycoris-a6000-final/logs",
281
+ "automatic_checkpoint_naming": false,
282
+ "total_limit": null,
283
+ "iteration": 13,
284
+ "save_on_each_node": false
285
+ },
286
+ "process_group_kwargs": {
287
+ "backend": "nccl",
288
+ "init_method": null,
289
+ "timeout": "1:30:00"
290
+ },
291
+ "is_quantized": false,
292
+ "weight_dtype": "torch.bfloat16",
293
+ "disable_accelerator": false,
294
+ "model_type_label": "Qwen-Image",
295
+ "use_deepspeed_optimizer": false,
296
+ "use_deepspeed_scheduler": false,
297
+ "base_weight_dtype": "torch.bfloat16",
298
+ "is_quanto": false,
299
+ "is_torchao": false,
300
+ "is_bnb": false,
301
+ "flow_matching": true,
302
+ "vae_kwargs": {
303
+ "pretrained_model_name_or_path": "Qwen/Qwen-Image",
304
+ "subfolder": "vae",
305
+ "revision": null,
306
+ "force_upcast": false,
307
+ "variant": null
308
+ },
309
+ "enable_adamw_bf16": true,
310
+ "overrode_max_train_steps": false,
311
+ "total_num_batches": 3088,
312
+ "num_update_steps_per_epoch": 1544,
313
+ "total_batch_size": 4,
314
+ "is_schedulefree": false,
315
+ "is_lr_scheduler_disabled": false,
316
+ "total_steps_remaining_at_start": 4000
317
+ }
checkpoint-3250/training_state-dlay-images.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"aspect_ratio_bucket_indices": {"1.0": ["/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(17 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(12 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2563.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4585.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6657.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/yoyomounyain.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/small face-(1 of 1)_(6).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/nobuy4.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7393.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(39 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7688.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/noby3.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2632.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7522.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/ball.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2628.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2590.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/ch9inae.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(40 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 2)_(4).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6543_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 27.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2616.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/shanhai.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2532.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 7.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/nose eeye-(5 of 7).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Resized_Resized_20241019_144334_1729372634208_1729372667293.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/BOAT.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(45 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(18 of 53) copy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(42 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(10 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2584.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7471.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/restaurant chinese.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6651.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6520.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/nobu2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4697.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2592.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0235.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(2 of 2)_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 23.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/yosemite.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 63.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/3piece orignal.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2545.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/forbidden palace.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2512.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(2 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/p face-(1 of 1)_(10).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6673.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2142.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 43.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4600.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1968.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7343.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2610.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/costco-food-court-1.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 50.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/peace.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6660.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0276.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7480.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0202_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6477.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/lagoon2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2528.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5633.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/4kGOOD2222-(1 of 1)_(25)NotSharpened.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2537.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/greenyosemite2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/headshot.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7827.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/bench.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(11 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(27 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/toast.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5496.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(33 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2595.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(10).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2576.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0205_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5643 2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(22 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7734.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 66.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/forestlanding2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6444.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(4 of 53) mask.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2507.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(21 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7076.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/fish.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2506.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/small face-(1 of 1)_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 64.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 76.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 15.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/room copy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7389.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7737.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(31 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 48.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 53.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(4).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2630.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(46 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 31.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/desert2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4776.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2604.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2572.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/bar.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(9).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5806.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(41 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0189_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 67.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 45.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6472.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 34.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2543.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2618.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0395.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5644.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2508.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6661.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(29 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2600.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5887.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5272.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/water.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4572.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/nose eeye-(1 of 1) 2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7255.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 84.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/utah.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0720.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/greenyosemite3.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2581.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2504.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0260.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2520.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7402.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(28 of 53) copy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2538.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5805.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/tiffanys.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0460.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7499 2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7464 (1).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2626.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2569.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 26.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(5).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/iceland.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6387 2_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(13 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6482.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 65 copy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/CLIMB.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6668.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(50 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(44 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1990.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2619.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(19 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/greece.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 49.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2573.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2530.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(7 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 65.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(37 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7580.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2549.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2607.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/china re.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(23 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 32.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2509.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0240.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2597.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0245 (1).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7684.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(34 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7515 (1).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5828.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5127.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2567.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2510.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 75.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/nobu.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(24 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5630.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2624.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7400_(2)_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2562.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2570.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/waterfal smile.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0306.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 94.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/wedding.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(51 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1519.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5378_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2557.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2580.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/starwars.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2587.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/greenyosemite4.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0415.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 3.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6430.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2633.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1947.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0488.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7733.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7732.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/ah.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(20 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2535.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4591.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2547.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6924.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 46.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/BUS.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2586.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6395.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2534.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2554.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(1 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/breakfastattiffanys.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7458.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/gayyy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 73.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2565.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2575.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2546.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/van.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2602.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 80.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7535.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4956.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2182.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2621.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 83.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7385.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 72.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 44.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7682.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 47.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/chad.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2564.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7390.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2622.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5635.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 21.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/black and white.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 6.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/tuxedo 2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/yopsmeite.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 85.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/domer.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/tiffany.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0234.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/tropjhy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5497.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2579.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/china2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/desert.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5634.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2568.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/forestlanding.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(16 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2165.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/mid size portait.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 86.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 92.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2519.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 39.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 30.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7401.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 22.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7505.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 42.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2527.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2614.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7512.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/jungle.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7741.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/barca.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/waterfall smile.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 62.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(8 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 78.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2578.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0397.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 14.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6432.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(43 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2617.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(53 of 53) copy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/ski.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(25 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2542.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7501.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2566.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7341.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2608.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2511.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 69.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(49 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(12).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 19.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1520.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2583.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2582.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/turban.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(32 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2625.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2540.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 35.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(6).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(48 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0364.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4899_(2).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Dustin nYC.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/BUS2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(5 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(9 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/yosemtiegfeen.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7396.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/china.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 63 copy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/drink.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4579.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7454.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2620.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 40.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2531.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 68.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1521.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(6 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/sopup.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Facetune_05-02-2025-20-06-48.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(3 of 53) mask.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(47 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/facecard.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/WORKOUT 2.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2611.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/outside.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 93.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2598.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2558.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/white shirt.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/elcap.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 11.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/row copy.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4575.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/drunk.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7391.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2588.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2559.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 18.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 9.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/smile good-(1 of 1).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0237.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/MOUNTAIN MAN.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/tSP0E.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/BUS3.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2613.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/egyup dock.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 4.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2544.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(52 of 53).png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 8.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0102.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2560.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2505.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2539.png", "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2605.png"]}, "buckets": ["1.0"], "exhausted_buckets": [], "batch_size": 2, "current_bucket": 0, "seen_images": {"/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(51 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 40.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4585.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/gayyy.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0234.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 73.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/BOAT.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/yosemite.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(18 of 53) copy.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/greenyosemite3.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7454.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2610.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(37 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2511.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2142.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2626.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6432.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2622.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0237.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2549.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7471.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2528.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 19.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2588.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2165.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(45 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2605.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2604.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 30.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(10).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2566.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/desert.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/toast.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2618.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2544.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2558.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6444.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(19 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2611.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7580.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6657.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5634.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 93.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(9).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/lagoon2.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2592.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(17 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(21 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(3 of 53) mask.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7827.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(43 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 50.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5805.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0395.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0202_(2).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 86.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2628.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2578.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/tuxedo 2.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2554.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6651.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(33 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7684.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7535.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/waterfall smile.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0189_(2).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/tiffanys.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/yosemtiegfeen.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(50 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 8.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5497.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2539.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0205_(2).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/domer.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 64.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/ball.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 34.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/small face-(1 of 1)_(2).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(13 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/bar.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(48 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Facetune_05-02-2025-20-06-48.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/nose eeye-(1 of 1) 2.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(25 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 75.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/nobu.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5633.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2540.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2546.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0245 (1).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/chad.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7682.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/headshot.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2608.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 92.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7505.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(31 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 2)_(4).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5630.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(12).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7734.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/yopsmeite.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7393.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2587.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2532.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 69.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(10 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4956.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 53.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7396.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4899_(2).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2562.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/nobuy4.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6472.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 44.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2559.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 18.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/good-(1 of 1)_(5).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2621.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 22.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(52 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2512.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/water.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(41 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7390.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2182.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(6 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(46 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2557.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4591.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 78.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/nose eeye-(5 of 7).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/outside.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 35.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2575.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2597.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2538.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2560.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2509.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2586.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 47.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/greenyosemite2.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7732.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7401.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2613.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2570.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(49 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 6.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5378_(2).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 48.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6673.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2614.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4572.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(1 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6395.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2520.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/breakfastattiffanys.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 21.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/white shirt.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1990.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Resized_Resized_20241019_144334_1729372634208_1729372667293.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(40 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2632.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/egyup dock.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2625.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/4kGOOD2222-(1 of 1)_(25)NotSharpened.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/room copy.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 63.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 62.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(2 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 3.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2542.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1519.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7402.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(47 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2630.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 11.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0102.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2620.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/BUS3.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/desert2.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/forbidden palace.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2576.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1521.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2607.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7391.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2510.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2584.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(42 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/barca.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6661.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/costco-food-court-1.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/ch9inae.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2505.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0235.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2633.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0240.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/ski.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/turban.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7522.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7076.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(44 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6660.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/smile good-(1 of 1).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6924.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(24 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5496.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4579.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2617.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7741.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5806.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2572.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2581.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/tiffany.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2534.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_6482.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5887.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 45.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/fish.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2602.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 14.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 67.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 43.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 68.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/noby3.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/peace.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_5272.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 27.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/forestlanding2.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2563.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1947.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7385.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2598.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/drink.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/p face-(1 of 1)_(10).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/greenyosemite4.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7255.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 63 copy.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(32 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/utah.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0460.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7341.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/BUS2.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2535.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2547.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 76.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2545.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/jungle.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 42.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2564.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_1968.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_7480.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2506.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/wedding.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_2595.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/photo 15.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/MOUNTAIN MAN.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/Headshot-(7 of 53).png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_4697.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/IMG_0488.png": true, "/home/Ubuntu/Pictures/dlay_dataset_final/images/waterfal smile.png": true}, "current_epoch": 34}
checkpoint-3250/training_state.json ADDED
@@ -0,0 +1 @@
 
 
1
+ {"global_step": 3250, "epoch_step": 3251, "epoch": 3, "exhausted_backends": [], "repeats": {"dlay-images": 1}}