William2357
commited on
Commit
•
3a848cc
1
Parent(s):
3d71fee
End of training
Browse files- README.md +3 -6
- logs/dreambooth-sd3/1722443471.159051/events.out.tfevents.1722443471.87080357ac22.1386.1 +3 -0
- logs/dreambooth-sd3/1722443471.1632586/hparams.yml +69 -0
- logs/dreambooth-sd3/events.out.tfevents.1722443471.87080357ac22.1386.0 +3 -0
- logs/dreambooth/1722443663.7101333/events.out.tfevents.1722443663.87080357ac22.1551.1 +3 -0
- logs/dreambooth/1722443663.7140307/hparams.yml +60 -0
- logs/dreambooth/events.out.tfevents.1722443663.87080357ac22.1551.0 +3 -0
- safety_checker/config.json +1 -1
- text_encoder/config.json +2 -2
- text_encoder/model.safetensors +2 -2
- tokenizer/tokenizer_config.json +0 -8
- unet/diffusion_pytorch_model.safetensors +1 -1
- vae/config.json +2 -1
README.md
CHANGED
@@ -16,13 +16,10 @@ tags:
|
|
16 |
- stable-diffusion-xl
|
17 |
- stable-diffusion-xl-diffusers
|
18 |
- text-to-image
|
19 |
-
-
|
20 |
- diffusers-training
|
21 |
-
-
|
22 |
-
-
|
23 |
-
- template:sd-lora
|
24 |
-
- stable-diffusion-xl
|
25 |
-
- stable-diffusion-xl-diffusers
|
26 |
inference: true
|
27 |
instance_prompt: a photo of sks dog
|
28 |
---
|
|
|
16 |
- stable-diffusion-xl
|
17 |
- stable-diffusion-xl-diffusers
|
18 |
- text-to-image
|
19 |
+
- dreambooth
|
20 |
- diffusers-training
|
21 |
+
- stable-diffusion
|
22 |
+
- stable-diffusion-diffusers
|
|
|
|
|
|
|
23 |
inference: true
|
24 |
instance_prompt: a photo of sks dog
|
25 |
---
|
logs/dreambooth-sd3/1722443471.159051/events.out.tfevents.1722443471.87080357ac22.1386.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:8e58819b1532e3bded8d3f76eca5d75c60c689806340df41ebc3d09d16fbcc71
|
3 |
+
size 3201
|
logs/dreambooth-sd3/1722443471.1632586/hparams.yml
ADDED
@@ -0,0 +1,69 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
adam_beta1: 0.9
|
2 |
+
adam_beta2: 0.999
|
3 |
+
adam_epsilon: 1.0e-08
|
4 |
+
adam_weight_decay: 0.0001
|
5 |
+
adam_weight_decay_text_encoder: 0.001
|
6 |
+
allow_tf32: false
|
7 |
+
cache_dir: null
|
8 |
+
caption_column: null
|
9 |
+
center_crop: false
|
10 |
+
checkpointing_steps: 500
|
11 |
+
checkpoints_total_limit: null
|
12 |
+
class_data_dir: null
|
13 |
+
class_prompt: null
|
14 |
+
dataloader_num_workers: 0
|
15 |
+
dataset_config_name: null
|
16 |
+
dataset_name: null
|
17 |
+
gradient_accumulation_steps: 4
|
18 |
+
gradient_checkpointing: false
|
19 |
+
hub_model_id: null
|
20 |
+
hub_token: null
|
21 |
+
image_column: image
|
22 |
+
instance_data_dir: dreambooth/dataset/backpack
|
23 |
+
instance_prompt: a photo of olis backpack
|
24 |
+
learning_rate: 0.0001
|
25 |
+
local_rank: -1
|
26 |
+
logging_dir: logs
|
27 |
+
logit_mean: 0.0
|
28 |
+
logit_std: 1.0
|
29 |
+
lr_num_cycles: 1
|
30 |
+
lr_power: 1.0
|
31 |
+
lr_scheduler: constant
|
32 |
+
lr_warmup_steps: 0
|
33 |
+
max_grad_norm: 1.0
|
34 |
+
max_sequence_length: 77
|
35 |
+
max_train_steps: 500
|
36 |
+
mixed_precision: fp16
|
37 |
+
mode_scale: 1.29
|
38 |
+
num_class_images: 100
|
39 |
+
num_train_epochs: 250
|
40 |
+
num_validation_images: 4
|
41 |
+
optimizer: AdamW
|
42 |
+
output_dir: output
|
43 |
+
precondition_outputs: 1
|
44 |
+
pretrained_model_name_or_path: stabilityai/stable-diffusion-3-medium-diffusers
|
45 |
+
prior_generation_precision: null
|
46 |
+
prior_loss_weight: 1.0
|
47 |
+
prodigy_beta3: null
|
48 |
+
prodigy_decouple: true
|
49 |
+
prodigy_safeguard_warmup: true
|
50 |
+
prodigy_use_bias_correction: true
|
51 |
+
push_to_hub: true
|
52 |
+
random_flip: false
|
53 |
+
repeats: 1
|
54 |
+
report_to: tensorboard
|
55 |
+
resolution: 1024
|
56 |
+
resume_from_checkpoint: null
|
57 |
+
revision: null
|
58 |
+
sample_batch_size: 4
|
59 |
+
scale_lr: false
|
60 |
+
seed: null
|
61 |
+
text_encoder_lr: 5.0e-06
|
62 |
+
train_batch_size: 1
|
63 |
+
train_text_encoder: false
|
64 |
+
use_8bit_adam: false
|
65 |
+
validation_epochs: 25
|
66 |
+
validation_prompt: A photo of olis backpack on a mountain
|
67 |
+
variant: null
|
68 |
+
weighting_scheme: logit_normal
|
69 |
+
with_prior_preservation: false
|
logs/dreambooth-sd3/events.out.tfevents.1722443471.87080357ac22.1386.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:5104ad98ea9ac8e7a0eb07d2ee481f51e3f1d8b73c673a38f82f1b5e4a473a01
|
3 |
+
size 568
|
logs/dreambooth/1722443663.7101333/events.out.tfevents.1722443663.87080357ac22.1551.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:f0ecb07a0461fbb310922d927336a52908a7b12032028b310d64584369870790
|
3 |
+
size 2772
|
logs/dreambooth/1722443663.7140307/hparams.yml
ADDED
@@ -0,0 +1,60 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
1 |
+
adam_beta1: 0.9
|
2 |
+
adam_beta2: 0.999
|
3 |
+
adam_epsilon: 1.0e-08
|
4 |
+
adam_weight_decay: 0.01
|
5 |
+
allow_tf32: false
|
6 |
+
center_crop: false
|
7 |
+
checkpointing_steps: 1000000
|
8 |
+
checkpoints_total_limit: null
|
9 |
+
class_data_dir: null
|
10 |
+
class_labels_conditioning: null
|
11 |
+
class_prompt: null
|
12 |
+
dataloader_num_workers: 0
|
13 |
+
enable_xformers_memory_efficient_attention: false
|
14 |
+
gradient_accumulation_steps: 1
|
15 |
+
gradient_checkpointing: false
|
16 |
+
hub_model_id: null
|
17 |
+
hub_token: null
|
18 |
+
instance_data_dir: dreambooth/dataset/backpack
|
19 |
+
instance_prompt: a photo of a sks backpack
|
20 |
+
learning_rate: 5.0e-06
|
21 |
+
local_rank: -1
|
22 |
+
logging_dir: logs
|
23 |
+
lr_num_cycles: 1
|
24 |
+
lr_power: 1.0
|
25 |
+
lr_scheduler: constant
|
26 |
+
lr_warmup_steps: 0
|
27 |
+
max_grad_norm: 1.0
|
28 |
+
max_train_steps: 400
|
29 |
+
mixed_precision: null
|
30 |
+
num_class_images: 100
|
31 |
+
num_train_epochs: 67
|
32 |
+
num_validation_images: 4
|
33 |
+
offset_noise: false
|
34 |
+
output_dir: output
|
35 |
+
pre_compute_text_embeddings: false
|
36 |
+
pretrained_model_name_or_path: runwayml/stable-diffusion-v1-5
|
37 |
+
prior_generation_precision: null
|
38 |
+
prior_loss_weight: 1.0
|
39 |
+
push_to_hub: true
|
40 |
+
report_to: tensorboard
|
41 |
+
resolution: 512
|
42 |
+
resume_from_checkpoint: null
|
43 |
+
revision: null
|
44 |
+
sample_batch_size: 4
|
45 |
+
scale_lr: false
|
46 |
+
seed: null
|
47 |
+
set_grads_to_none: false
|
48 |
+
skip_save_text_encoder: false
|
49 |
+
snr_gamma: null
|
50 |
+
text_encoder_use_attention_mask: false
|
51 |
+
tokenizer_max_length: null
|
52 |
+
tokenizer_name: null
|
53 |
+
train_batch_size: 1
|
54 |
+
train_text_encoder: false
|
55 |
+
use_8bit_adam: false
|
56 |
+
validation_prompt: null
|
57 |
+
validation_scheduler: DPMSolverMultistepScheduler
|
58 |
+
validation_steps: 100
|
59 |
+
variant: null
|
60 |
+
with_prior_preservation: false
|
logs/dreambooth/events.out.tfevents.1722443663.87080357ac22.1551.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:872b8a92ced8ab3cf58a4bd1ee23cb9f6e3209cc983c64f6ad6336e2cae8fa73
|
3 |
+
size 33434
|
safety_checker/config.json
CHANGED
@@ -15,7 +15,7 @@
|
|
15 |
"num_attention_heads": 12
|
16 |
},
|
17 |
"torch_dtype": "float32",
|
18 |
-
"transformers_version": "4.
|
19 |
"vision_config": {
|
20 |
"dropout": 0.0,
|
21 |
"hidden_size": 1024,
|
|
|
15 |
"num_attention_heads": 12
|
16 |
},
|
17 |
"torch_dtype": "float32",
|
18 |
+
"transformers_version": "4.43.3",
|
19 |
"vision_config": {
|
20 |
"dropout": 0.0,
|
21 |
"hidden_size": 1024,
|
text_encoder/config.json
CHANGED
@@ -20,6 +20,6 @@
|
|
20 |
"pad_token_id": 1,
|
21 |
"projection_dim": 768,
|
22 |
"torch_dtype": "float32",
|
23 |
-
"transformers_version": "4.
|
24 |
-
"vocab_size":
|
25 |
}
|
|
|
20 |
"pad_token_id": 1,
|
21 |
"projection_dim": 768,
|
22 |
"torch_dtype": "float32",
|
23 |
+
"transformers_version": "4.43.3",
|
24 |
+
"vocab_size": 49408
|
25 |
}
|
text_encoder/model.safetensors
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
-
size
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:778d02eb9e707c3fbaae0b67b79ea0d1399b52e624fb634f2f19375ae7c047c3
|
3 |
+
size 492265168
|
tokenizer/tokenizer_config.json
CHANGED
@@ -16,14 +16,6 @@
|
|
16 |
"rstrip": false,
|
17 |
"single_word": false,
|
18 |
"special": true
|
19 |
-
},
|
20 |
-
"49408": {
|
21 |
-
"content": "<person>",
|
22 |
-
"lstrip": false,
|
23 |
-
"normalized": true,
|
24 |
-
"rstrip": false,
|
25 |
-
"single_word": false,
|
26 |
-
"special": false
|
27 |
}
|
28 |
},
|
29 |
"bos_token": "<|startoftext|>",
|
|
|
16 |
"rstrip": false,
|
17 |
"single_word": false,
|
18 |
"special": true
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
19 |
}
|
20 |
},
|
21 |
"bos_token": "<|startoftext|>",
|
unet/diffusion_pytorch_model.safetensors
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 3438167536
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c00f605e9d36ba83036b45db430c81247f01e563730acb4ca2c526c55f450dd9
|
3 |
size 3438167536
|
vae/config.json
CHANGED
@@ -1,7 +1,7 @@
|
|
1 |
{
|
2 |
"_class_name": "AutoencoderKL",
|
3 |
"_diffusers_version": "0.30.0.dev0",
|
4 |
-
"_name_or_path": "runwayml
|
5 |
"act_fn": "silu",
|
6 |
"block_out_channels": [
|
7 |
128,
|
@@ -21,6 +21,7 @@
|
|
21 |
"latents_mean": null,
|
22 |
"latents_std": null,
|
23 |
"layers_per_block": 2,
|
|
|
24 |
"norm_num_groups": 32,
|
25 |
"out_channels": 3,
|
26 |
"sample_size": 512,
|
|
|
1 |
{
|
2 |
"_class_name": "AutoencoderKL",
|
3 |
"_diffusers_version": "0.30.0.dev0",
|
4 |
+
"_name_or_path": "/root/.cache/huggingface/hub/models--runwayml--stable-diffusion-v1-5/snapshots/1d0c4ebf6ff58a5caecab40fa1406526bca4b5b9/vae",
|
5 |
"act_fn": "silu",
|
6 |
"block_out_channels": [
|
7 |
128,
|
|
|
21 |
"latents_mean": null,
|
22 |
"latents_std": null,
|
23 |
"layers_per_block": 2,
|
24 |
+
"mid_block_add_attention": true,
|
25 |
"norm_num_groups": 32,
|
26 |
"out_channels": 3,
|
27 |
"sample_size": 512,
|