End of training
Browse files- logs/instruct-pix2pix/1727959192.1853259/events.out.tfevents.1727959192.e248c2e345b9.2582.1 +3 -0
- logs/instruct-pix2pix/1727959192.1870933/hparams.yml +51 -0
- logs/instruct-pix2pix/1727959728.6075335/events.out.tfevents.1727959728.e248c2e345b9.4941.1 +3 -0
- logs/instruct-pix2pix/1727959728.6092808/hparams.yml +51 -0
- logs/instruct-pix2pix/1727959988.540947/events.out.tfevents.1727959988.e248c2e345b9.6316.1 +3 -0
- logs/instruct-pix2pix/1727959988.5426655/hparams.yml +51 -0
- logs/instruct-pix2pix/1727960234.8151736/events.out.tfevents.1727960234.e248c2e345b9.7393.1 +3 -0
- logs/instruct-pix2pix/1727960234.8170383/hparams.yml +51 -0
- logs/instruct-pix2pix/events.out.tfevents.1727959192.e248c2e345b9.2582.0 +3 -0
- logs/instruct-pix2pix/events.out.tfevents.1727959728.e248c2e345b9.4941.0 +3 -0
- logs/instruct-pix2pix/events.out.tfevents.1727959988.e248c2e345b9.6316.0 +3 -0
- logs/instruct-pix2pix/events.out.tfevents.1727960234.e248c2e345b9.7393.0 +3 -0
- model_index.json +4 -4
- text_encoder/config.json +7 -7
- text_encoder/model.safetensors +2 -2
- tokenizer/special_tokens_map.json +1 -1
- tokenizer/tokenizer_config.json +9 -1
- unet/config.json +9 -4
- unet/diffusion_pytorch_model.safetensors +2 -2
- vae/config.json +1 -1
- vae/diffusion_pytorch_model.safetensors +1 -1
logs/instruct-pix2pix/1727959192.1853259/events.out.tfevents.1727959192.e248c2e345b9.2582.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:a67114b54065fac981d0a38d545643c5e2f037a2914076605ddd2d090f198f76
|
3 |
+
size 2437
|
logs/instruct-pix2pix/1727959192.1870933/hparams.yml
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
cache_dir: null
|
7 |
+
center_crop: false
|
8 |
+
checkpointing_steps: 5000
|
9 |
+
checkpoints_total_limit: 1
|
10 |
+
conditioning_dropout_prob: 0.05
|
11 |
+
dataloader_num_workers: 0
|
12 |
+
dataset_config_name: null
|
13 |
+
dataset_name: GOFFENEY/nails_diffusion
|
14 |
+
edit_prompt_column: instruction
|
15 |
+
edited_image_column: ground_truth_image
|
16 |
+
enable_xformers_memory_efficient_attention: true
|
17 |
+
gradient_accumulation_steps: 10
|
18 |
+
gradient_checkpointing: true
|
19 |
+
hub_model_id: null
|
20 |
+
hub_token: null
|
21 |
+
learning_rate: 5.0e-05
|
22 |
+
local_rank: -1
|
23 |
+
logging_dir: logs
|
24 |
+
lr_scheduler: constant
|
25 |
+
lr_warmup_steps: 0
|
26 |
+
max_grad_norm: 1.0
|
27 |
+
max_train_samples: null
|
28 |
+
max_train_steps: 15000
|
29 |
+
mixed_precision: fp16
|
30 |
+
non_ema_revision: null
|
31 |
+
num_train_epochs: 7500
|
32 |
+
num_validation_images: 4
|
33 |
+
original_image_column: input_image
|
34 |
+
output_dir: instruct-pix2pix-model
|
35 |
+
pretrained_model_name_or_path: stable-diffusion-v1-5/stable-diffusion-v1-5
|
36 |
+
push_to_hub: true
|
37 |
+
random_flip: true
|
38 |
+
report_to: tensorboard
|
39 |
+
resolution: 256
|
40 |
+
resume_from_checkpoint: null
|
41 |
+
revision: null
|
42 |
+
scale_lr: false
|
43 |
+
seed: 42
|
44 |
+
train_batch_size: 1
|
45 |
+
train_data_dir: null
|
46 |
+
use_8bit_adam: false
|
47 |
+
use_ema: false
|
48 |
+
val_image_url: null
|
49 |
+
validation_epochs: 1
|
50 |
+
validation_prompt: null
|
51 |
+
variant: null
|
logs/instruct-pix2pix/1727959728.6075335/events.out.tfevents.1727959728.e248c2e345b9.4941.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:b48de8b59f749a2b0cfaea32a09e468e6d297248220362f5b4be4ff4d299af21
|
3 |
+
size 2429
|
logs/instruct-pix2pix/1727959728.6092808/hparams.yml
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
cache_dir: null
|
7 |
+
center_crop: false
|
8 |
+
checkpointing_steps: 5000
|
9 |
+
checkpoints_total_limit: 1
|
10 |
+
conditioning_dropout_prob: 0.05
|
11 |
+
dataloader_num_workers: 0
|
12 |
+
dataset_config_name: null
|
13 |
+
dataset_name: GOFFENEY/nails_diffusion
|
14 |
+
edit_prompt_column: instruction
|
15 |
+
edited_image_column: ground_truth_image
|
16 |
+
enable_xformers_memory_efficient_attention: true
|
17 |
+
gradient_accumulation_steps: 10
|
18 |
+
gradient_checkpointing: true
|
19 |
+
hub_model_id: null
|
20 |
+
hub_token: null
|
21 |
+
learning_rate: 5.0e-05
|
22 |
+
local_rank: 0
|
23 |
+
logging_dir: logs
|
24 |
+
lr_scheduler: constant
|
25 |
+
lr_warmup_steps: 0
|
26 |
+
max_grad_norm: 1.0
|
27 |
+
max_train_samples: null
|
28 |
+
max_train_steps: 15000
|
29 |
+
mixed_precision: fp16
|
30 |
+
non_ema_revision: null
|
31 |
+
num_train_epochs: 7500
|
32 |
+
num_validation_images: 4
|
33 |
+
original_image_column: input_image
|
34 |
+
output_dir: instruct-pix2pix-model
|
35 |
+
pretrained_model_name_or_path: stabilityai/stable-diffusion-2-base
|
36 |
+
push_to_hub: true
|
37 |
+
random_flip: true
|
38 |
+
report_to: tensorboard
|
39 |
+
resolution: 256
|
40 |
+
resume_from_checkpoint: null
|
41 |
+
revision: null
|
42 |
+
scale_lr: false
|
43 |
+
seed: 42
|
44 |
+
train_batch_size: 1
|
45 |
+
train_data_dir: null
|
46 |
+
use_8bit_adam: false
|
47 |
+
use_ema: false
|
48 |
+
val_image_url: null
|
49 |
+
validation_epochs: 1
|
50 |
+
validation_prompt: null
|
51 |
+
variant: null
|
logs/instruct-pix2pix/1727959988.540947/events.out.tfevents.1727959988.e248c2e345b9.6316.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:fd906a97eb2cb3d04a5f5da647bacacd740e2bb6a32e6042ca67c6ade61acdcf
|
3 |
+
size 2429
|
logs/instruct-pix2pix/1727959988.5426655/hparams.yml
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
cache_dir: null
|
7 |
+
center_crop: false
|
8 |
+
checkpointing_steps: 5000
|
9 |
+
checkpoints_total_limit: 1
|
10 |
+
conditioning_dropout_prob: 0.05
|
11 |
+
dataloader_num_workers: 0
|
12 |
+
dataset_config_name: null
|
13 |
+
dataset_name: GOFFENEY/nails_diffusion
|
14 |
+
edit_prompt_column: instruction
|
15 |
+
edited_image_column: ground_truth_image
|
16 |
+
enable_xformers_memory_efficient_attention: true
|
17 |
+
gradient_accumulation_steps: 10
|
18 |
+
gradient_checkpointing: true
|
19 |
+
hub_model_id: null
|
20 |
+
hub_token: null
|
21 |
+
learning_rate: 5.0e-05
|
22 |
+
local_rank: -1
|
23 |
+
logging_dir: logs
|
24 |
+
lr_scheduler: constant
|
25 |
+
lr_warmup_steps: 0
|
26 |
+
max_grad_norm: 1.0
|
27 |
+
max_train_samples: null
|
28 |
+
max_train_steps: 1500
|
29 |
+
mixed_precision: fp16
|
30 |
+
non_ema_revision: null
|
31 |
+
num_train_epochs: 750
|
32 |
+
num_validation_images: 4
|
33 |
+
original_image_column: input_image
|
34 |
+
output_dir: instruct-pix2pix-model
|
35 |
+
pretrained_model_name_or_path: stabilityai/stable-diffusion-2-base
|
36 |
+
push_to_hub: true
|
37 |
+
random_flip: true
|
38 |
+
report_to: tensorboard
|
39 |
+
resolution: 256
|
40 |
+
resume_from_checkpoint: null
|
41 |
+
revision: null
|
42 |
+
scale_lr: false
|
43 |
+
seed: 42
|
44 |
+
train_batch_size: 1
|
45 |
+
train_data_dir: null
|
46 |
+
use_8bit_adam: false
|
47 |
+
use_ema: false
|
48 |
+
val_image_url: null
|
49 |
+
validation_epochs: 1
|
50 |
+
validation_prompt: null
|
51 |
+
variant: null
|
logs/instruct-pix2pix/1727960234.8151736/events.out.tfevents.1727960234.e248c2e345b9.7393.1
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:1bd6a5a8c8e5315690d67d18af2bdaedc038f0f001c5e9931ff1e0d90a21ce73
|
3 |
+
size 2429
|
logs/instruct-pix2pix/1727960234.8170383/hparams.yml
ADDED
@@ -0,0 +1,51 @@
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
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 |
+
cache_dir: null
|
7 |
+
center_crop: false
|
8 |
+
checkpointing_steps: 5000
|
9 |
+
checkpoints_total_limit: 1
|
10 |
+
conditioning_dropout_prob: 0.05
|
11 |
+
dataloader_num_workers: 0
|
12 |
+
dataset_config_name: null
|
13 |
+
dataset_name: GOFFENEY/nails_diffusion
|
14 |
+
edit_prompt_column: instruction
|
15 |
+
edited_image_column: ground_truth_image
|
16 |
+
enable_xformers_memory_efficient_attention: true
|
17 |
+
gradient_accumulation_steps: 10
|
18 |
+
gradient_checkpointing: true
|
19 |
+
hub_model_id: null
|
20 |
+
hub_token: null
|
21 |
+
learning_rate: 5.0e-05
|
22 |
+
local_rank: -1
|
23 |
+
logging_dir: logs
|
24 |
+
lr_scheduler: constant
|
25 |
+
lr_warmup_steps: 0
|
26 |
+
max_grad_norm: 1.0
|
27 |
+
max_train_samples: null
|
28 |
+
max_train_steps: 1500
|
29 |
+
mixed_precision: fp16
|
30 |
+
non_ema_revision: null
|
31 |
+
num_train_epochs: 750
|
32 |
+
num_validation_images: 4
|
33 |
+
original_image_column: input_image
|
34 |
+
output_dir: instruct-pix2pix-model
|
35 |
+
pretrained_model_name_or_path: stabilityai/stable-diffusion-2-base
|
36 |
+
push_to_hub: true
|
37 |
+
random_flip: false
|
38 |
+
report_to: tensorboard
|
39 |
+
resolution: 256
|
40 |
+
resume_from_checkpoint: null
|
41 |
+
revision: null
|
42 |
+
scale_lr: false
|
43 |
+
seed: 42
|
44 |
+
train_batch_size: 1
|
45 |
+
train_data_dir: null
|
46 |
+
use_8bit_adam: false
|
47 |
+
use_ema: false
|
48 |
+
val_image_url: null
|
49 |
+
validation_epochs: 1
|
50 |
+
validation_prompt: null
|
51 |
+
variant: null
|
logs/instruct-pix2pix/events.out.tfevents.1727959192.e248c2e345b9.2582.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:291f8c815653b91e73bbe21dae3ce1052954bb58ce0377b5ef380636e127fff8
|
3 |
+
size 3496
|
logs/instruct-pix2pix/events.out.tfevents.1727959728.e248c2e345b9.4941.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:d40992291cb5d6876c289a5925f981cbfdb91f33ced3503f962ea4ebb326d2e6
|
3 |
+
size 1432
|
logs/instruct-pix2pix/events.out.tfevents.1727959988.e248c2e345b9.6316.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:c14c0ec53f8e34bf5baf52065a368a79ba537e16610fdf73ad810da207f2e998
|
3 |
+
size 4072
|
logs/instruct-pix2pix/events.out.tfevents.1727960234.e248c2e345b9.7393.0
ADDED
@@ -0,0 +1,3 @@
|
|
|
|
|
|
|
|
|
1 |
+
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:ba0d14380351b42dd868905a067eb651d7e34fe577ec05127a3fed36e083859c
|
3 |
+
size 73461
|
model_index.json
CHANGED
@@ -1,7 +1,7 @@
|
|
1 |
{
|
2 |
"_class_name": "StableDiffusionInstructPix2PixPipeline",
|
3 |
"_diffusers_version": "0.31.0.dev0",
|
4 |
-
"_name_or_path": "
|
5 |
"feature_extractor": [
|
6 |
"transformers",
|
7 |
"CLIPImageProcessor"
|
@@ -10,10 +10,10 @@
|
|
10 |
null,
|
11 |
null
|
12 |
],
|
13 |
-
"requires_safety_checker":
|
14 |
"safety_checker": [
|
15 |
-
|
16 |
-
|
17 |
],
|
18 |
"scheduler": [
|
19 |
"diffusers",
|
|
|
1 |
{
|
2 |
"_class_name": "StableDiffusionInstructPix2PixPipeline",
|
3 |
"_diffusers_version": "0.31.0.dev0",
|
4 |
+
"_name_or_path": "stabilityai/stable-diffusion-2-base",
|
5 |
"feature_extractor": [
|
6 |
"transformers",
|
7 |
"CLIPImageProcessor"
|
|
|
10 |
null,
|
11 |
null
|
12 |
],
|
13 |
+
"requires_safety_checker": false,
|
14 |
"safety_checker": [
|
15 |
+
null,
|
16 |
+
null
|
17 |
],
|
18 |
"scheduler": [
|
19 |
"diffusers",
|
text_encoder/config.json
CHANGED
@@ -1,5 +1,5 @@
|
|
1 |
{
|
2 |
-
"_name_or_path": "
|
3 |
"architectures": [
|
4 |
"CLIPTextModel"
|
5 |
],
|
@@ -7,18 +7,18 @@
|
|
7 |
"bos_token_id": 0,
|
8 |
"dropout": 0.0,
|
9 |
"eos_token_id": 2,
|
10 |
-
"hidden_act": "
|
11 |
-
"hidden_size":
|
12 |
"initializer_factor": 1.0,
|
13 |
"initializer_range": 0.02,
|
14 |
-
"intermediate_size":
|
15 |
"layer_norm_eps": 1e-05,
|
16 |
"max_position_embeddings": 77,
|
17 |
"model_type": "clip_text_model",
|
18 |
-
"num_attention_heads":
|
19 |
-
"num_hidden_layers":
|
20 |
"pad_token_id": 1,
|
21 |
-
"projection_dim":
|
22 |
"torch_dtype": "float16",
|
23 |
"transformers_version": "4.44.2",
|
24 |
"vocab_size": 49408
|
|
|
1 |
{
|
2 |
+
"_name_or_path": "stabilityai/stable-diffusion-2-base",
|
3 |
"architectures": [
|
4 |
"CLIPTextModel"
|
5 |
],
|
|
|
7 |
"bos_token_id": 0,
|
8 |
"dropout": 0.0,
|
9 |
"eos_token_id": 2,
|
10 |
+
"hidden_act": "gelu",
|
11 |
+
"hidden_size": 1024,
|
12 |
"initializer_factor": 1.0,
|
13 |
"initializer_range": 0.02,
|
14 |
+
"intermediate_size": 4096,
|
15 |
"layer_norm_eps": 1e-05,
|
16 |
"max_position_embeddings": 77,
|
17 |
"model_type": "clip_text_model",
|
18 |
+
"num_attention_heads": 16,
|
19 |
+
"num_hidden_layers": 23,
|
20 |
"pad_token_id": 1,
|
21 |
+
"projection_dim": 512,
|
22 |
"torch_dtype": "float16",
|
23 |
"transformers_version": "4.44.2",
|
24 |
"vocab_size": 49408
|
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:bc1827c465450322616f06dea41596eac7d493f4e95904dcb51f0fc745c4e13f
|
3 |
+
size 680820392
|
tokenizer/special_tokens_map.json
CHANGED
@@ -13,7 +13,7 @@
|
|
13 |
"rstrip": false,
|
14 |
"single_word": false
|
15 |
},
|
16 |
-
"pad_token": "
|
17 |
"unk_token": {
|
18 |
"content": "<|endoftext|>",
|
19 |
"lstrip": false,
|
|
|
13 |
"rstrip": false,
|
14 |
"single_word": false
|
15 |
},
|
16 |
+
"pad_token": "!",
|
17 |
"unk_token": {
|
18 |
"content": "<|endoftext|>",
|
19 |
"lstrip": false,
|
tokenizer/tokenizer_config.json
CHANGED
@@ -1,6 +1,14 @@
|
|
1 |
{
|
2 |
"add_prefix_space": false,
|
3 |
"added_tokens_decoder": {
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
|
4 |
"49406": {
|
5 |
"content": "<|startoftext|>",
|
6 |
"lstrip": false,
|
@@ -24,7 +32,7 @@
|
|
24 |
"eos_token": "<|endoftext|>",
|
25 |
"errors": "replace",
|
26 |
"model_max_length": 77,
|
27 |
-
"pad_token": "
|
28 |
"tokenizer_class": "CLIPTokenizer",
|
29 |
"unk_token": "<|endoftext|>"
|
30 |
}
|
|
|
1 |
{
|
2 |
"add_prefix_space": false,
|
3 |
"added_tokens_decoder": {
|
4 |
+
"0": {
|
5 |
+
"content": "!",
|
6 |
+
"lstrip": false,
|
7 |
+
"normalized": false,
|
8 |
+
"rstrip": false,
|
9 |
+
"single_word": false,
|
10 |
+
"special": true
|
11 |
+
},
|
12 |
"49406": {
|
13 |
"content": "<|startoftext|>",
|
14 |
"lstrip": false,
|
|
|
32 |
"eos_token": "<|endoftext|>",
|
33 |
"errors": "replace",
|
34 |
"model_max_length": 77,
|
35 |
+
"pad_token": "!",
|
36 |
"tokenizer_class": "CLIPTokenizer",
|
37 |
"unk_token": "<|endoftext|>"
|
38 |
}
|
unet/config.json
CHANGED
@@ -1,12 +1,17 @@
|
|
1 |
{
|
2 |
"_class_name": "UNet2DConditionModel",
|
3 |
"_diffusers_version": "0.31.0.dev0",
|
4 |
-
"_name_or_path": "
|
5 |
"act_fn": "silu",
|
6 |
"addition_embed_type": null,
|
7 |
"addition_embed_type_num_heads": 64,
|
8 |
"addition_time_embed_dim": null,
|
9 |
-
"attention_head_dim":
|
|
|
|
|
|
|
|
|
|
|
10 |
"attention_type": "default",
|
11 |
"block_out_channels": [
|
12 |
320,
|
@@ -19,7 +24,7 @@
|
|
19 |
"class_embeddings_concat": false,
|
20 |
"conv_in_kernel": 3,
|
21 |
"conv_out_kernel": 3,
|
22 |
-
"cross_attention_dim":
|
23 |
"cross_attention_norm": null,
|
24 |
"down_block_types": [
|
25 |
"CrossAttnDownBlock2D",
|
@@ -64,5 +69,5 @@
|
|
64 |
"CrossAttnUpBlock2D"
|
65 |
],
|
66 |
"upcast_attention": false,
|
67 |
-
"use_linear_projection":
|
68 |
}
|
|
|
1 |
{
|
2 |
"_class_name": "UNet2DConditionModel",
|
3 |
"_diffusers_version": "0.31.0.dev0",
|
4 |
+
"_name_or_path": "stabilityai/stable-diffusion-2-base",
|
5 |
"act_fn": "silu",
|
6 |
"addition_embed_type": null,
|
7 |
"addition_embed_type_num_heads": 64,
|
8 |
"addition_time_embed_dim": null,
|
9 |
+
"attention_head_dim": [
|
10 |
+
5,
|
11 |
+
10,
|
12 |
+
20,
|
13 |
+
20
|
14 |
+
],
|
15 |
"attention_type": "default",
|
16 |
"block_out_channels": [
|
17 |
320,
|
|
|
24 |
"class_embeddings_concat": false,
|
25 |
"conv_in_kernel": 3,
|
26 |
"conv_out_kernel": 3,
|
27 |
+
"cross_attention_dim": 1024,
|
28 |
"cross_attention_norm": null,
|
29 |
"down_block_types": [
|
30 |
"CrossAttnDownBlock2D",
|
|
|
69 |
"CrossAttnUpBlock2D"
|
70 |
],
|
71 |
"upcast_attention": false,
|
72 |
+
"use_linear_projection": true
|
73 |
}
|
unet/diffusion_pytorch_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:4dcad5896bdc58dd4d4dde49eb414f3445ee0222599ded5f5434f24a809abac1
|
3 |
+
size 3463772592
|
vae/config.json
CHANGED
@@ -1,7 +1,7 @@
|
|
1 |
{
|
2 |
"_class_name": "AutoencoderKL",
|
3 |
"_diffusers_version": "0.31.0.dev0",
|
4 |
-
"_name_or_path": "
|
5 |
"act_fn": "silu",
|
6 |
"block_out_channels": [
|
7 |
128,
|
|
|
1 |
{
|
2 |
"_class_name": "AutoencoderKL",
|
3 |
"_diffusers_version": "0.31.0.dev0",
|
4 |
+
"_name_or_path": "stabilityai/stable-diffusion-2-base",
|
5 |
"act_fn": "silu",
|
6 |
"block_out_channels": [
|
7 |
128,
|
vae/diffusion_pytorch_model.safetensors
CHANGED
@@ -1,3 +1,3 @@
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
-
oid sha256:
|
3 |
size 167335342
|
|
|
1 |
version https://git-lfs.github.com/spec/v1
|
2 |
+
oid sha256:3e4c08995484ee61270175e9e7a072b66a6e4eeb5f0c266667fe1f45b90daf9a
|
3 |
size 167335342
|