diff --git a/README.md b/README.md new file mode 100644 index 0000000000000000000000000000000000000000..d4a4d506a88e0c64af8a41e834ba655d3b9fd08e --- /dev/null +++ b/README.md @@ -0,0 +1,66 @@ +--- +base_model: runwayml/stable-diffusion-v1-5 +library_name: diffusers +license: creativeml-openrail-m +tags: +- stable-diffusion +- stable-diffusion-diffusers +- text-to-image +- diffusers +- diffusers-training +inference: true +--- + + + + +# Text-to-image finetuning - spockren/sd-naruto-model + +This pipeline was finetuned from **runwayml/stable-diffusion-v1-5** on the **lambdalabs/naruto-blip-captions** dataset. Below are some example images generated with the finetuned pipeline using the following prompts: ['A backpack']: + +![val_imgs_grid](./val_imgs_grid.png) + + +## Pipeline usage + +You can use the pipeline like so: + +```python +from diffusers import DiffusionPipeline +import torch + +pipeline = DiffusionPipeline.from_pretrained("spockren/sd-naruto-model", torch_dtype=torch.float16) +prompt = "A backpack" +image = pipeline(prompt).images[0] +image.save("my_image.png") +``` + +## Training info + +These are the key hyperparameters used during training: + +* Epochs: 50 +* Learning rate: 1e-05 +* Batch size: 1 +* Gradient accumulation steps: 4 +* Image resolution: 512 +* Mixed-precision: fp16 + + + +## Intended uses & limitations + +#### How to use + +```python +# TODO: add an example code snippet for running this diffusion pipeline +``` + +#### Limitations and bias + +[TODO: provide examples of latent issues and potential remediations] + +## Training details + +[TODO: describe the data used to train the model] \ No newline at end of file diff --git a/checkpoint-1000/optimizer.bin b/checkpoint-1000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..5eb576d2b992d91a82951e3dfaeb2bd7324b2251 --- /dev/null +++ b/checkpoint-1000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4b242f3e0eef8bc6cfeb8f9345e4f4f8ec564a286d8035cdf3a4e217aaa3e67c +size 6876750164 diff --git a/checkpoint-1000/random_states_0.pkl b/checkpoint-1000/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..d339252ca4a972a316e8ce643a880bd2ef9c58e2 --- /dev/null +++ b/checkpoint-1000/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e46791f7847fcb5e901175b84796c0ae028510df22f7cc33e70c03c31b3b0c4 +size 14344 diff --git a/checkpoint-1000/scaler.pt b/checkpoint-1000/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..1d181e6249d155a6c5e31f3078bd344c67ee533e --- /dev/null +++ b/checkpoint-1000/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d8fdcd0311eba9854fff738038ed4c1a269832665b4d88ba4e4e3d02a1a7e0e +size 988 diff --git a/checkpoint-1000/scheduler.bin b/checkpoint-1000/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..2b27d725b3673477ff55fdd87a26906ce6565614 --- /dev/null +++ b/checkpoint-1000/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9d16ae9dedf4c45ceadc467593037d83423677715e75ab402a9f44aa81de9b84 +size 1000 diff --git a/checkpoint-1000/unet/config.json b/checkpoint-1000/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..ca24297c0b035dfc4d0b825081594383b1eddb88 --- /dev/null +++ b/checkpoint-1000/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-1000/unet/diffusion_pytorch_model.safetensors b/checkpoint-1000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..010efc5bc404c269e981349363a42ec97e12889f --- /dev/null +++ b/checkpoint-1000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5f9f22c43de4e94b60a88ddbbf43560636f74dcd66436dd0660baeea1465a5d +size 3438167536 diff --git a/checkpoint-1000/unet_ema/config.json b/checkpoint-1000/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..e385c55918eadb4a868f9ade6252082e88fd0cb5 --- /dev/null +++ b/checkpoint-1000/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 1000, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-1000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-1000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..9194fb2aa25e127a7891c8dfcfeaa5562cc2f2ff --- /dev/null +++ b/checkpoint-1000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:24329199ea6626f2ad31e12e8877b5f20c56d2faf3a84d0a8ff0f1575b92c7f8 +size 3438167536 diff --git a/checkpoint-10000/optimizer.bin b/checkpoint-10000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..a0e829ffc50ab0838933f5c7187bfa591b6f06a4 --- /dev/null +++ b/checkpoint-10000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b9f6946ca2a543bcf18873cced466abe46d9276a3dbe8df438d1279c71e7a032 +size 6876750164 diff --git a/checkpoint-10000/random_states_0.pkl b/checkpoint-10000/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..4abee163ef3f29c5cee4069752e496ff48ad3557 --- /dev/null +++ b/checkpoint-10000/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5311f11d1efb932747b4c168ef571eb9ab476cd29363ea17702d349cb9c03089 +size 14344 diff --git a/checkpoint-10000/scaler.pt b/checkpoint-10000/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..4a1e4b060f24043a346f4056fce189318a36183a --- /dev/null +++ b/checkpoint-10000/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d49367aa0f19981d0484e3ef5c1b009e6bdd8e5c0d8ef08f2f8d235b9f843816 +size 988 diff --git a/checkpoint-10000/scheduler.bin b/checkpoint-10000/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..404dfd6422eb26d29b37d4327709c308ac4d1907 --- /dev/null +++ b/checkpoint-10000/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d31ad9a5150e341b638f838a47b3cb3db0d48efa493bcc8d1f8bf787b2c8cee3 +size 1000 diff --git a/checkpoint-10000/unet/config.json b/checkpoint-10000/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..246383173b4ecf795d5855fe20830cc2abed0152 --- /dev/null +++ b/checkpoint-10000/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-1500", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-10000/unet/diffusion_pytorch_model.safetensors b/checkpoint-10000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..6275adde09f192cb1cd25572e1f6bc8471bca737 --- /dev/null +++ b/checkpoint-10000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:16d1699ac6a5da4400dece5c9a8c420d2d6e13b7d69bcd64e170c44b0fc8efd8 +size 3438167536 diff --git a/checkpoint-10000/unet_ema/config.json b/checkpoint-10000/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..462b71a6fb9564cffd02d3be8bc2e55a26a7c7b3 --- /dev/null +++ b/checkpoint-10000/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 8500, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-10000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-10000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..9e1a80995a8dc2f9e008a1d7994137db6b9b00e7 --- /dev/null +++ b/checkpoint-10000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b108b93acc5e6420fe04748ad59a006dac8e0d788ed77398195bec575d841602 +size 3438167536 diff --git a/checkpoint-10500/optimizer.bin b/checkpoint-10500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..7245a016de7d7dd86a5639ab66d2e4fab3bc3e00 --- /dev/null +++ b/checkpoint-10500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6d3cc8f6d561327c906814e59ae5cceefabac6b64f36d18b2d7a3a44b5af7d62 +size 6876750164 diff --git a/checkpoint-10500/random_states_0.pkl b/checkpoint-10500/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..c642ac4029ef1942057b5acb4e77238d7d17071c --- /dev/null +++ b/checkpoint-10500/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:daa8cfe5a197e48a49eb89fb9daa1a14fe9994fae80b276e8b05a3412f1ab092 +size 14344 diff --git a/checkpoint-10500/scaler.pt b/checkpoint-10500/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..4cdb96a0144f9151d08b4a31dbf367252e12bc2c --- /dev/null +++ b/checkpoint-10500/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:01779ab2347be8e591753bc4549de9a4488b45e647b2f7921c9e29c49b9601a9 +size 988 diff --git a/checkpoint-10500/scheduler.bin b/checkpoint-10500/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..29e1f27de5b86ac56061c5ebec890f3d1be0da19 --- /dev/null +++ b/checkpoint-10500/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:94d68e9fa853ae093658f50590cc9c32d2da56551802d5c8ad20ebcaf7c6eac6 +size 1000 diff --git a/checkpoint-10500/unet/config.json b/checkpoint-10500/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..246383173b4ecf795d5855fe20830cc2abed0152 --- /dev/null +++ b/checkpoint-10500/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-1500", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-10500/unet/diffusion_pytorch_model.safetensors b/checkpoint-10500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..c597be9752ba5102f70e5f0d6c59dc56cbef6359 --- /dev/null +++ b/checkpoint-10500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f0b304f5ecaab8c499bc37827aa16e4999b817aaf22025fd79a1a65138353bf1 +size 3438167536 diff --git a/checkpoint-10500/unet_ema/config.json b/checkpoint-10500/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..72a03d8bacadb1f0f1523043fc6e064dd045f5b3 --- /dev/null +++ b/checkpoint-10500/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 9000, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-10500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-10500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..12190685727f17bc048bca9b101836a797391912 --- /dev/null +++ b/checkpoint-10500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f68a8af7e5c9927e0285fcd52c82670e0d88fd54f3581e946b63cd31d7eb5b85 +size 3438167536 diff --git a/checkpoint-11000/optimizer.bin b/checkpoint-11000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..65eee5c0c85ae0142355ff7679a3b21520f11a15 --- /dev/null +++ b/checkpoint-11000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cd67a16d7546b41a83e734878f8886b49d5ea44b3800c1b729e07ccdb5ff1d97 +size 6876750164 diff --git a/checkpoint-11000/random_states_0.pkl b/checkpoint-11000/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..13407562b119ee28fa7345caaec1713b7d988053 --- /dev/null +++ b/checkpoint-11000/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5e3cc475c1662cad811e63e5853647790a7a87c0a82815b9249899b6b08ca9b +size 14344 diff --git a/checkpoint-11000/scaler.pt b/checkpoint-11000/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..1ca377beb66bb5713edc77a3ceeaf96ea4704e3b --- /dev/null +++ b/checkpoint-11000/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3e21dabb36dbda24392f0722ce6e2b2605bd46104c3d4ec1d1531ebe03789c49 +size 988 diff --git a/checkpoint-11000/scheduler.bin b/checkpoint-11000/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..d2361ba0caa1a1a8d0bb59fd9cff05fd56e4ce02 --- /dev/null +++ b/checkpoint-11000/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7ba806b28f71e1e1cf1d42195652aa3e74d3e313c111b119d860e4f1aee287f +size 1000 diff --git a/checkpoint-11000/unet/config.json b/checkpoint-11000/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..246383173b4ecf795d5855fe20830cc2abed0152 --- /dev/null +++ b/checkpoint-11000/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-1500", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-11000/unet/diffusion_pytorch_model.safetensors b/checkpoint-11000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..09a7eca4e6aa068ce280b384a94b9a51b918afb6 --- /dev/null +++ b/checkpoint-11000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c445aba708c9acecc3f32ed142782c6d3c8c0fb426712e56ed768ab8f86b25c6 +size 3438167536 diff --git a/checkpoint-11000/unet_ema/config.json b/checkpoint-11000/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..1728f7a22bf3592bd7d370987d49fba47a96cc30 --- /dev/null +++ b/checkpoint-11000/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 9500, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-11000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-11000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..2b65ee4d0f948bcaec46d9b69b0fcde22a1d6ad9 --- /dev/null +++ b/checkpoint-11000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:37b8d4817e2eebc687db358e8795297549b2bba6a524425df3bda1cc34ec5951 +size 3438167536 diff --git a/checkpoint-11500/optimizer.bin b/checkpoint-11500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..d92acbf233b05b0aa1d9c958a314d6db2e636621 --- /dev/null +++ b/checkpoint-11500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f331784db6b20276074fc7148792c000dbc6ce8aa4f3a33de14a38cdd53580ad +size 6876750164 diff --git a/checkpoint-11500/random_states_0.pkl b/checkpoint-11500/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..6e8f60474b139a178bac46bb12543161db599cb6 --- /dev/null +++ b/checkpoint-11500/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8fe1d838902acc468366e6a9f7eb3f722a3553b09ff940b0cfa18d6e8032ff9e +size 14344 diff --git a/checkpoint-11500/scaler.pt b/checkpoint-11500/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..e7c860a1e660024673a1307a56896c4796ccecfd --- /dev/null +++ b/checkpoint-11500/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:171482665d2dd196ceb9bb07828e79f3031503983fba849e0e18c7bb877dd4ec +size 988 diff --git a/checkpoint-11500/scheduler.bin b/checkpoint-11500/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..3997383fe473768e21d9aecab6872fe228c9e898 --- /dev/null +++ b/checkpoint-11500/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b7b2247bda89df10af46d8fc9946fb5ac6444c073272d5755453a114baf37790 +size 1000 diff --git a/checkpoint-11500/unet/config.json b/checkpoint-11500/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..246383173b4ecf795d5855fe20830cc2abed0152 --- /dev/null +++ b/checkpoint-11500/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-1500", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-11500/unet/diffusion_pytorch_model.safetensors b/checkpoint-11500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..1c19d39587b1a0fb2d20753597201501d5adff08 --- /dev/null +++ b/checkpoint-11500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:64215ce6a0a1b07391b492469a95c2e583823dd41a5a802c97476683c88ef1b3 +size 3438167536 diff --git a/checkpoint-11500/unet_ema/config.json b/checkpoint-11500/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..11d78b977185b570105b7731e62534b7c42c1e2e --- /dev/null +++ b/checkpoint-11500/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 10000, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-11500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-11500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..e9bf24bd9461c8f1a5725e5a08de6a541f444683 --- /dev/null +++ b/checkpoint-11500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0abf12755c5fbb33c411aae0cbdc91f99900c0d2af5a26013254a15f97cda668 +size 3438167536 diff --git a/checkpoint-12000/optimizer.bin b/checkpoint-12000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..229081f8b4537ce9f8140bc98a1b415ba9e7b22a --- /dev/null +++ b/checkpoint-12000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0acf97e35a179e647f355dcf4e822b624fa238e5e756838897d7642dbc9b7f94 +size 6876750164 diff --git a/checkpoint-12000/random_states_0.pkl b/checkpoint-12000/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..f0c63db36e465609ef8ad0e9de00d3ef474cc264 --- /dev/null +++ b/checkpoint-12000/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:44950f6c633f8e23fc24518b42df6aebda8aa0e9fdbc43c8b56e028672297074 +size 14344 diff --git a/checkpoint-12000/scaler.pt b/checkpoint-12000/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..d508dd2c8992e64f37781434bb6bb2c7f70d2aab --- /dev/null +++ b/checkpoint-12000/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d1f9d6a63312bf6188d8844a7d621f2ecda20b6c0aee9e19ddcea1c480954ba +size 988 diff --git a/checkpoint-12000/scheduler.bin b/checkpoint-12000/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..9c8aaa514d6398d9be2c42d39c29ee60dc94f020 --- /dev/null +++ b/checkpoint-12000/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e71950f59e322ffbb0a94be88ee05554b97b740b97bea747e739593db11c43b9 +size 1000 diff --git a/checkpoint-12000/unet/config.json b/checkpoint-12000/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..246383173b4ecf795d5855fe20830cc2abed0152 --- /dev/null +++ b/checkpoint-12000/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-1500", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-12000/unet/diffusion_pytorch_model.safetensors b/checkpoint-12000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..005d1709fa0e9f96a6fce525db18460455b07e9e --- /dev/null +++ b/checkpoint-12000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6184005f5e9a3a369cd38fe0063cc761a16ba13b8471ab1675ac5d52b5eaee47 +size 3438167536 diff --git a/checkpoint-12000/unet_ema/config.json b/checkpoint-12000/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..60c7de9fbedfe6f453bfdb925f3880d942fe3e56 --- /dev/null +++ b/checkpoint-12000/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 10500, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-12000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-12000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..cd2afa75ca68164e21defa420343e7c4b08038a3 --- /dev/null +++ b/checkpoint-12000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fad75289b690592debf960685ba5abde3640784f78dc14ed1cceb0eb5ad7339 +size 3438167536 diff --git a/checkpoint-12500/optimizer.bin b/checkpoint-12500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..4a2e53101b991e2991f382ed5f63e9a97e82762d --- /dev/null +++ b/checkpoint-12500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:954c8d9932b4c5bbb1caae667600bfc8390892190ec9037f49f86cb8d2fe8968 +size 6876750164 diff --git a/checkpoint-12500/random_states_0.pkl b/checkpoint-12500/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..9b7709ad00312a388df9759c2bedc8b0de846a80 --- /dev/null +++ b/checkpoint-12500/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6e85ef425ef5d520711082375460fad326c1fc9d60795690116cb30d551f291f +size 14344 diff --git a/checkpoint-12500/scaler.pt b/checkpoint-12500/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..4d0c8abeebda41aa041cedaafab5e1b4e6b849b3 --- /dev/null +++ b/checkpoint-12500/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:971b044be39c256f04af2a12fd12d4dcf9ae5e5d310c0887db9e15dbce71ba9b +size 988 diff --git a/checkpoint-12500/scheduler.bin b/checkpoint-12500/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..88a7db40e9d63c4ddc568c7bef1cc535bf0ba81c --- /dev/null +++ b/checkpoint-12500/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7467495c6ea967b5801d100432185ae74ac62c2c3534d8f28d164e5eedcbe92d +size 1000 diff --git a/checkpoint-12500/unet/config.json b/checkpoint-12500/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..246383173b4ecf795d5855fe20830cc2abed0152 --- /dev/null +++ b/checkpoint-12500/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-1500", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-12500/unet/diffusion_pytorch_model.safetensors b/checkpoint-12500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..39b7d5e8985704e1e92c89551d206de069550e9c --- /dev/null +++ b/checkpoint-12500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3f28b4d210a66d494d1df6df0a0bde57f9c9cd60754dc98c2a9cc42cfab584d9 +size 3438167536 diff --git a/checkpoint-12500/unet_ema/config.json b/checkpoint-12500/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..65d6bf74cdcd58db98447f51b4fad5061d6ce65d --- /dev/null +++ b/checkpoint-12500/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 11000, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-12500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-12500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..94af1bbac3975721ca5f56da40bc1a2d89423ab1 --- /dev/null +++ b/checkpoint-12500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9620a5afeefab5409a1d1ca669ec5aad9a9cee70484efb74a3186f0665f9870e +size 3438167536 diff --git a/checkpoint-13000/optimizer.bin b/checkpoint-13000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..fce95354205beb9f12eaea534efc923847876c3c --- /dev/null +++ b/checkpoint-13000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec8e7a8cdc85d15540d7e94d23d7ad3fa0b5293edca7723cff1b8e01f5236f0d +size 6876750164 diff --git a/checkpoint-13000/random_states_0.pkl b/checkpoint-13000/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..2ef4ec5a598f39e86b3a9f9d7cad44b03d66cc37 --- /dev/null +++ b/checkpoint-13000/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e8f1cfbbce69609d6fc623959cd20d5bc0788f46a57aed5976e318c8eb06998a +size 14344 diff --git a/checkpoint-13000/scaler.pt b/checkpoint-13000/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..4ced4b569621b283ab409fa5e41736fc0a8f43e6 --- /dev/null +++ b/checkpoint-13000/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e77f98967818acefa7b6b48d86d0635b780ab57badf525d74c7b5b70c8009b64 +size 988 diff --git a/checkpoint-13000/scheduler.bin b/checkpoint-13000/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..659b3049676d8887e114b4cdf874d15663f36c0b --- /dev/null +++ b/checkpoint-13000/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee961ed5cbbe8aa04a6a17bc82eac799c17a3005fb0cfac625144c54ed464102 +size 1000 diff --git a/checkpoint-13000/unet/config.json b/checkpoint-13000/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..246383173b4ecf795d5855fe20830cc2abed0152 --- /dev/null +++ b/checkpoint-13000/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-1500", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-13000/unet/diffusion_pytorch_model.safetensors b/checkpoint-13000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..aa88032472474436ce420098ea76b5e0247c65bf --- /dev/null +++ b/checkpoint-13000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c2a73617ab6a44d0360157f796e75b6f4d0fb837fe96a6f18ef7f251fc278c6e +size 3438167536 diff --git a/checkpoint-13000/unet_ema/config.json b/checkpoint-13000/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..2ece8368db37484bd7d7ad10edc9b88332fc4a19 --- /dev/null +++ b/checkpoint-13000/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 11500, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-13000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-13000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..d63c7b31cd19ae1e6f208330f213402a9617df3e --- /dev/null +++ b/checkpoint-13000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c966bbb30b9dc5991a9f05bf7414262652a3633944fb432b27e78216e56b97b6 +size 3438167536 diff --git a/checkpoint-13500/optimizer.bin b/checkpoint-13500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..66f66cee5a0b8e05b65e480749067115b07a1216 --- /dev/null +++ b/checkpoint-13500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:19168f86196ac28f9a3e8e39622b7771ef75a13b2051b46f8032847fc786ef1b +size 6876750164 diff --git a/checkpoint-13500/random_states_0.pkl b/checkpoint-13500/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..03fb16dcfd633cfe9d9edd5701b973eaa1291bae --- /dev/null +++ b/checkpoint-13500/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:91f4add916486a77e9783ab29db13a36a34ee95c67c22fb751e51235b29ac77a +size 14344 diff --git a/checkpoint-13500/scaler.pt b/checkpoint-13500/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..025e7ede23687ba6f87d08eab5f099a2f269162d --- /dev/null +++ b/checkpoint-13500/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5bb4ee3801b11e2b95773f86abaa2d1e4b1da1e9da1588595ee5a4248d6798c1 +size 988 diff --git a/checkpoint-13500/scheduler.bin b/checkpoint-13500/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..0060ee0f5b994fa866429ec769616a7f7271d01e --- /dev/null +++ b/checkpoint-13500/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fd2cb44ffda49b78703f527708e5b05c7884d2efe41a1c8eb6872d68852fa4d1 +size 1000 diff --git a/checkpoint-13500/unet/config.json b/checkpoint-13500/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..22a9a5428f667eae0f0c70d2553c10b9679d3018 --- /dev/null +++ b/checkpoint-13500/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-13000", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-13500/unet/diffusion_pytorch_model.safetensors b/checkpoint-13500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..5e66dae3fd2f55db7cf10469b96887010cc3533c --- /dev/null +++ b/checkpoint-13500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ef1126ea233ba1efb0632a3dcfef1d834ec4f505d8f0cdf5eb04176541398a9a +size 3438167536 diff --git a/checkpoint-13500/unet_ema/config.json b/checkpoint-13500/unet_ema/config.json new file mode 100644 index 0000000000000000000000000000000000000000..40ae1df375e80fd88d12eb213cb13cc2790cd09e --- /dev/null +++ b/checkpoint-13500/unet_ema/config.json @@ -0,0 +1,75 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "runwayml/stable-diffusion-v1-5", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "decay": 0.9999, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "inv_gamma": 1.0, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "min_decay": 0.0, + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "optimization_step": 500, + "out_channels": 4, + "power": 0.6666666666666666, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "update_after_step": 0, + "use_ema_warmup": false, + "use_linear_projection": false +} diff --git a/checkpoint-13500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-13500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..6147fa2d17e3116ff832ec8113d6bde0e08e489e --- /dev/null +++ b/checkpoint-13500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d7c647d30c09404fc1e1d856f0e9085ed7d3b6f83a646b950a05b7f229be309 +size 3438167536 diff --git a/checkpoint-14000/optimizer.bin b/checkpoint-14000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..452fde794c30c7efff56f9b861ce7a74e0f20efe --- /dev/null +++ b/checkpoint-14000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:48aa12c03387aa4836666b84a4094c2b644fbfb92577ec2eedb841aaa1f80ffd +size 6876750164 diff --git a/checkpoint-14000/random_states_0.pkl b/checkpoint-14000/random_states_0.pkl new file mode 100644 index 0000000000000000000000000000000000000000..0c32c2bcf916622311dabda7bfa75edccf151ed2 --- /dev/null +++ b/checkpoint-14000/random_states_0.pkl @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7fbfa5d7df68b1fd9bb734ecba668973b5677a864eb9c3b78338bc7487b4abcd +size 14344 diff --git a/checkpoint-14000/scaler.pt b/checkpoint-14000/scaler.pt new file mode 100644 index 0000000000000000000000000000000000000000..1b662b51676a156b87defef3451e7cf318983cd7 --- /dev/null +++ b/checkpoint-14000/scaler.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8972e137dff582ed156c48a434d8d5304443a88bca38ef8e7f0e80298e6f0533 +size 988 diff --git a/checkpoint-14000/scheduler.bin b/checkpoint-14000/scheduler.bin new file mode 100644 index 0000000000000000000000000000000000000000..7cb7a98ef3fb5a5b91435413f3326eda689ec709 --- /dev/null +++ b/checkpoint-14000/scheduler.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ee032204bba8930df676bada22732e1d1d4fce2e74de1dd6725c0a0c5840cb19 +size 1000 diff --git a/checkpoint-14000/unet/config.json b/checkpoint-14000/unet/config.json new file mode 100644 index 0000000000000000000000000000000000000000..22a9a5428f667eae0f0c70d2553c10b9679d3018 --- /dev/null +++ b/checkpoint-14000/unet/config.json @@ -0,0 +1,68 @@ +{ + "_class_name": "UNet2DConditionModel", + "_diffusers_version": "0.30.0.dev0", + "_name_or_path": "sd-naruto-model/checkpoint-13000", + "act_fn": "silu", + "addition_embed_type": null, + "addition_embed_type_num_heads": 64, + "addition_time_embed_dim": null, + "attention_head_dim": 8, + "attention_type": "default", + "block_out_channels": [ + 320, + 640, + 1280, + 1280 + ], + "center_input_sample": false, + "class_embed_type": null, + "class_embeddings_concat": false, + "conv_in_kernel": 3, + "conv_out_kernel": 3, + "cross_attention_dim": 768, + "cross_attention_norm": null, + "down_block_types": [ + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "CrossAttnDownBlock2D", + "DownBlock2D" + ], + "downsample_padding": 1, + "dropout": 0.0, + "dual_cross_attention": false, + "encoder_hid_dim": null, + "encoder_hid_dim_type": null, + "flip_sin_to_cos": true, + "freq_shift": 0, + "in_channels": 4, + "layers_per_block": 2, + "mid_block_only_cross_attention": null, + "mid_block_scale_factor": 1, + "mid_block_type": "UNetMidBlock2DCrossAttn", + "norm_eps": 1e-05, + "norm_num_groups": 32, + "num_attention_heads": null, + "num_class_embeds": null, + "only_cross_attention": false, + "out_channels": 4, + "projection_class_embeddings_input_dim": null, + "resnet_out_scale_factor": 1.0, + "resnet_skip_time_act": false, + "resnet_time_scale_shift": "default", + "reverse_transformer_layers_per_block": null, + "sample_size": 64, + "time_cond_proj_dim": null, + "time_embedding_act_fn": null, + "time_embedding_dim": null, + "time_embedding_type": "positional", + "timestep_post_act": null, + "transformer_layers_per_block": 1, + "up_block_types": [ + "UpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D", + "CrossAttnUpBlock2D" + ], + "upcast_attention": false, + "use_linear_projection": false +} diff --git a/checkpoint-14000/unet/diffusion_pytorch_model.safetensors b/checkpoint-14000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..ff393a7bd74e27c886e1c1d6126d9d58207a4632 --- /dev/null +++ b/checkpoint-14000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5f81fdef206c93f4f02ca195d86aea3970219a8384ad119bcca9657431ee60da +size 3438167536 diff --git a/checkpoint-14000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-14000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..fe43d826b23f3cd24a96a9206bd648dcbf389e49 --- /dev/null +++ b/checkpoint-14000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3d5ee1169f58ac26c97ad47d511a3f779d1410115edc587bee9fe77115fdec45 +size 3438167536 diff --git a/checkpoint-14500/optimizer.bin b/checkpoint-14500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..56d54917813db117ef8f3fbeacfc8266b97c5409 --- /dev/null +++ b/checkpoint-14500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e3bf0a1a15463de9ec5b6d6a1a9b0945415a2e9cd255064578852a962d37888c +size 6876750164 diff --git a/checkpoint-14500/unet/diffusion_pytorch_model.safetensors b/checkpoint-14500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..c75046c5c00be2497b76b597a02efe1c665f3bae --- /dev/null +++ b/checkpoint-14500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20e0f8edd06d41e58840281b7274b6f52d439c56efa66a0c2298d03af5d5c53e +size 3438167536 diff --git a/checkpoint-14500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-14500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..38778b32ffb2760baabaa9897526dbb8fb521e8e --- /dev/null +++ b/checkpoint-14500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:eb7cca58610d9bda93c396df86627cf95973cf956884aac85da153950f536761 +size 3438167536 diff --git a/checkpoint-1500/optimizer.bin b/checkpoint-1500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..1ba57173ecbbfa800a6742db6418b12b486e2bdd --- /dev/null +++ b/checkpoint-1500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:299576fcedf32efb7597bf0748c6503811c4013ef4192adb64b7213d2627e9e2 +size 6876750164 diff --git a/checkpoint-1500/unet/diffusion_pytorch_model.safetensors b/checkpoint-1500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..600018dfa503be9d263320dd506071c58af10a65 --- /dev/null +++ b/checkpoint-1500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b05d8780d3bb5dadf53bf9022aae6305908f71f7eab8a1ce9a1221e811904fe3 +size 3438167536 diff --git a/checkpoint-1500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-1500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..d8502cff92d2b3ead491d36d5f1c74b99d6ec133 --- /dev/null +++ b/checkpoint-1500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:de3f5df2f44131290cea9e82fc14005d7acb78d46e6e1ec61abd8b985a61c999 +size 3438167536 diff --git a/checkpoint-15000/optimizer.bin b/checkpoint-15000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..5b3630c2085a34bc12da92982b94957de0f9b944 --- /dev/null +++ b/checkpoint-15000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e418aa6ce0dd0d389ed1c539e99f7b093785464cbe40d835ef7d4a5944fda9d8 +size 6876750164 diff --git a/checkpoint-15000/unet/diffusion_pytorch_model.safetensors b/checkpoint-15000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..a886cd645cc22c76714c154f07ea5ee8010e1d0e --- /dev/null +++ b/checkpoint-15000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:727795dcd9861238b2164af1ff90c8a3ba1b80daadaf73f750631c927d62b63a +size 3438167536 diff --git a/checkpoint-15000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-15000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..29cd35e025a9e0d6cf0453725c5c42f6ba56981a --- /dev/null +++ b/checkpoint-15000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f5aa7abac474f95b390bddda251f7a66220386406fbf98752e9649cc37312d37 +size 3438167536 diff --git a/checkpoint-2000/optimizer.bin b/checkpoint-2000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..37c3710598b45ef579fcb50cf4c6ee55e9c40e80 --- /dev/null +++ b/checkpoint-2000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:516b7f62bffef15efe334a2e6367ad3bab64becdecc6e427b96007ae946056f7 +size 6876750164 diff --git a/checkpoint-2000/unet/diffusion_pytorch_model.safetensors b/checkpoint-2000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..60fcb48784677431e9da463a95e9b7371a0b56b5 --- /dev/null +++ b/checkpoint-2000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:197988b3820cb42d81390eff4924bc1ca7cd0ad38d4935a8a6e0a141b47a6d0a +size 3438167536 diff --git a/checkpoint-2000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-2000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..c8ad448ce7410699aa53e690e3867fca5bf12a7b --- /dev/null +++ b/checkpoint-2000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8573a8138a4923ac2d328ac407c6802ca960fd000e4be5b642a032b7f0c7599b +size 3438167536 diff --git a/checkpoint-2500/optimizer.bin b/checkpoint-2500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..6255b1c68710e51e5b71d5cde95a7ae3c75129c7 --- /dev/null +++ b/checkpoint-2500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2d74181b22c3e36fcc289c1af72b0283458c8e96355350b7d2c76b44153d9af9 +size 6876750164 diff --git a/checkpoint-2500/unet/diffusion_pytorch_model.safetensors b/checkpoint-2500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..ddabc38f11f4df43c0d4b452bf5c0c52109024d3 --- /dev/null +++ b/checkpoint-2500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7e1ab1fc679adfb1c6b77ea3154125452f7b7405156e8a5eaf4f16257d5c455c +size 3438167536 diff --git a/checkpoint-2500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-2500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..f0e5b3d4aed410d45e163f92ab2c285d1f4acff4 --- /dev/null +++ b/checkpoint-2500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:015e8a7276e3104bf7e0b0163c083e14d20a10aa5b9379eda8b30c368cd5af2e +size 3438167536 diff --git a/checkpoint-3000/optimizer.bin b/checkpoint-3000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..8278e9176c40b940301e148d108cfe2053ce410e --- /dev/null +++ b/checkpoint-3000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d50def269b18a26b49f1c9c2f9625d544e5ccf75b3e3f2b1944ac8f5f4b5d7f8 +size 6876750164 diff --git a/checkpoint-3000/unet/diffusion_pytorch_model.safetensors b/checkpoint-3000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..78abff58c8d9d02e017174052df6fe73420387b2 --- /dev/null +++ b/checkpoint-3000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:adf7758b78c8f3cfe39829b35ae727dd949e48261dc314164bd8f2eb22266173 +size 3438167536 diff --git a/checkpoint-3000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-3000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..abc2d5c0dd89a0da08db9a0216a09701405fa4d9 --- /dev/null +++ b/checkpoint-3000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:97e196b0e917ff17d3ccbb193c075455a6f8acb050987dd267ace95ffddd4dc8 +size 3438167536 diff --git a/checkpoint-3500/optimizer.bin b/checkpoint-3500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..bc1f8a580258fa537ab7d15111149d2cfc48db3b --- /dev/null +++ b/checkpoint-3500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0d56a9ae7707284d399822c81667767890868f02cc1b58aef2cab732fad94afe +size 6876750164 diff --git a/checkpoint-3500/unet/diffusion_pytorch_model.safetensors b/checkpoint-3500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..3c73a0a4d71e2cc80f0e3587c81bac56693ca556 --- /dev/null +++ b/checkpoint-3500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e9d7b50bfa6c3902564b5221bbdcbf217bdf9d3f5e87c25ca0cfccd8024766de +size 3438167536 diff --git a/checkpoint-3500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-3500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..8c3a621b3d0f93d53f8a749c38c9002911c7d1fe --- /dev/null +++ b/checkpoint-3500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bc84cad950b91143cf0d46d2a7bc4a33e937c51bbdfdf10a3fee88fb4294f196 +size 3438167536 diff --git a/checkpoint-4000/optimizer.bin b/checkpoint-4000/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..c8de1a0e73b4ad5050c4e256d5b28df35d3a6c89 --- /dev/null +++ b/checkpoint-4000/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f75b44d3ef22dcac6168fdd516c3ab22537ae3db97707ea967ae5e5a78f31b98 +size 6876750164 diff --git a/checkpoint-4000/unet/diffusion_pytorch_model.safetensors b/checkpoint-4000/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..245e5db55f1595a5a8fbf9ba2cbbfeb2672918ba --- /dev/null +++ b/checkpoint-4000/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:269b02721e7f8a6fdb9e30ab8de175667b6372af12812d5793c6c165886dcf3c +size 3438167536 diff --git a/checkpoint-4000/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-4000/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..eaefdf0b1fc9098626187488d7dd6733b62635b4 --- /dev/null +++ b/checkpoint-4000/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b2bc94f5540f12a4a736d56432f0300b3830ffe4f0ff4b8f9e38a1cf88d7a70a +size 3438167536 diff --git a/checkpoint-4500/optimizer.bin b/checkpoint-4500/optimizer.bin new file mode 100644 index 0000000000000000000000000000000000000000..65ee43f16bd4e42b12ce8d0fa8e7eb7df68b0121 --- /dev/null +++ b/checkpoint-4500/optimizer.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a435af198834155e100c0bdcf911029675f147294a0e6398126e991e41c8abd1 +size 6876750164 diff --git a/checkpoint-4500/unet/diffusion_pytorch_model.safetensors b/checkpoint-4500/unet/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..269b6a87bb7df9f9af7d830f777e57a90569960a --- /dev/null +++ b/checkpoint-4500/unet/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6cfb4c052356087ab93ee9e0db6a27a0866709b362ac0b1a4efd353ff92a2626 +size 3438167536 diff --git a/checkpoint-4500/unet_ema/diffusion_pytorch_model.safetensors b/checkpoint-4500/unet_ema/diffusion_pytorch_model.safetensors new file mode 100644 index 0000000000000000000000000000000000000000..6f6b43a0e8527202ce5efccb8e82d9dd43cc80b5 --- /dev/null +++ b/checkpoint-4500/unet_ema/diffusion_pytorch_model.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:7f1c10ca77b86ef0903b47a821cffab83686b5ffbc38f5e47de22ca4be22e212 +size 3438167536