diff --git a/checkpoints-configs/animefull-final-pruned.yaml b/checkpoints-configs/animefull-final-pruned.yaml new file mode 100755 index 0000000000000000000000000000000000000000..0633c878ed1b46c92fe49df8a61560f6a7d492cf --- /dev/null +++ b/checkpoints-configs/animefull-final-pruned.yaml @@ -0,0 +1,70 @@ +model: + base_learning_rate: 1.0e-04 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false # Note: different from the one we trained before + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + + scheduler_config: # 10000 warmup steps + target: ldm.lr_scheduler.LambdaLinearScheduler + params: + warm_up_steps: [ 10000 ] + cycle_lengths: [ 10000000000000 ] # incredibly large number to prevent corner cases + f_start: [ 1.e-6 ] + f_max: [ 1. ] + f_min: [ 1. ] + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 512 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/checkpoints-configs/animefull-latest.yaml b/checkpoints-configs/animefull-latest.yaml new file mode 100755 index 0000000000000000000000000000000000000000..45fad01c796fe0d4fa21c0157682a2984034398a --- /dev/null +++ b/checkpoints-configs/animefull-latest.yaml @@ -0,0 +1,69 @@ +model: + base_learning_rate: 1.0e-04 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false # Note: different from the one we trained before + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + + scheduler_config: # 10000 warmup steps + target: ldm.lr_scheduler.LambdaLinearScheduler + params: + warm_up_steps: [ 10000 ] + cycle_lengths: [ 10000000000000 ] # incredibly large number to prevent corner cases + f_start: [ 1.e-6 ] + f_max: [ 1. ] + f_min: [ 1. ] + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 512 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/checkpoints-configs/animefull-prevgood.yaml b/checkpoints-configs/animefull-prevgood.yaml new file mode 100755 index 0000000000000000000000000000000000000000..45fad01c796fe0d4fa21c0157682a2984034398a --- /dev/null +++ b/checkpoints-configs/animefull-prevgood.yaml @@ -0,0 +1,69 @@ +model: + base_learning_rate: 1.0e-04 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false # Note: different from the one we trained before + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + + scheduler_config: # 10000 warmup steps + target: ldm.lr_scheduler.LambdaLinearScheduler + params: + warm_up_steps: [ 10000 ] + cycle_lengths: [ 10000000000000 ] # incredibly large number to prevent corner cases + f_start: [ 1.e-6 ] + f_max: [ 1. ] + f_min: [ 1. ] + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 512 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/checkpoints-configs/animesfw-final-pruned.yaml b/checkpoints-configs/animesfw-final-pruned.yaml new file mode 100755 index 0000000000000000000000000000000000000000..0633c878ed1b46c92fe49df8a61560f6a7d492cf --- /dev/null +++ b/checkpoints-configs/animesfw-final-pruned.yaml @@ -0,0 +1,70 @@ +model: + base_learning_rate: 1.0e-04 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false # Note: different from the one we trained before + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + + scheduler_config: # 10000 warmup steps + target: ldm.lr_scheduler.LambdaLinearScheduler + params: + warm_up_steps: [ 10000 ] + cycle_lengths: [ 10000000000000 ] # incredibly large number to prevent corner cases + f_start: [ 1.e-6 ] + f_max: [ 1. ] + f_min: [ 1. ] + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 512 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/checkpoints-configs/animesfw-latest.yaml b/checkpoints-configs/animesfw-latest.yaml new file mode 100755 index 0000000000000000000000000000000000000000..45fad01c796fe0d4fa21c0157682a2984034398a --- /dev/null +++ b/checkpoints-configs/animesfw-latest.yaml @@ -0,0 +1,69 @@ +model: + base_learning_rate: 1.0e-04 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false # Note: different from the one we trained before + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + + scheduler_config: # 10000 warmup steps + target: ldm.lr_scheduler.LambdaLinearScheduler + params: + warm_up_steps: [ 10000 ] + cycle_lengths: [ 10000000000000 ] # incredibly large number to prevent corner cases + f_start: [ 1.e-6 ] + f_max: [ 1. ] + f_min: [ 1. ] + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 512 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/checkpoints-configs/animesfw-prevgood.yaml b/checkpoints-configs/animesfw-prevgood.yaml new file mode 100755 index 0000000000000000000000000000000000000000..45fad01c796fe0d4fa21c0157682a2984034398a --- /dev/null +++ b/checkpoints-configs/animesfw-prevgood.yaml @@ -0,0 +1,69 @@ +model: + base_learning_rate: 1.0e-04 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false # Note: different from the one we trained before + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + + scheduler_config: # 10000 warmup steps + target: ldm.lr_scheduler.LambdaLinearScheduler + params: + warm_up_steps: [ 10000 ] + cycle_lengths: [ 10000000000000 ] # incredibly large number to prevent corner cases + f_start: [ 1.e-6 ] + f_max: [ 1. ] + f_min: [ 1. ] + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 512 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/checkpoints-configs/wd-1-4-anime_e1.yaml b/checkpoints-configs/wd-1-4-anime_e1.yaml new file mode 100755 index 0000000000000000000000000000000000000000..73ea4cabce39e54340ed99ffb49269a647eae31d --- /dev/null +++ b/checkpoints-configs/wd-1-4-anime_e1.yaml @@ -0,0 +1,67 @@ +model: + base_learning_rate: 1.0e-4 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False # we set this to false because this is an inference only config + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + use_checkpoint: True + use_fp16: True + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_head_channels: 64 # need to fix for flash-attn + use_spatial_transformer: True + use_linear_in_transformer: True + transformer_depth: 1 + context_dim: 1024 + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + #attn_type: "vanilla-xformers" + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenOpenCLIPEmbedder + params: + freeze: True + layer: "penultimate" diff --git a/checkpoints-configs/wd-1-5-beta2-aesthetic-fp16.yaml b/checkpoints-configs/wd-1-5-beta2-aesthetic-fp16.yaml new file mode 100755 index 0000000000000000000000000000000000000000..8ec8dfbfefe94ae8522c93017668fea78d580acf --- /dev/null +++ b/checkpoints-configs/wd-1-5-beta2-aesthetic-fp16.yaml @@ -0,0 +1,68 @@ +model: + base_learning_rate: 1.0e-4 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + parameterization: "v" + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False # we set this to false because this is an inference only config + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + use_checkpoint: True + use_fp16: True + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_head_channels: 64 # need to fix for flash-attn + use_spatial_transformer: True + use_linear_in_transformer: True + transformer_depth: 1 + context_dim: 1024 + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + #attn_type: "vanilla-xformers" + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenOpenCLIPEmbedder + params: + freeze: True + layer: "penultimate" diff --git a/checkpoints-configs/wd-1-5-beta2-aesthetic-fp32.yaml b/checkpoints-configs/wd-1-5-beta2-aesthetic-fp32.yaml new file mode 100755 index 0000000000000000000000000000000000000000..8ec8dfbfefe94ae8522c93017668fea78d580acf --- /dev/null +++ b/checkpoints-configs/wd-1-5-beta2-aesthetic-fp32.yaml @@ -0,0 +1,68 @@ +model: + base_learning_rate: 1.0e-4 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + parameterization: "v" + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False # we set this to false because this is an inference only config + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + use_checkpoint: True + use_fp16: True + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_head_channels: 64 # need to fix for flash-attn + use_spatial_transformer: True + use_linear_in_transformer: True + transformer_depth: 1 + context_dim: 1024 + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + #attn_type: "vanilla-xformers" + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenOpenCLIPEmbedder + params: + freeze: True + layer: "penultimate" diff --git a/checkpoints-configs/wd-1-5-beta2-fp16.yaml b/checkpoints-configs/wd-1-5-beta2-fp16.yaml new file mode 100755 index 0000000000000000000000000000000000000000..8ec8dfbfefe94ae8522c93017668fea78d580acf --- /dev/null +++ b/checkpoints-configs/wd-1-5-beta2-fp16.yaml @@ -0,0 +1,68 @@ +model: + base_learning_rate: 1.0e-4 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + parameterization: "v" + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False # we set this to false because this is an inference only config + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + use_checkpoint: True + use_fp16: True + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_head_channels: 64 # need to fix for flash-attn + use_spatial_transformer: True + use_linear_in_transformer: True + transformer_depth: 1 + context_dim: 1024 + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + #attn_type: "vanilla-xformers" + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenOpenCLIPEmbedder + params: + freeze: True + layer: "penultimate" diff --git a/checkpoints-configs/wd-1-5-beta2-fp32.yaml b/checkpoints-configs/wd-1-5-beta2-fp32.yaml new file mode 100755 index 0000000000000000000000000000000000000000..8ec8dfbfefe94ae8522c93017668fea78d580acf --- /dev/null +++ b/checkpoints-configs/wd-1-5-beta2-fp32.yaml @@ -0,0 +1,68 @@ +model: + base_learning_rate: 1.0e-4 + target: ldm.models.diffusion.ddpm.LatentDiffusion + params: + parameterization: "v" + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False # we set this to false because this is an inference only config + + unet_config: + target: ldm.modules.diffusionmodules.openaimodel.UNetModel + params: + use_checkpoint: True + use_fp16: True + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_head_channels: 64 # need to fix for flash-attn + use_spatial_transformer: True + use_linear_in_transformer: True + transformer_depth: 1 + context_dim: 1024 + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + #attn_type: "vanilla-xformers" + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenOpenCLIPEmbedder + params: + freeze: True + layer: "penultimate" diff --git a/checkpoints-unclip/illuminatiDiffusionV1_v11-unclip-h-fp16.safetensors b/checkpoints-unclip/illuminatiDiffusionV1_v11-unclip-h-fp16.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..6017fdd9702592edb6697d8c93f58bc629b7ad89 --- /dev/null +++ b/checkpoints-unclip/illuminatiDiffusionV1_v11-unclip-h-fp16.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7590644685d2557cb7a34eaa90bb0597d3afa3ed2fb1ca60062a38465c64b0a +size 3983581602 diff --git a/checkpoints-unclip/sd21-unclip-h.ckpt b/checkpoints-unclip/sd21-unclip-h.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..a6640a72efd9baec596f0444b1b57270bb502d91 --- /dev/null +++ b/checkpoints-unclip/sd21-unclip-h.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4124cbcf397ace8c536908f5f877a1f091a41168d1d3d9fd0c84484c1653693b +size 7967306143 diff --git a/checkpoints-unclip/sd21-unclip-l.ckpt b/checkpoints-unclip/sd21-unclip-l.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..4d4cb78746326c76f1eeef6d7f42c049900e0929 --- /dev/null +++ b/checkpoints-unclip/sd21-unclip-l.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ed12098385701c1850defd3d2bc20905c7c64dad3ccad895a7f13b406aab7602 +size 6161550731 diff --git a/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-h-fp16.safetensors b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-h-fp16.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..8f3bc28a33aceba41bc72f0c0a3e27f0969e8fc7 --- /dev/null +++ b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-h-fp16.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:062603a01ed43b081df0c1b99f82449ba97283135810cca5fae204a32970e027 +size 3983581602 diff --git a/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-h-fp32.safetensors b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-h-fp32.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..2eb2112ac46ea04250f56ee30b8452fd0c8870a3 --- /dev/null +++ b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-h-fp32.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8d22d4afe7c2c406359edf20a2970321ee30d1f0bf2b61d5c04d87de05b6526c +size 7966941354 diff --git a/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-l-fp16.safetensors b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-l-fp16.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..6e2aa1bdeee3aedfa2ab50681c03b7b5566e6cb3 --- /dev/null +++ b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-l-fp16.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc1189bc5ffa0f4d7aeb5d17ac672a7f3b85e89b838e2bfa4e12426ee373f5fa +size 3469908836 diff --git a/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-l-fp32.safetensors b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-l-fp32.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..adecc97224ab6123415f2c1e489c97deeda5f09c --- /dev/null +++ b/checkpoints-unclip/wd-1-5-beta2-aesthetic-unclip-l-fp32.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8ce0dede15124052f53422c144a256b3abfc2ef7a4b7918069a0525a516d7033 +size 6161176892 diff --git a/checkpoints-unclip/wd-1-5-beta2-unclip-h-fp16.safetensors b/checkpoints-unclip/wd-1-5-beta2-unclip-h-fp16.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..4ec01bbc0e332db7b397894dcfcaa2189be8eade --- /dev/null +++ b/checkpoints-unclip/wd-1-5-beta2-unclip-h-fp16.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:73720150fa784a777343df3f49ca7d18b481d2ec042982eb59e9a8eaaaebb987 +size 3983581602 diff --git a/checkpoints-unclip/wd-1-5-beta2-unclip-h-fp32.safetensors b/checkpoints-unclip/wd-1-5-beta2-unclip-h-fp32.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..cef005b59010ec13ca02d8f20fb6cf615017ed8a --- /dev/null +++ b/checkpoints-unclip/wd-1-5-beta2-unclip-h-fp32.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:efbd5dc1abf48593ddd902aaa7c3dbc2bf31c9ac419b13066398be3aebcd1d41 +size 7966941354 diff --git a/checkpoints/512-depth-ema.ckpt b/checkpoints/512-depth-ema.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..1c121dbca13aa8a28f062935f316fe1eba02ccfb --- /dev/null +++ b/checkpoints/512-depth-ema.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ece79d931a1f3c27fb98a0c0bc6aa7d61168879cd52b4ad7b26e3106f9748ef1 +size 5707592867 diff --git a/checkpoints/512-inpainting-ema.ckpt b/checkpoints/512-inpainting-ema.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..5d25cff5ee4a88504967f6bf7f6a0933e3827879 --- /dev/null +++ b/checkpoints/512-inpainting-ema.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2a208a7ded5d42dcb0c0ec908b23c631002091e06afe7e76d16cd11079f8d4e3 +size 5214921607 diff --git a/checkpoints/anime700k-64bs-0.1ucg-penultimate-1epoch-clip-ema-continue-76000-ema-pruned.ckpt b/checkpoints/anime700k-64bs-0.1ucg-penultimate-1epoch-clip-ema-continue-76000-ema-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..48a1b0872f8a54127d8f08cf55a25ac4645a4079 --- /dev/null +++ b/checkpoints/anime700k-64bs-0.1ucg-penultimate-1epoch-clip-ema-continue-76000-ema-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:939269be42067dc822b206b2fada2947a5c20e896059036705b56d68236bd7ef +size 2132882528 diff --git a/checkpoints/anime700k-64bs-0.1ucg-penultimate-1epoch-clip-ema-continue-76000.pt b/checkpoints/anime700k-64bs-0.1ucg-penultimate-1epoch-clip-ema-continue-76000.pt new file mode 100755 index 0000000000000000000000000000000000000000..6e7bad8df86633543247e2c342f96c3931d04e46 --- /dev/null +++ b/checkpoints/anime700k-64bs-0.1ucg-penultimate-1epoch-clip-ema-continue-76000.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:828a21b769b3a32b1508f3b47828fc9d7c27c14a0cab64bc42fb785cd24211a6 +size 7703828146 diff --git a/checkpoints/animefull-final-pruned.ckpt b/checkpoints/animefull-final-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..d109976d365d4592e3b8788ce10684e6c9ea1e1b --- /dev/null +++ b/checkpoints/animefull-final-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:89d59c3dde4c56c6d5c41da34cc55ce479d93b4007046980934b14db71bdb2a8 +size 4265377440 diff --git a/checkpoints/animefull-latest.ckpt b/checkpoints/animefull-latest.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..f6a8c865fa94fb5bf952a7554e1c01ce2c1d7694 --- /dev/null +++ b/checkpoints/animefull-latest.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a7529df02340e5b4c3870c894c1ae84f22ea7b37fd0633e5bacfad9618228032 +size 7703828146 diff --git a/checkpoints/animefull-prevgood.ckpt b/checkpoints/animefull-prevgood.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..1a94e22f78e3da3fd704e1d0a2737e7032462c35 --- /dev/null +++ b/checkpoints/animefull-prevgood.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f60e935a6266ba9c28f6853938c11f5a068374bb96e43093cb2cb790298614ed +size 7703828146 diff --git a/checkpoints/animesfw-final-pruned.ckpt b/checkpoints/animesfw-final-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..c3b64a5df0383169eb862699e43f9973fb9a6a62 --- /dev/null +++ b/checkpoints/animesfw-final-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22fa233c2dfd7748d534be603345cb9abf994a23244dfdfc1013f4f90322feca +size 4265377440 diff --git a/checkpoints/animesfw-latest.ckpt b/checkpoints/animesfw-latest.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..15c9c24563e403bfd012fd43877e149c070650d2 --- /dev/null +++ b/checkpoints/animesfw-latest.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80df01df1bab8952d1c8842d718fc78a575a81c9968d685ca34d725ce0b4c3c5 +size 7703828146 diff --git a/checkpoints/animesfw-prevgood.ckpt b/checkpoints/animesfw-prevgood.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..cc2b638c1eda776616138204daa2a90ffd265035 --- /dev/null +++ b/checkpoints/animesfw-prevgood.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e7a10a3217247ca65c9d9d072bdb7e8e6869b6c846527812283c4e423e2f9ac1 +size 7703828146 diff --git a/checkpoints/sd-v1-5-inpainting.ckpt b/checkpoints/sd-v1-5-inpainting.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..477945c30dcad9c3d629470f7f52ceb86acd4cd7 --- /dev/null +++ b/checkpoints/sd-v1-5-inpainting.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6bbc15e3224e6973459ba78de4998b80b50112b0ae5b5c67113d56b4e366b19 +size 4265437280 diff --git a/checkpoints/v1-5-pruned-emaonly.ckpt b/checkpoints/v1-5-pruned-emaonly.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..f8b586f6dd36045a30835b3de995699b729d53c1 --- /dev/null +++ b/checkpoints/v1-5-pruned-emaonly.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:cc6cb27103417325ff94f52b7a5d2dde45a7515b25c255d8e396c90014281516 +size 4265380512 diff --git a/checkpoints/v1-5-pruned.ckpt b/checkpoints/v1-5-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..623eb69de3c5007e4747b80f445d43c150a4050c --- /dev/null +++ b/checkpoints/v1-5-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1441589a6f3c5a53f5f54d0975a18a7feb7cdf0b0dee276dfc3331ae376a053 +size 7703807346 diff --git a/checkpoints/v2-1_512-ema-pruned.ckpt b/checkpoints/v2-1_512-ema-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..6b3b1390add5046368c3e1229fde7bffc6532323 --- /dev/null +++ b/checkpoints/v2-1_512-ema-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:88ecb782561455673c4b78d05093494b9c539fc6bfc08f3a9a4a0dd7b0b10f36 +size 5214865159 diff --git a/checkpoints/v2-1_512-nonema-pruned.ckpt b/checkpoints/v2-1_512-nonema-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..b7b90d721068f0fb6c05c264053a6acb51e26c49 --- /dev/null +++ b/checkpoints/v2-1_512-nonema-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:34dccb9e60d83a4ef963f51e9ff63548323a70024f8679095956d7c403b3ef4a +size 5214864585 diff --git a/checkpoints/v2-1_768-ema-pruned.ckpt b/checkpoints/v2-1_768-ema-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..62fd902033edc0a78c39e3ed9728b682159376ae --- /dev/null +++ b/checkpoints/v2-1_768-ema-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ad2a33c361c1f593c4a1fb32ea81afce2b5bb7d1983c6b94793a26a3b54b08a0 +size 5214865159 diff --git a/checkpoints/v2-1_768-nonema-pruned.ckpt b/checkpoints/v2-1_768-nonema-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..31116113d08e59f3bbd1b038f600ef65f6a14bd7 --- /dev/null +++ b/checkpoints/v2-1_768-nonema-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4711ff4dd270067f71d5ea0725e83e4dc7c41f586a588531ee1c3bd549e9119d +size 5214864585 diff --git a/checkpoints/wd-1-5-beta2-aesthetic-fp16.safetensors b/checkpoints/wd-1-5-beta2-aesthetic-fp16.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..a6cf7fa7694ca056077f9bcdd738953978ea5ba0 --- /dev/null +++ b/checkpoints/wd-1-5-beta2-aesthetic-fp16.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:96fc8b5de4ea310ac42680dc122485ba3a3cb029913052c9d09a92fea877ce57 +size 2580068692 diff --git a/checkpoints/wd-1-5-beta2-aesthetic-fp32.safetensors b/checkpoints/wd-1-5-beta2-aesthetic-fp32.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..0024a8b1498ee572de234233474bc93b4bc434ed --- /dev/null +++ b/checkpoints/wd-1-5-beta2-aesthetic-fp32.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:52fbdb851b247eec5d9f6e7dab5d3cef28dea28d6d3e99821800b3581faef84b +size 5159974886 diff --git a/checkpoints/wd-1-5-beta2-fp16.safetensors b/checkpoints/wd-1-5-beta2-fp16.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..69b3baa09bed1a9c36a98e8d25370834d08041f9 --- /dev/null +++ b/checkpoints/wd-1-5-beta2-fp16.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4bf1855f4d12824b96d9350ad325ac709a488a1b6fb417f0f6f87f85f4b5e1ee +size 2580068692 diff --git a/checkpoints/wd-1-5-beta2-fp32.safetensors b/checkpoints/wd-1-5-beta2-fp32.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..e274aa5e01c2af4cc4d1b464d9ee16fe0d36aeb9 --- /dev/null +++ b/checkpoints/wd-1-5-beta2-fp32.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:764f93581d80b46011039bb388e899f17f7869fce7e7928b060e9a5574bd8f84 +size 5159974886 diff --git a/checkpoints/wd15-beta2-frosty-aesthetic-fp32.safetensors b/checkpoints/wd15-beta2-frosty-aesthetic-fp32.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..3342a94c406a0c7a1abf8722d5770c692eca7b6a --- /dev/null +++ b/checkpoints/wd15-beta2-frosty-aesthetic-fp32.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ca00ea7cb1b4d12ab25ffbe16a4c8abb65334ffc196e641f1ea849582d7c622 +size 5159974886 diff --git a/clip_vision/clip-vit-base-16.bin b/clip_vision/clip-vit-base-16.bin new file mode 100755 index 0000000000000000000000000000000000000000..a761a208e7119d725cfa28cc90c36d36c91d283f --- /dev/null +++ b/clip_vision/clip-vit-base-16.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ec89c7b09c749a60aae3c9cd910516f24b58214a7df060b48962d14c469cfbf0 +size 598641023 diff --git a/clip_vision/clip-vit-base-32.bin b/clip_vision/clip-vit-base-32.bin new file mode 100755 index 0000000000000000000000000000000000000000..c0c935a331cf52e21ce35cee6b9aaa411635bb7a --- /dev/null +++ b/clip_vision/clip-vit-base-32.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a63082132ba4f97a80bea76823f544493bffa8082296d62d71581a4feff1576f +size 605247071 diff --git a/clip_vision/clip-vit-large-14-336.bin b/clip_vision/clip-vit-large-14-336.bin new file mode 100755 index 0000000000000000000000000000000000000000..d599938f87909461098a7856a49c4842c84fc214 --- /dev/null +++ b/clip_vision/clip-vit-large-14-336.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6032c2e0caae3dc2d4fba35535fa6307dbb49df59c7e182b1bc4b3329b81801 +size 1711974081 diff --git a/clip_vision/clip-vit-large-14.bin b/clip_vision/clip-vit-large-14.bin new file mode 100755 index 0000000000000000000000000000000000000000..fe4ea7803958accb6faec3d14160ff3dc2fdbb63 --- /dev/null +++ b/clip_vision/clip-vit-large-14.bin @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f1a17cdbe0f36fec524f5cafb1c261ea3bbbc13e346e0f74fc9eb0460dedd0d3 +size 1710671599 diff --git a/controlnet-annotator/150_16_swin_l_oneformer_coco_100ep.pth b/controlnet-annotator/150_16_swin_l_oneformer_coco_100ep.pth new file mode 100755 index 0000000000000000000000000000000000000000..ead31b0e5b07086c44fe734285f1ef99bbdf37e3 --- /dev/null +++ b/controlnet-annotator/150_16_swin_l_oneformer_coco_100ep.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0684dfc39720c772b81d43639c3ae1896b5c15aa9ee9a76f4c593b19dfa33855 +size 949602739 diff --git a/controlnet-annotator/250_16_swin_l_oneformer_ade20k_160k.pth b/controlnet-annotator/250_16_swin_l_oneformer_ade20k_160k.pth new file mode 100755 index 0000000000000000000000000000000000000000..8ffb26440cec288d2a89b26ededba3f9f75c3a30 --- /dev/null +++ b/controlnet-annotator/250_16_swin_l_oneformer_ade20k_160k.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f7ac095c28ddea4715e854a587eaee24327c624cbbdb17095bc9903c51930b16 +size 949729587 diff --git a/controlnet-annotator/ControlNetHED.pth b/controlnet-annotator/ControlNetHED.pth new file mode 100755 index 0000000000000000000000000000000000000000..e0edbff99b09b7241441fb1f9f25187e0f1ff5c9 --- /dev/null +++ b/controlnet-annotator/ControlNetHED.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5ca93762ffd68a29fee1af9d495bf6aab80ae86f08905fb35472a083a4c7a8fa +size 29444406 diff --git a/controlnet-annotator/RealESRGAN_x4plus.pth b/controlnet-annotator/RealESRGAN_x4plus.pth new file mode 100755 index 0000000000000000000000000000000000000000..9ddced536d07803300536317fef662bb499bca71 --- /dev/null +++ b/controlnet-annotator/RealESRGAN_x4plus.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fa0d38905f75ac06eb49a7951b426670021be3018265fd191d2125df9d682f1 +size 67040989 diff --git a/controlnet-annotator/ZoeD_M12_N.pt b/controlnet-annotator/ZoeD_M12_N.pt new file mode 100755 index 0000000000000000000000000000000000000000..2c23a4b09f1ab8d0cfb9afc7454e6156c4948fb1 --- /dev/null +++ b/controlnet-annotator/ZoeD_M12_N.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c97f94c4d53c5b788af46c5da0462262aebb37ea116fd70014bcbba93146c33b +size 1443406099 diff --git a/controlnet-annotator/body_pose_model.pth b/controlnet-annotator/body_pose_model.pth new file mode 100755 index 0000000000000000000000000000000000000000..9acb77e68f31906a8875f1daef2f3f7ef94acb1e --- /dev/null +++ b/controlnet-annotator/body_pose_model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:25a948c16078b0f08e236bda51a385d855ef4c153598947c28c0d47ed94bb746 +size 209267595 diff --git a/controlnet-annotator/dpt_hybrid-midas-501f0c75.pt b/controlnet-annotator/dpt_hybrid-midas-501f0c75.pt new file mode 100755 index 0000000000000000000000000000000000000000..a54fd8ca8d59181d9343d79eb3f6deb6c5319eba --- /dev/null +++ b/controlnet-annotator/dpt_hybrid-midas-501f0c75.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:501f0c75b3bca7daec6b3682c5054c09b366765aef6fa3a09d03a5cb4b230853 +size 492757791 diff --git a/controlnet-annotator/erika.pth b/controlnet-annotator/erika.pth new file mode 100755 index 0000000000000000000000000000000000000000..3407b479855ee8876dd56ad5417e1f3fde01c904 --- /dev/null +++ b/controlnet-annotator/erika.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:badbd6baf013cefbd98993307b02cc14a26c770d067416e4fdecc8720b88feeb +size 172789563 diff --git a/controlnet-annotator/facenet.pth b/controlnet-annotator/facenet.pth new file mode 100755 index 0000000000000000000000000000000000000000..ccfac27ffec2f25eb02dad5f52512872eb3b53e1 --- /dev/null +++ b/controlnet-annotator/facenet.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8beb52e548624ffcc4aed12af7aee7dcbfaeea420c75609fee999fe7add79d43 +size 153718792 diff --git a/controlnet-annotator/hand_pose_model.pth b/controlnet-annotator/hand_pose_model.pth new file mode 100755 index 0000000000000000000000000000000000000000..f23ccf3413cc8ac8581a82338a3037bc10d573f0 --- /dev/null +++ b/controlnet-annotator/hand_pose_model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b76b00d1750901abd07b9f9d8c98cc3385b8fe834a26d4b4f0aad439e75fc600 +size 147341049 diff --git a/controlnet-annotator/latest_net_G.pth b/controlnet-annotator/latest_net_G.pth new file mode 100755 index 0000000000000000000000000000000000000000..863672ed308575a80038085d7b0bac9f9e7a2f82 --- /dev/null +++ b/controlnet-annotator/latest_net_G.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:50ec735d74ed6499562d898f41b49343e521808b8dae589aa3c2f5c9ac9f7462 +size 318268048 diff --git a/controlnet-annotator/mlsd_large_512_fp32.pth b/controlnet-annotator/mlsd_large_512_fp32.pth new file mode 100755 index 0000000000000000000000000000000000000000..7e00f54f47838ca7697555699c50dfa3e99880b5 --- /dev/null +++ b/controlnet-annotator/mlsd_large_512_fp32.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:5696f168eb2c30d4374bbfd45436f7415bb4d88da29bea97eea0101520fba082 +size 6341481 diff --git a/controlnet-annotator/netG.pth b/controlnet-annotator/netG.pth new file mode 100755 index 0000000000000000000000000000000000000000..56225a51dcd5ffc354c4704cb4fffba23666e18e --- /dev/null +++ b/controlnet-annotator/netG.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ccabdcc3f5cf3c07cf65d58776acb21df7dfda825cdc70c9766a93fd62bfc488 +size 217631959 diff --git a/controlnet-annotator/network-bsds500.pth b/controlnet-annotator/network-bsds500.pth new file mode 100755 index 0000000000000000000000000000000000000000..36cff8560c17530f48cbb9a43c6e9a0d6f704af3 --- /dev/null +++ b/controlnet-annotator/network-bsds500.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:58a858782f5fa3e0ca3dc92e7a1a609add93987d77be3dfa54f8f8419d881a94 +size 58871680 diff --git a/controlnet-annotator/res101.pth b/controlnet-annotator/res101.pth new file mode 100755 index 0000000000000000000000000000000000000000..32751be2e1b22f4db8d6e8b68a51108063c043e6 --- /dev/null +++ b/controlnet-annotator/res101.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:1d696b2ef3e8336b057d0c15bc82d2fecef821bfebe5ef9d7671a5ec5dde520b +size 530760553 diff --git a/controlnet-annotator/scannet.pt b/controlnet-annotator/scannet.pt new file mode 100755 index 0000000000000000000000000000000000000000..75da596b86156077c5a93b82cb4a2da45caeb185 --- /dev/null +++ b/controlnet-annotator/scannet.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:03dbf1600c51ee3d45c29f77b77bf1a3b7a24c3452dba62a4ae658f37330c209 +size 290767728 diff --git a/controlnet-annotator/sk_model.pth b/controlnet-annotator/sk_model.pth new file mode 100755 index 0000000000000000000000000000000000000000..7cf07cb6b07cfb90850895d6db9c5816a736b097 --- /dev/null +++ b/controlnet-annotator/sk_model.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c686ced2a666b4850b4bb6ccf0748031c3eda9f822de73a34b8979970d90f0c6 +size 17173511 diff --git a/controlnet-annotator/sk_model2.pth b/controlnet-annotator/sk_model2.pth new file mode 100755 index 0000000000000000000000000000000000000000..20bdda49983cb7d896cb27060d5292b0b3879376 --- /dev/null +++ b/controlnet-annotator/sk_model2.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:30a534781061f34e83bb9406b4335da4ff2616c95d22a585c1245aa8363e74e0 +size 17173511 diff --git a/controlnet-annotator/table5_pidinet.pth b/controlnet-annotator/table5_pidinet.pth new file mode 100755 index 0000000000000000000000000000000000000000..1ceba1de87e7bb3c81961b80acbb3a106ca249c0 --- /dev/null +++ b/controlnet-annotator/table5_pidinet.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:80860ac267258b5f27486e0ef152a211d0b08120f62aeb185a050acc30da486c +size 2871148 diff --git a/controlnet-annotator/upernet_global_small.pth b/controlnet-annotator/upernet_global_small.pth new file mode 100755 index 0000000000000000000000000000000000000000..88e019bbe64cbca0662ca839794e9dffb60f2ac5 --- /dev/null +++ b/controlnet-annotator/upernet_global_small.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bebfa1264c10381e389d8065056baaadbdadee8ddc6e36770d1ec339dc84d970 +size 206313115 diff --git a/controlnet-configs/control_v11e_sd15_ip2p.yaml b/controlnet-configs/control_v11e_sd15_ip2p.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11e_sd15_ip2p.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11e_sd15_shuffle.yaml b/controlnet-configs/control_v11e_sd15_shuffle.yaml new file mode 100755 index 0000000000000000000000000000000000000000..862304b0090bf65984473c30ab0ebc30a4858400 --- /dev/null +++ b/controlnet-configs/control_v11e_sd15_shuffle.yaml @@ -0,0 +1,80 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + global_average_pooling: True + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11f1e_sd15_tile.yaml b/controlnet-configs/control_v11f1e_sd15_tile.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11f1e_sd15_tile.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11f1p_sd15_depth.yaml b/controlnet-configs/control_v11f1p_sd15_depth.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11f1p_sd15_depth.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_canny.yaml b/controlnet-configs/control_v11p_sd15_canny.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_canny.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_inpaint.yaml b/controlnet-configs/control_v11p_sd15_inpaint.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_inpaint.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_lineart.yaml b/controlnet-configs/control_v11p_sd15_lineart.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_lineart.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_mlsd.yaml b/controlnet-configs/control_v11p_sd15_mlsd.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_mlsd.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_normalbae.yaml b/controlnet-configs/control_v11p_sd15_normalbae.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_normalbae.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_openpose.yaml b/controlnet-configs/control_v11p_sd15_openpose.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_openpose.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_scribble.yaml b/controlnet-configs/control_v11p_sd15_scribble.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_scribble.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_seg.yaml b/controlnet-configs/control_v11p_sd15_seg.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_seg.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15_softedge.yaml b/controlnet-configs/control_v11p_sd15_softedge.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15_softedge.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet-configs/control_v11p_sd15s2_lineart_anime.yaml b/controlnet-configs/control_v11p_sd15s2_lineart_anime.yaml new file mode 100755 index 0000000000000000000000000000000000000000..fde1825577acd46dc90d8d7c6730e22be762fccb --- /dev/null +++ b/controlnet-configs/control_v11p_sd15s2_lineart_anime.yaml @@ -0,0 +1,79 @@ +model: + target: cldm.cldm.ControlLDM + params: + linear_start: 0.00085 + linear_end: 0.0120 + num_timesteps_cond: 1 + log_every_t: 200 + timesteps: 1000 + first_stage_key: "jpg" + cond_stage_key: "txt" + control_key: "hint" + image_size: 64 + channels: 4 + cond_stage_trainable: false + conditioning_key: crossattn + monitor: val/loss_simple_ema + scale_factor: 0.18215 + use_ema: False + only_mid_control: False + + control_stage_config: + target: cldm.cldm.ControlNet + params: + image_size: 32 # unused + in_channels: 4 + hint_channels: 3 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + unet_config: + target: cldm.cldm.ControlledUnetModel + params: + image_size: 32 # unused + in_channels: 4 + out_channels: 4 + model_channels: 320 + attention_resolutions: [ 4, 2, 1 ] + num_res_blocks: 2 + channel_mult: [ 1, 2, 4, 4 ] + num_heads: 8 + use_spatial_transformer: True + transformer_depth: 1 + context_dim: 768 + use_checkpoint: True + legacy: False + + first_stage_config: + target: ldm.models.autoencoder.AutoencoderKL + params: + embed_dim: 4 + monitor: val/rec_loss + ddconfig: + double_z: true + z_channels: 4 + resolution: 256 + in_channels: 3 + out_ch: 3 + ch: 128 + ch_mult: + - 1 + - 2 + - 4 + - 4 + num_res_blocks: 2 + attn_resolutions: [] + dropout: 0.0 + lossconfig: + target: torch.nn.Identity + + cond_stage_config: + target: ldm.modules.encoders.modules.FrozenCLIPEmbedder diff --git a/controlnet/control_v11e_sd15_ip2p.pth b/controlnet/control_v11e_sd15_ip2p.pth new file mode 100755 index 0000000000000000000000000000000000000000..b88b48157076d2e8230763b49f600618ec38526f --- /dev/null +++ b/controlnet/control_v11e_sd15_ip2p.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a8d77429b111b25ffad4adb4c686a19c73c905d638dd8acb1e0b1d1da300192c +size 1445234339 diff --git a/controlnet/control_v11e_sd15_shuffle.pth b/controlnet/control_v11e_sd15_shuffle.pth new file mode 100755 index 0000000000000000000000000000000000000000..8c3655d7a335ae8e23b250205ce923716545d2f0 --- /dev/null +++ b/controlnet/control_v11e_sd15_shuffle.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:657f632c35176c467e71c471b55b1a0e94ae1a49d739e1b705624f454e638e1d +size 1445235365 diff --git a/controlnet/control_v11f1e_sd15_tile.pth b/controlnet/control_v11f1e_sd15_tile.pth new file mode 100755 index 0000000000000000000000000000000000000000..f0c50aea7aac578a1bb6f908ff7236ed2f26ee73 --- /dev/null +++ b/controlnet/control_v11f1e_sd15_tile.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8aa69b8d391e72c2fced6a650268137dc0ed594cafe8a2c0f8b994799a21979b +size 1445235023 diff --git a/controlnet/control_v11f1p_sd15_depth.pth b/controlnet/control_v11f1p_sd15_depth.pth new file mode 100755 index 0000000000000000000000000000000000000000..e20ec5a5140ed678f1db1bd0efe02e74a757fd91 --- /dev/null +++ b/controlnet/control_v11f1p_sd15_depth.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:761077ffe369fe8cf16ae353f8226bd4ca29805b161052f82c0170c7b50f1d99 +size 1445235365 diff --git a/controlnet/control_v11p_sd15_canny.pth b/controlnet/control_v11p_sd15_canny.pth new file mode 100755 index 0000000000000000000000000000000000000000..a39717042be81190d25eba173a94f3bf35606090 --- /dev/null +++ b/controlnet/control_v11p_sd15_canny.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f99cfe4c70910e38e3fece9918a4979ed7d3dcf9b81cee293e1755363af5406a +size 1445234681 diff --git a/controlnet/control_v11p_sd15_inpaint.pth b/controlnet/control_v11p_sd15_inpaint.pth new file mode 100755 index 0000000000000000000000000000000000000000..6edfc3664c3a104b9f01fda95464159dedcf6b10 --- /dev/null +++ b/controlnet/control_v11p_sd15_inpaint.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a2a0ff91882a0fbacbded5edeca7babdb6d1bd8f770880a91c177bd44cd58633 +size 1445235365 diff --git a/controlnet/control_v11p_sd15_lineart.pth b/controlnet/control_v11p_sd15_lineart.pth new file mode 100755 index 0000000000000000000000000000000000000000..36362b436291818e2838f04d4c9b8e5e38082c90 --- /dev/null +++ b/controlnet/control_v11p_sd15_lineart.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:fb5fb912696830da948e5056b50adfa3fcc68ff760c43e4e7a8499853af43c61 +size 1445235365 diff --git a/controlnet/control_v11p_sd15_mlsd.pth b/controlnet/control_v11p_sd15_mlsd.pth new file mode 100755 index 0000000000000000000000000000000000000000..403300e5af4fe31de57afa06bf85264b254d96f8 --- /dev/null +++ b/controlnet/control_v11p_sd15_mlsd.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:22dab177f4c4566ac1c8f68dc2c429b023114e15a644e8c7c0e8f956afe92acf +size 1445234339 diff --git a/controlnet/control_v11p_sd15_normalbae.pth b/controlnet/control_v11p_sd15_normalbae.pth new file mode 100755 index 0000000000000000000000000000000000000000..d57f40e120d924cecbde229d49709111812422fc --- /dev/null +++ b/controlnet/control_v11p_sd15_normalbae.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:9608158c204261259f4b5a7815ced8f5c15e5de4e30a9403d07f68f29f81e941 +size 1445236049 diff --git a/controlnet/control_v11p_sd15_openpose.pth b/controlnet/control_v11p_sd15_openpose.pth new file mode 100755 index 0000000000000000000000000000000000000000..56b8d5bad6d1c47d5ff9c7878c3848d1962a29ff --- /dev/null +++ b/controlnet/control_v11p_sd15_openpose.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:db97becd92cd19aff71352a60e93c2508decba3dee64f01f686727b9b406a9dd +size 1445235707 diff --git a/controlnet/control_v11p_sd15_scribble.pth b/controlnet/control_v11p_sd15_scribble.pth new file mode 100755 index 0000000000000000000000000000000000000000..3959453782ccca5b138b4943937447eba140b118 --- /dev/null +++ b/controlnet/control_v11p_sd15_scribble.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:14d33e8bc14ba679595d976789e4eedc36a3d2d21866ab5896355a7e6677749f +size 1445235707 diff --git a/controlnet/control_v11p_sd15_seg.pth b/controlnet/control_v11p_sd15_seg.pth new file mode 100755 index 0000000000000000000000000000000000000000..faec95dfcc9292b453db25702f62e5a07e81da87 --- /dev/null +++ b/controlnet/control_v11p_sd15_seg.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:bad6d753886c0edc978e79dfb06083737ab1bd9702e5b7c0f81b1e16a5ed12cc +size 1445233933 diff --git a/controlnet/control_v11p_sd15_softedge.pth b/controlnet/control_v11p_sd15_softedge.pth new file mode 100755 index 0000000000000000000000000000000000000000..65f19b20d0f0cf9e17987a33e2a54b931a056f41 --- /dev/null +++ b/controlnet/control_v11p_sd15_softedge.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:20759ef71a109c4796e637d86eea8db492ec9772b6d5cb7a9afd077847b403f3 +size 1445235707 diff --git a/controlnet/control_v11p_sd15s2_lineart_anime.pth b/controlnet/control_v11p_sd15s2_lineart_anime.pth new file mode 100755 index 0000000000000000000000000000000000000000..227a215b358f669b0c8c9326898743f8963f5ae1 --- /dev/null +++ b/controlnet/control_v11p_sd15s2_lineart_anime.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:59169ab86e8ae15ad50208cc5832f1cc598b95391d4482ba742b344c8f7f6904 +size 1445238101 diff --git a/esrgan/ESRGAN_SRx4_DF2KOST_official-ff704c30.pth b/esrgan/ESRGAN_SRx4_DF2KOST_official-ff704c30.pth new file mode 100755 index 0000000000000000000000000000000000000000..71ff0273fd150ed5e50a4beaad36dd6dbe3d943c --- /dev/null +++ b/esrgan/ESRGAN_SRx4_DF2KOST_official-ff704c30.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:ff704c30ff560305e48ed1f4db895e525ab6bc81a46fafe80c0094a271c806d9 +size 66922040 diff --git a/gfpgan/GFPGANCleanv1-NoCE-C2.pth b/gfpgan/GFPGANCleanv1-NoCE-C2.pth new file mode 100755 index 0000000000000000000000000000000000000000..c3ee82cce0911d6c9769bf1465a0ab83805d19c1 --- /dev/null +++ b/gfpgan/GFPGANCleanv1-NoCE-C2.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29e25ee90c170f4231163f4c83df6b59c968b73f3ce00cb884015ae005db083c +size 348632874 diff --git a/gfpgan/GFPGANv1.3.pth b/gfpgan/GFPGANv1.3.pth new file mode 100755 index 0000000000000000000000000000000000000000..1da748a3ef84ff85dd2c77c836f222aae22b007e --- /dev/null +++ b/gfpgan/GFPGANv1.3.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c953a88f2727c85c3d9ae72e2bd4846bbaf59fe6972ad94130e23e7017524a70 +size 348632874 diff --git a/gfpgan/GFPGANv1.4.pth b/gfpgan/GFPGANv1.4.pth new file mode 100755 index 0000000000000000000000000000000000000000..afedb5c7e826056840c9cc183f2c6f0186fd17ba --- /dev/null +++ b/gfpgan/GFPGANv1.4.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e2cd4703ab14f4d01fd1383a8a8b266f9a5833dacee8e6a79d3bf21a1b6be5ad +size 348632874 diff --git a/gfpgan/GFPGANv1.pth b/gfpgan/GFPGANv1.pth new file mode 100755 index 0000000000000000000000000000000000000000..6a2a1641e21c5bd8bc840a8b106ed2061002cce9 --- /dev/null +++ b/gfpgan/GFPGANv1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6db3a33dd00dd427b8a70a7e3c6244a5bcccb818736f4861ce1d609024a991de +size 615378983 diff --git a/gligen/gligen_sd14_textbox_pruned.safetensors b/gligen/gligen_sd14_textbox_pruned.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..8a669082741a2587894a7cfc2469ee3d4a3dbd85 --- /dev/null +++ b/gligen/gligen_sd14_textbox_pruned.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:47060c8264396409c93f3a07a4fbad950d89819fe40af509745305138ed01fdd +size 836445074 diff --git a/gligen/gligen_sd14_textbox_pruned_fp16.safetensors b/gligen/gligen_sd14_textbox_pruned_fp16.safetensors new file mode 100755 index 0000000000000000000000000000000000000000..f864a1195d1f0625f063e6c9f3ad772be3f6a14e --- /dev/null +++ b/gligen/gligen_sd14_textbox_pruned_fp16.safetensors @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3183c006351c033c3b183ac0a2c35f72a79c9ec0fcba3df9a05afd4320d116b2 +size 418240534 diff --git a/hypernetworks/aini.pt b/hypernetworks/aini.pt new file mode 100755 index 0000000000000000000000000000000000000000..77a80930d00ed8d7ebeb9d45c432517e1233e6c8 --- /dev/null +++ b/hypernetworks/aini.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0331b061cc03bbdcd077355398b7c3f27ac89bd5565f03fc85ad41ed3255eee8 +size 87769093 diff --git a/hypernetworks/anime.pt b/hypernetworks/anime.pt new file mode 100755 index 0000000000000000000000000000000000000000..b5b76717d36812294dd7e7684722d54c208baabd --- /dev/null +++ b/hypernetworks/anime.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:29a14b18cc479b2256a481a78fac7430066e5234d6f0974dd8b6e06f335f062b +size 87769093 diff --git a/hypernetworks/anime_2.pt b/hypernetworks/anime_2.pt new file mode 100755 index 0000000000000000000000000000000000000000..d306fadcc94e5cf06e603399e4a69294bc964f10 --- /dev/null +++ b/hypernetworks/anime_2.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:15dfc4e10f59ccb2d8261d3d2b2ed692e9349cd5ac49bb34b3291e03bc4efd34 +size 87769093 diff --git a/hypernetworks/anime_3.pt b/hypernetworks/anime_3.pt new file mode 100755 index 0000000000000000000000000000000000000000..10dda54b2c7f8f89590c0a495eb23b87d883502f --- /dev/null +++ b/hypernetworks/anime_3.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a6d68dbdbc7e259212685282c2ae843decf8bc1bfd9118df50a7dc75138cad7d +size 87769093 diff --git a/hypernetworks/furry.pt b/hypernetworks/furry.pt new file mode 100755 index 0000000000000000000000000000000000000000..d24575ffe2bf165028baaa0ec3a2480e8ac3ee3e --- /dev/null +++ b/hypernetworks/furry.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:65ca150314a87f1a218ceabbc290b7cf9b03c746771d59d2e1e3ee370523c124 +size 87769093 diff --git a/hypernetworks/furry_2.pt b/hypernetworks/furry_2.pt new file mode 100755 index 0000000000000000000000000000000000000000..1283a977cae82cc3df4aaa1cd1334c6e283598d8 --- /dev/null +++ b/hypernetworks/furry_2.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a0da03f4d189dbc465c1e5965d11babd00ec891dbf48305a9d48b87158504f53 +size 87769093 diff --git a/hypernetworks/furry_3.pt b/hypernetworks/furry_3.pt new file mode 100755 index 0000000000000000000000000000000000000000..5fb397772980535bf51039902c0c381fadceb911 --- /dev/null +++ b/hypernetworks/furry_3.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:da8ac0d42db8327856d61b9bd1fe82a3639bef22a5fc62d8b7ba42dc79cd9f1d +size 87769093 diff --git a/hypernetworks/furry_kemono.pt b/hypernetworks/furry_kemono.pt new file mode 100755 index 0000000000000000000000000000000000000000..2b501e909c76759f1cbba2bd97b32b898ed3167f --- /dev/null +++ b/hypernetworks/furry_kemono.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2acaa093ab0d0fe3045b9bf88bf813eddf8948bcf7397565801c40db2abba755 +size 87769093 diff --git a/hypernetworks/furry_protogen.pt b/hypernetworks/furry_protogen.pt new file mode 100755 index 0000000000000000000000000000000000000000..44fdde954cdd738b5f91a40a92870c0ba6687946 --- /dev/null +++ b/hypernetworks/furry_protogen.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:82bbab6ce922d5bfcee0ac95e4e2ffda403287beba6930a1f5228fb7933893d6 +size 87769093 diff --git a/hypernetworks/furry_scalie.pt b/hypernetworks/furry_scalie.pt new file mode 100755 index 0000000000000000000000000000000000000000..81f795da1e9717af7b1af09c915f60f5370fadf5 --- /dev/null +++ b/hypernetworks/furry_scalie.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a231d18730a796934d692d67fd8f5a963136689a699207b9f84c9b563280e05e +size 87769093 diff --git a/hypernetworks/furry_transformation.pt b/hypernetworks/furry_transformation.pt new file mode 100755 index 0000000000000000000000000000000000000000..7518a2c416141d124dcc316ecfd1bc6a1f02933d --- /dev/null +++ b/hypernetworks/furry_transformation.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:d294e7cd4c0fb913039f6c0a4d2c4d84404a4788d81e377ec9e89b7db8794466 +size 87769093 diff --git a/hypernetworks/pony.pt b/hypernetworks/pony.pt new file mode 100755 index 0000000000000000000000000000000000000000..7d3d0b1587b381c3bc9e56f876c66cec55efe082 --- /dev/null +++ b/hypernetworks/pony.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4670a78ac2693faad720651bb48b22cf3f3bdaa23d95e43855e2a6a2d2f17d73 +size 87769093 diff --git a/real_esrgan/RealESRGAN_x2plus.pth b/real_esrgan/RealESRGAN_x2plus.pth new file mode 100755 index 0000000000000000000000000000000000000000..77cc0ef1e8d238fa5cfb409cda2e619a9459ddc9 --- /dev/null +++ b/real_esrgan/RealESRGAN_x2plus.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:49fafd45f8fd7aa8d31ab2a22d14d91b536c34494a5cfe31eb5d89c2fa266abb +size 67061725 diff --git a/real_esrgan/RealESRGAN_x4plus.pth b/real_esrgan/RealESRGAN_x4plus.pth new file mode 100755 index 0000000000000000000000000000000000000000..9ddced536d07803300536317fef662bb499bca71 --- /dev/null +++ b/real_esrgan/RealESRGAN_x4plus.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:4fa0d38905f75ac06eb49a7951b426670021be3018265fd191d2125df9d682f1 +size 67040989 diff --git a/real_esrgan/RealESRGAN_x4plus_anime_6B.pth b/real_esrgan/RealESRGAN_x4plus_anime_6B.pth new file mode 100755 index 0000000000000000000000000000000000000000..1f04b81349b49d9c8ebd211d5baa9728d30ee798 --- /dev/null +++ b/real_esrgan/RealESRGAN_x4plus_anime_6B.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f872d837d3c90ed2e05227bed711af5671a6fd1c9f7d7e91c911a61f155e99da +size 17938799 diff --git a/real_esrgan/RealESRNet_x4plus.pth b/real_esrgan/RealESRNet_x4plus.pth new file mode 100755 index 0000000000000000000000000000000000000000..3316f3f84873fd8522d83b1b2b85d24bfe91f288 --- /dev/null +++ b/real_esrgan/RealESRNet_x4plus.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a820b9bde89a874d7599d545567308ce6c128fc8754a53208eda016d40aa81df +size 67040989 diff --git a/real_esrgan/realesr-animevideov3.pth b/real_esrgan/realesr-animevideov3.pth new file mode 100755 index 0000000000000000000000000000000000000000..b4ab70ca200f79482145aad1176c38ab1d343929 --- /dev/null +++ b/real_esrgan/realesr-animevideov3.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8a8376811077954d82ca3fcf476f1ac3da3e8a68a4f4d71363008000a18b75d +size 2504012 diff --git a/real_esrgan/realesr-general-x4v3.pth b/real_esrgan/realesr-general-x4v3.pth new file mode 100755 index 0000000000000000000000000000000000000000..faa94fc7269030a0cacef2f9ef8e67f20fe1e0e5 --- /dev/null +++ b/real_esrgan/realesr-general-x4v3.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8dc7edb9ac80ccdc30c3a5dca6616509367f05fbc184ad95b731f05bece96292 +size 4885111 diff --git a/t2i_adapter-style_models/coadapter-style-sd15v1.pth b/t2i_adapter-style_models/coadapter-style-sd15v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..b0d79c9871298f129d7a18ac11b883be9507aeab --- /dev/null +++ b/t2i_adapter-style_models/coadapter-style-sd15v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a596e6d4a0ab3a94f07f0176ddec0e6dc90308241505d1c9f119fdcbef68fc42 +size 154361575 diff --git a/t2i_adapter-style_models/t2iadapter_style_sd14v1.pth b/t2i_adapter-style_models/t2iadapter_style_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..e12a85c3939994265faa36fd36d9480efab7d6c9 --- /dev/null +++ b/t2i_adapter-style_models/t2iadapter_style_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b41febaddb32c4338272b9ad78b7d2b2584749ca5750d6b1d972766eb2fb731b +size 154363687 diff --git a/t2i_adapter/coadapter-canny-sd15v1.pth b/t2i_adapter/coadapter-canny-sd15v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..27b9e4e2d8216d918a561ea4b0d029295a8adc8b --- /dev/null +++ b/t2i_adapter/coadapter-canny-sd15v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e1cfde9d744bfc5eb039d1244e0ab00e357c2af299ab6cf7c1c84fa7be516b56 +size 308013107 diff --git a/t2i_adapter/coadapter-color-sd15v1.pth b/t2i_adapter/coadapter-color-sd15v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..97b904c65a1c265659cacdc46e83255b518f05a6 --- /dev/null +++ b/t2i_adapter/coadapter-color-sd15v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:808ed3707d9a8d10c5661f2aedb04cb26e6ef7ec03329a5485ba1a132e0a2abf +size 74780341 diff --git a/t2i_adapter/coadapter-depth-sd15v1.pth b/t2i_adapter/coadapter-depth-sd15v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..d194ce4f30d5c46ac3882a156ebe2e1d2e1ffdd9 --- /dev/null +++ b/t2i_adapter/coadapter-depth-sd15v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b442c20595a0a5c9b9de49ebff29fa5287336676fa5b926beda1d3ac762ff058 +size 309487667 diff --git a/t2i_adapter/coadapter-fuser-sd15v1.pth b/t2i_adapter/coadapter-fuser-sd15v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..b5439ff2ab54681a9638ff00ab3bc7cbc6e07026 --- /dev/null +++ b/t2i_adapter/coadapter-fuser-sd15v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c7ac8db971fe8ed83f79c24561bc09d9f3628d6a62a3f6eddb1388f6dbb6ce7a +size 109157876 diff --git a/t2i_adapter/coadapter-sketch-sd15v1.pth b/t2i_adapter/coadapter-sketch-sd15v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..8494c139cb9b6281935b3abd37b3bdc11f61014b --- /dev/null +++ b/t2i_adapter/coadapter-sketch-sd15v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:b8bb39ae315022519cc2671c196ac96db133a270bfdb8b39513582098e1968c7 +size 308013107 diff --git a/t2i_adapter/t2iadapter_canny_sd14v1.pth b/t2i_adapter/t2iadapter_canny_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..01cf956e10656f111da78340013d7d354f7a176b --- /dev/null +++ b/t2i_adapter/t2iadapter_canny_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3fb35d666889f622f7c499c5c11a8e94dabd9231029a13a5efd736364e76a987 +size 308013107 diff --git a/t2i_adapter/t2iadapter_canny_sd15v2.pth b/t2i_adapter/t2iadapter_canny_sd15v2.pth new file mode 100755 index 0000000000000000000000000000000000000000..cd8655e46d3357e00cbe0eea59a84f7fcb7a134f --- /dev/null +++ b/t2i_adapter/t2iadapter_canny_sd15v2.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:a5ec162813b3997a925d39dc546ff696c42f877fec55ef2e6afa3a4aa642018e +size 308015219 diff --git a/t2i_adapter/t2iadapter_color_sd14v1.pth b/t2i_adapter/t2iadapter_color_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..bd05ea3480769abb5e92451b30a31af9b7af18b7 --- /dev/null +++ b/t2i_adapter/t2iadapter_color_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:3ea46a3d2f26023179a8daccb2259a198e992044570d2f9bd18e412d479fd591 +size 74780341 diff --git a/t2i_adapter/t2iadapter_depth_sd14v1.pth b/t2i_adapter/t2iadapter_depth_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..aeb25f2247850d76bbc61ca77c25e71077a2621a --- /dev/null +++ b/t2i_adapter/t2iadapter_depth_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:6adc765d71cbd07567688a9320add25db9a0758eef2e3b6897cbca71e1cf9d36 +size 309487667 diff --git a/t2i_adapter/t2iadapter_depth_sd15v2.pth b/t2i_adapter/t2iadapter_depth_sd15v2.pth new file mode 100755 index 0000000000000000000000000000000000000000..97e2753a390b58c4686b114b64d5aa747f6d8e64 --- /dev/null +++ b/t2i_adapter/t2iadapter_depth_sd15v2.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:dec4a100ed622e8818c441a28d7bcef129fcd7bde5a3cd7ecc208ddc19cfc764 +size 309489779 diff --git a/t2i_adapter/t2iadapter_keypose_sd14v1.pth b/t2i_adapter/t2iadapter_keypose_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..838f7b1066d7106b7dd3f90c5c134e798bbe64ab --- /dev/null +++ b/t2i_adapter/t2iadapter_keypose_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:edca0cef5eb32feba66c8e0524d996204b87a19eace640d27826d04229d17d7e +size 309487667 diff --git a/t2i_adapter/t2iadapter_openpose_sd14v1.pth b/t2i_adapter/t2iadapter_openpose_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..316f6c509865e713899078c757c07e19a1183595 --- /dev/null +++ b/t2i_adapter/t2iadapter_openpose_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f8d8027cbeae188dcae57b7475243b7dec20f2620c3c0fe7778319c56bf1ec6b +size 309487667 diff --git a/t2i_adapter/t2iadapter_seg_sd14v1.pth b/t2i_adapter/t2iadapter_seg_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..f1033a956541a4d758ea61f58d1bd18c3bdd987d --- /dev/null +++ b/t2i_adapter/t2iadapter_seg_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c01a17ecd473e3e375cea152c1e4135274f7113a495be35909b497d65b87713a +size 309487667 diff --git a/t2i_adapter/t2iadapter_sketch_sd14v1.pth b/t2i_adapter/t2iadapter_sketch_sd14v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..16eee33d08ea401e5c387f13c1f15a5760b1a8e8 --- /dev/null +++ b/t2i_adapter/t2iadapter_sketch_sd14v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:e006de134c9db86d1d44e6f13783e0846a78879afa3bd6f73feb3d7f6a5715b1 +size 308013107 diff --git a/t2i_adapter/t2iadapter_sketch_sd15v2.pth b/t2i_adapter/t2iadapter_sketch_sd15v2.pth new file mode 100755 index 0000000000000000000000000000000000000000..68298b9df582f3d430413377be557d502f24898e --- /dev/null +++ b/t2i_adapter/t2iadapter_sketch_sd15v2.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:8757c9e8ea0689b97257dc530172325b8215aa4e97df7c91c1a8d4e7265b894c +size 308015219 diff --git a/t2i_adapter/t2iadapter_zoedepth_sd15v1.pth b/t2i_adapter/t2iadapter_zoedepth_sd15v1.pth new file mode 100755 index 0000000000000000000000000000000000000000..391e6643b4693e254450b9cdc19a68d8f317c73b --- /dev/null +++ b/t2i_adapter/t2iadapter_zoedepth_sd15v1.pth @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0acb308082f394df7732f2841767a2d19e17bf4c33f35c6296047d4850fe8450 +size 309489779 diff --git a/vae/animevae.pt b/vae/animevae.pt new file mode 100755 index 0000000000000000000000000000000000000000..0f7b497b5546c1ea8f37609be6efee4d2736105d --- /dev/null +++ b/vae/animevae.pt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:f921fb3f29891d2a77a6571e56b8b5052420d2884129517a333c60b1b4816cdf +size 822802803 diff --git a/vae/kl-f8-anime.ckpt b/vae/kl-f8-anime.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..a0eeb654325b2870408a5fdb42e51ca110a56ada --- /dev/null +++ b/vae/kl-f8-anime.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:2f11c4a99ddc28d0ad8bce0acc38bed310b45d38a3fe4bb367dc30f3ef1a4868 +size 404657953 diff --git a/vae/kl-f8-anime2.ckpt b/vae/kl-f8-anime2.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..bccf82d84e832fe4e80b19b90d7aa37ed38fd4f5 --- /dev/null +++ b/vae/kl-f8-anime2.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:df3c506e51b7ee1d7b5a6a2bb7142d47d488743c96aa778afb0f53a2cdc2d38d +size 404662241 diff --git a/vae/vae-ft-ema-560000-ema-pruned.ckpt b/vae/vae-ft-ema-560000-ema-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..564371905c2c59bd7a412f590192d4e9693df186 --- /dev/null +++ b/vae/vae-ft-ema-560000-ema-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:0b204ad0cae549e0a7e298d803d57e36363760dec71c63109c1da3e1147ec520 +size 334695179 diff --git a/vae/vae-ft-mse-840000-ema-pruned.ckpt b/vae/vae-ft-mse-840000-ema-pruned.ckpt new file mode 100755 index 0000000000000000000000000000000000000000..7322202939e53e60602bfed9b6374b566a367737 --- /dev/null +++ b/vae/vae-ft-mse-840000-ema-pruned.ckpt @@ -0,0 +1,3 @@ +version https://git-lfs.github.com/spec/v1 +oid sha256:c6a580b13a5bc05a5e16e4dbb80608ff2ec251a162311590c1f34c013d7f3dab +size 334695179