coolcat21 commited on
Commit
5ead107
1 Parent(s): 48e8346

End of training

Browse files
Files changed (46) hide show
  1. README.md +68 -0
  2. checkpoint-10000/optimizer.bin +3 -0
  3. checkpoint-10000/random_states_0.pkl +3 -0
  4. checkpoint-10000/scaler.pt +3 -0
  5. checkpoint-10000/scheduler.bin +3 -0
  6. checkpoint-10000/unet/config.json +73 -0
  7. checkpoint-10000/unet/diffusion_pytorch_model.safetensors +3 -0
  8. checkpoint-10000/unet_ema/config.json +80 -0
  9. checkpoint-10000/unet_ema/diffusion_pytorch_model.safetensors +3 -0
  10. checkpoint-20000/optimizer.bin +3 -0
  11. checkpoint-20000/random_states_0.pkl +3 -0
  12. checkpoint-20000/scaler.pt +3 -0
  13. checkpoint-20000/scheduler.bin +3 -0
  14. checkpoint-20000/unet/config.json +73 -0
  15. checkpoint-20000/unet/diffusion_pytorch_model.safetensors +3 -0
  16. checkpoint-20000/unet_ema/config.json +80 -0
  17. checkpoint-20000/unet_ema/diffusion_pytorch_model.safetensors +3 -0
  18. checkpoint-30000/optimizer.bin +3 -0
  19. checkpoint-30000/random_states_0.pkl +3 -0
  20. checkpoint-30000/scaler.pt +3 -0
  21. checkpoint-30000/scheduler.bin +3 -0
  22. checkpoint-30000/unet/config.json +73 -0
  23. checkpoint-30000/unet/diffusion_pytorch_model.safetensors +3 -0
  24. checkpoint-30000/unet_ema/config.json +80 -0
  25. checkpoint-30000/unet_ema/diffusion_pytorch_model.safetensors +3 -0
  26. checkpoint-40000/optimizer.bin +3 -0
  27. checkpoint-40000/random_states_0.pkl +3 -0
  28. checkpoint-40000/scaler.pt +3 -0
  29. checkpoint-40000/scheduler.bin +3 -0
  30. checkpoint-40000/unet/config.json +73 -0
  31. checkpoint-40000/unet/diffusion_pytorch_model.safetensors +3 -0
  32. checkpoint-40000/unet_ema/config.json +80 -0
  33. checkpoint-40000/unet_ema/diffusion_pytorch_model.safetensors +3 -0
  34. model_index.json +38 -0
  35. scheduler/scheduler_config.json +15 -0
  36. text_encoder/config.json +25 -0
  37. text_encoder/model.safetensors +3 -0
  38. tokenizer/merges.txt +0 -0
  39. tokenizer/special_tokens_map.json +24 -0
  40. tokenizer/tokenizer_config.json +38 -0
  41. tokenizer/vocab.json +0 -0
  42. unet/config.json +73 -0
  43. unet/diffusion_pytorch_model.safetensors +3 -0
  44. vae/config.json +37 -0
  45. vae/diffusion_pytorch_model.safetensors +3 -0
  46. val_imgs_grid.png +0 -0
README.md ADDED
@@ -0,0 +1,68 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ ---
2
+ base_model: bguisard/stable-diffusion-nano-2-1
3
+ library_name: diffusers
4
+ license: creativeml-openrail-m
5
+ tags:
6
+ - stable-diffusion
7
+ - stable-diffusion-diffusers
8
+ - text-to-image
9
+ - diffusers
10
+ - diffusers-training
11
+ inference: true
12
+ ---
13
+
14
+ <!-- This model card has been generated automatically according to the information the training script had access to. You
15
+ should probably proofread and complete it, then remove this comment. -->
16
+
17
+
18
+ # Text-to-image finetuning - coolcat21/kanjimaker128
19
+
20
+ This pipeline was finetuned from **bguisard/stable-diffusion-nano-2-1** on the **coolcat21/kanji** dataset. Below are some example images generated with the finetuned pipeline using the following prompts: ['=', 'armed fish']:
21
+
22
+ ![val_imgs_grid](./val_imgs_grid.png)
23
+
24
+
25
+ ## Pipeline usage
26
+
27
+ You can use the pipeline like so:
28
+
29
+ ```python
30
+ from diffusers import DiffusionPipeline
31
+ import torch
32
+
33
+ pipeline = DiffusionPipeline.from_pretrained("coolcat21/kanjimaker128", torch_dtype=torch.float16)
34
+ prompt = "="
35
+ image = pipeline(prompt).images[0]
36
+ image.save("my_image.png")
37
+ ```
38
+
39
+ ## Training info
40
+
41
+ These are the key hyperparameters used during training:
42
+
43
+ * Epochs: 224
44
+ * Learning rate: 1e-05
45
+ * Batch size: 32
46
+ * Gradient accumulation steps: 1
47
+ * Image resolution: 128
48
+ * Mixed-precision: fp16
49
+
50
+
51
+ More information on all the CLI arguments and the environment are available on your [`wandb` run page](https://wandb.ai/ryuan19/text2image-fine-tune/runs/7h9p8y00).
52
+
53
+
54
+ ## Intended uses & limitations
55
+
56
+ #### How to use
57
+
58
+ ```python
59
+ # TODO: add an example code snippet for running this diffusion pipeline
60
+ ```
61
+
62
+ #### Limitations and bias
63
+
64
+ [TODO: provide examples of latent issues and potential remediations]
65
+
66
+ ## Training details
67
+
68
+ [TODO: describe the data used to train the model]
checkpoint-10000/optimizer.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:a6cb0ab6c5e4a27985781c4291c00d583b977bb203ab26b63327ca7493d1549f
3
+ size 6927867604
checkpoint-10000/random_states_0.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2bc4293a83563c157a329b8a5a48b9aa3e34c2df1ed17ddfa4e1f806e0b6cab2
3
+ size 14408
checkpoint-10000/scaler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d49367aa0f19981d0484e3ef5c1b009e6bdd8e5c0d8ef08f2f8d235b9f843816
3
+ size 988
checkpoint-10000/scheduler.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:757284d9b9849399281a9fd80ab6357c6034381f08a799404540585d6df81972
3
+ size 1000
checkpoint-10000/unet/config.json ADDED
@@ -0,0 +1,73 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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",
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "DownBlock2D"
34
+ ],
35
+ "downsample_padding": 1,
36
+ "dropout": 0.0,
37
+ "dual_cross_attention": false,
38
+ "encoder_hid_dim": null,
39
+ "encoder_hid_dim_type": null,
40
+ "flip_sin_to_cos": true,
41
+ "freq_shift": 0,
42
+ "in_channels": 4,
43
+ "layers_per_block": 2,
44
+ "mid_block_only_cross_attention": null,
45
+ "mid_block_scale_factor": 1,
46
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
47
+ "norm_eps": 1e-05,
48
+ "norm_num_groups": 32,
49
+ "num_attention_heads": null,
50
+ "num_class_embeds": null,
51
+ "only_cross_attention": false,
52
+ "out_channels": 4,
53
+ "projection_class_embeddings_input_dim": null,
54
+ "resnet_out_scale_factor": 1.0,
55
+ "resnet_skip_time_act": false,
56
+ "resnet_time_scale_shift": "default",
57
+ "reverse_transformer_layers_per_block": null,
58
+ "sample_size": 16,
59
+ "time_cond_proj_dim": null,
60
+ "time_embedding_act_fn": null,
61
+ "time_embedding_dim": null,
62
+ "time_embedding_type": "positional",
63
+ "timestep_post_act": null,
64
+ "transformer_layers_per_block": 1,
65
+ "up_block_types": [
66
+ "UpBlock2D",
67
+ "CrossAttnUpBlock2D",
68
+ "CrossAttnUpBlock2D",
69
+ "CrossAttnUpBlock2D"
70
+ ],
71
+ "upcast_attention": false,
72
+ "use_linear_projection": true
73
+ }
checkpoint-10000/unet/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:e2cb028d9a875743c5e8883fc5771a02cc7207cb1cc4f8a07c770424d04b7396
3
+ size 3463726504
checkpoint-10000/unet_ema/config.json ADDED
@@ -0,0 +1,80 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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
+ "decay": 0.9999,
30
+ "down_block_types": [
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "CrossAttnDownBlock2D",
34
+ "DownBlock2D"
35
+ ],
36
+ "downsample_padding": 1,
37
+ "dropout": 0.0,
38
+ "dual_cross_attention": false,
39
+ "encoder_hid_dim": null,
40
+ "encoder_hid_dim_type": null,
41
+ "flip_sin_to_cos": true,
42
+ "freq_shift": 0,
43
+ "in_channels": 4,
44
+ "inv_gamma": 1.0,
45
+ "layers_per_block": 2,
46
+ "mid_block_only_cross_attention": null,
47
+ "mid_block_scale_factor": 1,
48
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
49
+ "min_decay": 0.0,
50
+ "norm_eps": 1e-05,
51
+ "norm_num_groups": 32,
52
+ "num_attention_heads": null,
53
+ "num_class_embeds": null,
54
+ "only_cross_attention": false,
55
+ "optimization_step": 10000,
56
+ "out_channels": 4,
57
+ "power": 0.6666666666666666,
58
+ "projection_class_embeddings_input_dim": null,
59
+ "resnet_out_scale_factor": 1.0,
60
+ "resnet_skip_time_act": false,
61
+ "resnet_time_scale_shift": "default",
62
+ "reverse_transformer_layers_per_block": null,
63
+ "sample_size": 16,
64
+ "time_cond_proj_dim": null,
65
+ "time_embedding_act_fn": null,
66
+ "time_embedding_dim": null,
67
+ "time_embedding_type": "positional",
68
+ "timestep_post_act": null,
69
+ "transformer_layers_per_block": 1,
70
+ "up_block_types": [
71
+ "UpBlock2D",
72
+ "CrossAttnUpBlock2D",
73
+ "CrossAttnUpBlock2D",
74
+ "CrossAttnUpBlock2D"
75
+ ],
76
+ "upcast_attention": false,
77
+ "update_after_step": 0,
78
+ "use_ema_warmup": false,
79
+ "use_linear_projection": true
80
+ }
checkpoint-10000/unet_ema/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:670f4127ac300ebf1f41f07529d949cd6a8f27d4859ae992c467dde07fb16e93
3
+ size 3463726504
checkpoint-20000/optimizer.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:708f1cce82d9e393b49f9ae60c1b685f7e88bf552a6b3467aaf121ab92126245
3
+ size 6927867604
checkpoint-20000/random_states_0.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5b38281ed2062e6bb3e2fd56fd5270ee8f939e73f4f01212c079475f9d20cee4
3
+ size 14344
checkpoint-20000/scaler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:1572ca755827b4bc7e72b26f964fdae91ca62eeacee50ef2910766b8ebcb3ac8
3
+ size 988
checkpoint-20000/scheduler.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f820447a5f8e8e99be306d3093b12a1bcf5a0292b3d6fdd7602e2637159685c6
3
+ size 1000
checkpoint-20000/unet/config.json ADDED
@@ -0,0 +1,73 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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",
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "DownBlock2D"
34
+ ],
35
+ "downsample_padding": 1,
36
+ "dropout": 0.0,
37
+ "dual_cross_attention": false,
38
+ "encoder_hid_dim": null,
39
+ "encoder_hid_dim_type": null,
40
+ "flip_sin_to_cos": true,
41
+ "freq_shift": 0,
42
+ "in_channels": 4,
43
+ "layers_per_block": 2,
44
+ "mid_block_only_cross_attention": null,
45
+ "mid_block_scale_factor": 1,
46
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
47
+ "norm_eps": 1e-05,
48
+ "norm_num_groups": 32,
49
+ "num_attention_heads": null,
50
+ "num_class_embeds": null,
51
+ "only_cross_attention": false,
52
+ "out_channels": 4,
53
+ "projection_class_embeddings_input_dim": null,
54
+ "resnet_out_scale_factor": 1.0,
55
+ "resnet_skip_time_act": false,
56
+ "resnet_time_scale_shift": "default",
57
+ "reverse_transformer_layers_per_block": null,
58
+ "sample_size": 16,
59
+ "time_cond_proj_dim": null,
60
+ "time_embedding_act_fn": null,
61
+ "time_embedding_dim": null,
62
+ "time_embedding_type": "positional",
63
+ "timestep_post_act": null,
64
+ "transformer_layers_per_block": 1,
65
+ "up_block_types": [
66
+ "UpBlock2D",
67
+ "CrossAttnUpBlock2D",
68
+ "CrossAttnUpBlock2D",
69
+ "CrossAttnUpBlock2D"
70
+ ],
71
+ "upcast_attention": false,
72
+ "use_linear_projection": true
73
+ }
checkpoint-20000/unet/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f4978275150223e9147277beeda455fff2e3b735579c6c710c2a09a604b8fe6d
3
+ size 3463726504
checkpoint-20000/unet_ema/config.json ADDED
@@ -0,0 +1,80 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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
+ "decay": 0.9999,
30
+ "down_block_types": [
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "CrossAttnDownBlock2D",
34
+ "DownBlock2D"
35
+ ],
36
+ "downsample_padding": 1,
37
+ "dropout": 0.0,
38
+ "dual_cross_attention": false,
39
+ "encoder_hid_dim": null,
40
+ "encoder_hid_dim_type": null,
41
+ "flip_sin_to_cos": true,
42
+ "freq_shift": 0,
43
+ "in_channels": 4,
44
+ "inv_gamma": 1.0,
45
+ "layers_per_block": 2,
46
+ "mid_block_only_cross_attention": null,
47
+ "mid_block_scale_factor": 1,
48
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
49
+ "min_decay": 0.0,
50
+ "norm_eps": 1e-05,
51
+ "norm_num_groups": 32,
52
+ "num_attention_heads": null,
53
+ "num_class_embeds": null,
54
+ "only_cross_attention": false,
55
+ "optimization_step": 20000,
56
+ "out_channels": 4,
57
+ "power": 0.6666666666666666,
58
+ "projection_class_embeddings_input_dim": null,
59
+ "resnet_out_scale_factor": 1.0,
60
+ "resnet_skip_time_act": false,
61
+ "resnet_time_scale_shift": "default",
62
+ "reverse_transformer_layers_per_block": null,
63
+ "sample_size": 16,
64
+ "time_cond_proj_dim": null,
65
+ "time_embedding_act_fn": null,
66
+ "time_embedding_dim": null,
67
+ "time_embedding_type": "positional",
68
+ "timestep_post_act": null,
69
+ "transformer_layers_per_block": 1,
70
+ "up_block_types": [
71
+ "UpBlock2D",
72
+ "CrossAttnUpBlock2D",
73
+ "CrossAttnUpBlock2D",
74
+ "CrossAttnUpBlock2D"
75
+ ],
76
+ "upcast_attention": false,
77
+ "update_after_step": 0,
78
+ "use_ema_warmup": false,
79
+ "use_linear_projection": true
80
+ }
checkpoint-20000/unet_ema/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7c599df6348838c38e1eb0417ab61fc885daf195fe84661219c4c29e19393783
3
+ size 3463726504
checkpoint-30000/optimizer.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:fafb2bd0c8e56e15ca47f83f1f9f8c94c0e06ff1e308b7a5a391d5000ed4be29
3
+ size 6927867604
checkpoint-30000/random_states_0.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:92303941829e0be83d4cdd8e64ce7c2f90db3ff412162849d8c22b0aa429939f
3
+ size 14344
checkpoint-30000/scaler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:cbb8fa721699c9061ed8fb08a6c1de7b024a95d296cd403b7bcd1e0eb1954e2e
3
+ size 988
checkpoint-30000/scheduler.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d27f76d79d2908dadaf397858d50b1f20f9b3bc19b76a51f9d04c9a62d1d8028
3
+ size 1000
checkpoint-30000/unet/config.json ADDED
@@ -0,0 +1,73 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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",
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "DownBlock2D"
34
+ ],
35
+ "downsample_padding": 1,
36
+ "dropout": 0.0,
37
+ "dual_cross_attention": false,
38
+ "encoder_hid_dim": null,
39
+ "encoder_hid_dim_type": null,
40
+ "flip_sin_to_cos": true,
41
+ "freq_shift": 0,
42
+ "in_channels": 4,
43
+ "layers_per_block": 2,
44
+ "mid_block_only_cross_attention": null,
45
+ "mid_block_scale_factor": 1,
46
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
47
+ "norm_eps": 1e-05,
48
+ "norm_num_groups": 32,
49
+ "num_attention_heads": null,
50
+ "num_class_embeds": null,
51
+ "only_cross_attention": false,
52
+ "out_channels": 4,
53
+ "projection_class_embeddings_input_dim": null,
54
+ "resnet_out_scale_factor": 1.0,
55
+ "resnet_skip_time_act": false,
56
+ "resnet_time_scale_shift": "default",
57
+ "reverse_transformer_layers_per_block": null,
58
+ "sample_size": 16,
59
+ "time_cond_proj_dim": null,
60
+ "time_embedding_act_fn": null,
61
+ "time_embedding_dim": null,
62
+ "time_embedding_type": "positional",
63
+ "timestep_post_act": null,
64
+ "transformer_layers_per_block": 1,
65
+ "up_block_types": [
66
+ "UpBlock2D",
67
+ "CrossAttnUpBlock2D",
68
+ "CrossAttnUpBlock2D",
69
+ "CrossAttnUpBlock2D"
70
+ ],
71
+ "upcast_attention": false,
72
+ "use_linear_projection": true
73
+ }
checkpoint-30000/unet/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:d17f2b0d4d856009ae38245e739617b6b02de183a11a62f66b584a01b412f2fd
3
+ size 3463726504
checkpoint-30000/unet_ema/config.json ADDED
@@ -0,0 +1,80 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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
+ "decay": 0.9999,
30
+ "down_block_types": [
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "CrossAttnDownBlock2D",
34
+ "DownBlock2D"
35
+ ],
36
+ "downsample_padding": 1,
37
+ "dropout": 0.0,
38
+ "dual_cross_attention": false,
39
+ "encoder_hid_dim": null,
40
+ "encoder_hid_dim_type": null,
41
+ "flip_sin_to_cos": true,
42
+ "freq_shift": 0,
43
+ "in_channels": 4,
44
+ "inv_gamma": 1.0,
45
+ "layers_per_block": 2,
46
+ "mid_block_only_cross_attention": null,
47
+ "mid_block_scale_factor": 1,
48
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
49
+ "min_decay": 0.0,
50
+ "norm_eps": 1e-05,
51
+ "norm_num_groups": 32,
52
+ "num_attention_heads": null,
53
+ "num_class_embeds": null,
54
+ "only_cross_attention": false,
55
+ "optimization_step": 30000,
56
+ "out_channels": 4,
57
+ "power": 0.6666666666666666,
58
+ "projection_class_embeddings_input_dim": null,
59
+ "resnet_out_scale_factor": 1.0,
60
+ "resnet_skip_time_act": false,
61
+ "resnet_time_scale_shift": "default",
62
+ "reverse_transformer_layers_per_block": null,
63
+ "sample_size": 16,
64
+ "time_cond_proj_dim": null,
65
+ "time_embedding_act_fn": null,
66
+ "time_embedding_dim": null,
67
+ "time_embedding_type": "positional",
68
+ "timestep_post_act": null,
69
+ "transformer_layers_per_block": 1,
70
+ "up_block_types": [
71
+ "UpBlock2D",
72
+ "CrossAttnUpBlock2D",
73
+ "CrossAttnUpBlock2D",
74
+ "CrossAttnUpBlock2D"
75
+ ],
76
+ "upcast_attention": false,
77
+ "update_after_step": 0,
78
+ "use_ema_warmup": false,
79
+ "use_linear_projection": true
80
+ }
checkpoint-30000/unet_ema/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:2008209e6bac233d07b0d018409b5e7e84c92eadf4e266f4df4e6f6fc472abc0
3
+ size 3463726504
checkpoint-40000/optimizer.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:5cd6add6b8023234051e9c8aeb3b3ab0d0b1d461bbe41213a121de2f2665df00
3
+ size 6927867604
checkpoint-40000/random_states_0.pkl ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3c5984a4550bd4bb3ebdb43c8c72b4bd3000d5c4411bc0df2faf22cd67c4e129
3
+ size 14344
checkpoint-40000/scaler.pt ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:19dafa2266145e49dad4b7dd183eec9bd809cb7ff964a01e19705e8ef11eed2d
3
+ size 988
checkpoint-40000/scheduler.bin ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:7bafc160400b7a921573874174c3a11e18cda4f4a433255f5c9cf9a1377cdd10
3
+ size 1000
checkpoint-40000/unet/config.json ADDED
@@ -0,0 +1,73 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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",
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "DownBlock2D"
34
+ ],
35
+ "downsample_padding": 1,
36
+ "dropout": 0.0,
37
+ "dual_cross_attention": false,
38
+ "encoder_hid_dim": null,
39
+ "encoder_hid_dim_type": null,
40
+ "flip_sin_to_cos": true,
41
+ "freq_shift": 0,
42
+ "in_channels": 4,
43
+ "layers_per_block": 2,
44
+ "mid_block_only_cross_attention": null,
45
+ "mid_block_scale_factor": 1,
46
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
47
+ "norm_eps": 1e-05,
48
+ "norm_num_groups": 32,
49
+ "num_attention_heads": null,
50
+ "num_class_embeds": null,
51
+ "only_cross_attention": false,
52
+ "out_channels": 4,
53
+ "projection_class_embeddings_input_dim": null,
54
+ "resnet_out_scale_factor": 1.0,
55
+ "resnet_skip_time_act": false,
56
+ "resnet_time_scale_shift": "default",
57
+ "reverse_transformer_layers_per_block": null,
58
+ "sample_size": 16,
59
+ "time_cond_proj_dim": null,
60
+ "time_embedding_act_fn": null,
61
+ "time_embedding_dim": null,
62
+ "time_embedding_type": "positional",
63
+ "timestep_post_act": null,
64
+ "transformer_layers_per_block": 1,
65
+ "up_block_types": [
66
+ "UpBlock2D",
67
+ "CrossAttnUpBlock2D",
68
+ "CrossAttnUpBlock2D",
69
+ "CrossAttnUpBlock2D"
70
+ ],
71
+ "upcast_attention": false,
72
+ "use_linear_projection": true
73
+ }
checkpoint-40000/unet/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:b0faf814bfd7617dcf766fea2ab51353e38b3ce401436f4ab7d52f026017f392
3
+ size 3463726504
checkpoint-40000/unet_ema/config.json ADDED
@@ -0,0 +1,80 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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
+ "decay": 0.9999,
30
+ "down_block_types": [
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "CrossAttnDownBlock2D",
34
+ "DownBlock2D"
35
+ ],
36
+ "downsample_padding": 1,
37
+ "dropout": 0.0,
38
+ "dual_cross_attention": false,
39
+ "encoder_hid_dim": null,
40
+ "encoder_hid_dim_type": null,
41
+ "flip_sin_to_cos": true,
42
+ "freq_shift": 0,
43
+ "in_channels": 4,
44
+ "inv_gamma": 1.0,
45
+ "layers_per_block": 2,
46
+ "mid_block_only_cross_attention": null,
47
+ "mid_block_scale_factor": 1,
48
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
49
+ "min_decay": 0.0,
50
+ "norm_eps": 1e-05,
51
+ "norm_num_groups": 32,
52
+ "num_attention_heads": null,
53
+ "num_class_embeds": null,
54
+ "only_cross_attention": false,
55
+ "optimization_step": 40000,
56
+ "out_channels": 4,
57
+ "power": 0.6666666666666666,
58
+ "projection_class_embeddings_input_dim": null,
59
+ "resnet_out_scale_factor": 1.0,
60
+ "resnet_skip_time_act": false,
61
+ "resnet_time_scale_shift": "default",
62
+ "reverse_transformer_layers_per_block": null,
63
+ "sample_size": 16,
64
+ "time_cond_proj_dim": null,
65
+ "time_embedding_act_fn": null,
66
+ "time_embedding_dim": null,
67
+ "time_embedding_type": "positional",
68
+ "timestep_post_act": null,
69
+ "transformer_layers_per_block": 1,
70
+ "up_block_types": [
71
+ "UpBlock2D",
72
+ "CrossAttnUpBlock2D",
73
+ "CrossAttnUpBlock2D",
74
+ "CrossAttnUpBlock2D"
75
+ ],
76
+ "upcast_attention": false,
77
+ "update_after_step": 0,
78
+ "use_ema_warmup": false,
79
+ "use_linear_projection": true
80
+ }
checkpoint-40000/unet_ema/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:78f8729340620b11c042b570ab448ac5c233647d86ec16bf506a1c2903a3c072
3
+ size 3463726504
model_index.json ADDED
@@ -0,0 +1,38 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "StableDiffusionPipeline",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
5
+ "feature_extractor": [
6
+ null,
7
+ null
8
+ ],
9
+ "image_encoder": [
10
+ null,
11
+ null
12
+ ],
13
+ "requires_safety_checker": true,
14
+ "safety_checker": [
15
+ null,
16
+ null
17
+ ],
18
+ "scheduler": [
19
+ "diffusers",
20
+ "PNDMScheduler"
21
+ ],
22
+ "text_encoder": [
23
+ "transformers",
24
+ "CLIPTextModel"
25
+ ],
26
+ "tokenizer": [
27
+ "transformers",
28
+ "CLIPTokenizer"
29
+ ],
30
+ "unet": [
31
+ "diffusers",
32
+ "UNet2DConditionModel"
33
+ ],
34
+ "vae": [
35
+ "diffusers",
36
+ "AutoencoderKL"
37
+ ]
38
+ }
scheduler/scheduler_config.json ADDED
@@ -0,0 +1,15 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "PNDMScheduler",
3
+ "_diffusers_version": "0.29.2",
4
+ "beta_end": 0.012,
5
+ "beta_schedule": "scaled_linear",
6
+ "beta_start": 0.00085,
7
+ "clip_sample": false,
8
+ "num_train_timesteps": 1000,
9
+ "prediction_type": "epsilon",
10
+ "set_alpha_to_one": false,
11
+ "skip_prk_steps": true,
12
+ "steps_offset": 1,
13
+ "timestep_spacing": "leading",
14
+ "trained_betas": null
15
+ }
text_encoder/config.json ADDED
@@ -0,0 +1,25 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
3
+ "architectures": [
4
+ "CLIPTextModel"
5
+ ],
6
+ "attention_dropout": 0.0,
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.42.4",
24
+ "vocab_size": 49408
25
+ }
text_encoder/model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:bc1827c465450322616f06dea41596eac7d493f4e95904dcb51f0fc745c4e13f
3
+ size 680820392
tokenizer/merges.txt ADDED
The diff for this file is too large to render. See raw diff
 
tokenizer/special_tokens_map.json ADDED
@@ -0,0 +1,24 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "bos_token": {
3
+ "content": "<|startoftext|>",
4
+ "lstrip": false,
5
+ "normalized": true,
6
+ "rstrip": false,
7
+ "single_word": false
8
+ },
9
+ "eos_token": {
10
+ "content": "<|endoftext|>",
11
+ "lstrip": false,
12
+ "normalized": true,
13
+ "rstrip": false,
14
+ "single_word": false
15
+ },
16
+ "pad_token": "!",
17
+ "unk_token": {
18
+ "content": "<|endoftext|>",
19
+ "lstrip": false,
20
+ "normalized": true,
21
+ "rstrip": false,
22
+ "single_word": false
23
+ }
24
+ }
tokenizer/tokenizer_config.json ADDED
@@ -0,0 +1,38 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
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,
15
+ "normalized": true,
16
+ "rstrip": false,
17
+ "single_word": false,
18
+ "special": true
19
+ },
20
+ "49407": {
21
+ "content": "<|endoftext|>",
22
+ "lstrip": false,
23
+ "normalized": true,
24
+ "rstrip": false,
25
+ "single_word": false,
26
+ "special": true
27
+ }
28
+ },
29
+ "bos_token": "<|startoftext|>",
30
+ "clean_up_tokenization_spaces": true,
31
+ "do_lower_case": true,
32
+ "eos_token": "<|endoftext|>",
33
+ "errors": "replace",
34
+ "model_max_length": 77,
35
+ "pad_token": "!",
36
+ "tokenizer_class": "CLIPTokenizer",
37
+ "unk_token": "<|endoftext|>"
38
+ }
tokenizer/vocab.json ADDED
The diff for this file is too large to render. See raw diff
 
unet/config.json ADDED
@@ -0,0 +1,73 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "UNet2DConditionModel",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
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,
18
+ 640,
19
+ 1280,
20
+ 1280
21
+ ],
22
+ "center_input_sample": false,
23
+ "class_embed_type": null,
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",
31
+ "CrossAttnDownBlock2D",
32
+ "CrossAttnDownBlock2D",
33
+ "DownBlock2D"
34
+ ],
35
+ "downsample_padding": 1,
36
+ "dropout": 0.0,
37
+ "dual_cross_attention": false,
38
+ "encoder_hid_dim": null,
39
+ "encoder_hid_dim_type": null,
40
+ "flip_sin_to_cos": true,
41
+ "freq_shift": 0,
42
+ "in_channels": 4,
43
+ "layers_per_block": 2,
44
+ "mid_block_only_cross_attention": null,
45
+ "mid_block_scale_factor": 1,
46
+ "mid_block_type": "UNetMidBlock2DCrossAttn",
47
+ "norm_eps": 1e-05,
48
+ "norm_num_groups": 32,
49
+ "num_attention_heads": null,
50
+ "num_class_embeds": null,
51
+ "only_cross_attention": false,
52
+ "out_channels": 4,
53
+ "projection_class_embeddings_input_dim": null,
54
+ "resnet_out_scale_factor": 1.0,
55
+ "resnet_skip_time_act": false,
56
+ "resnet_time_scale_shift": "default",
57
+ "reverse_transformer_layers_per_block": null,
58
+ "sample_size": 16,
59
+ "time_cond_proj_dim": null,
60
+ "time_embedding_act_fn": null,
61
+ "time_embedding_dim": null,
62
+ "time_embedding_type": "positional",
63
+ "timestep_post_act": null,
64
+ "transformer_layers_per_block": 1,
65
+ "up_block_types": [
66
+ "UpBlock2D",
67
+ "CrossAttnUpBlock2D",
68
+ "CrossAttnUpBlock2D",
69
+ "CrossAttnUpBlock2D"
70
+ ],
71
+ "upcast_attention": false,
72
+ "use_linear_projection": true
73
+ }
unet/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:f39a6c24aceac1a78e8b334be09ec8f5937f930576ee9c2a701d3353b80b6093
3
+ size 3463726504
vae/config.json ADDED
@@ -0,0 +1,37 @@
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
 
1
+ {
2
+ "_class_name": "AutoencoderKL",
3
+ "_diffusers_version": "0.29.2",
4
+ "_name_or_path": "bguisard/stable-diffusion-nano-2-1",
5
+ "act_fn": "silu",
6
+ "block_out_channels": [
7
+ 128,
8
+ 256,
9
+ 512,
10
+ 512
11
+ ],
12
+ "down_block_types": [
13
+ "DownEncoderBlock2D",
14
+ "DownEncoderBlock2D",
15
+ "DownEncoderBlock2D",
16
+ "DownEncoderBlock2D"
17
+ ],
18
+ "force_upcast": true,
19
+ "in_channels": 3,
20
+ "latent_channels": 4,
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": 128,
27
+ "scaling_factor": 0.18215,
28
+ "shift_factor": null,
29
+ "up_block_types": [
30
+ "UpDecoderBlock2D",
31
+ "UpDecoderBlock2D",
32
+ "UpDecoderBlock2D",
33
+ "UpDecoderBlock2D"
34
+ ],
35
+ "use_post_quant_conv": true,
36
+ "use_quant_conv": true
37
+ }
vae/diffusion_pytorch_model.safetensors ADDED
@@ -0,0 +1,3 @@
 
 
 
 
1
+ version https://git-lfs.github.com/spec/v1
2
+ oid sha256:3e4c08995484ee61270175e9e7a072b66a6e4eeb5f0c266667fe1f45b90daf9a
3
+ size 167335342
val_imgs_grid.png ADDED