stable-diffusion-webui icon indicating copy to clipboard operation
stable-diffusion-webui copied to clipboard

[Bug]: RuntimeError: Error(s) in loading state_dict for LatentDiffusion: size mismatch

Open patryk-bartkowiak-nitid opened this issue 1 year ago • 0 comments

Checklist

  • [X] The issue exists after disabling all extensions
  • [X] The issue exists on a clean installation of webui
  • [ ] The issue is caused by an extension, but I believe it is caused by a bug in the webui
  • [X] The issue exists in the current version of the webui
  • [X] The issue has not been reported before recently
  • [ ] The issue has been reported before but has not been fixed yet

What happened?

After I fine-tuned CyberRealistic model using DreamBooth I can't load it in AUTOMATIC1111

Error:

Calculating sha256 for /project/stable-diffusion-webui/models/Stable-diffusion/del-250.safetensors: a813b3d75a85ea6a95a4823de4d1f0e653f10af8da6a38561a3ebe5cd95ad7c7
Loading weights [a813b3d75a] from /project/stable-diffusion-webui/models/Stable-diffusion/del-250.safetensors
Creating model from config: /project/stable-diffusion-webui/configs/v1-inference.yaml
changing setting sd_model_checkpoint to del-250.safetensors: RuntimeError
Traceback (most recent call last):
  File "/project/stable-diffusion-webui/modules/options.py", line 146, in set
    option.onchange()
  File "/project/stable-diffusion-webui/modules/call_queue.py", line 13, in f
    res = func(*args, **kwargs)
  File "/project/stable-diffusion-webui/modules/initialize_util.py", line 174, in <lambda>
    shared.opts.onchange("sd_model_checkpoint", wrap_queued_call(lambda: sd_models.reload_model_weights()), call=False)
  File "/project/stable-diffusion-webui/modules/sd_models.py", line 783, in reload_model_weights
    load_model(checkpoint_info, already_loaded_state_dict=state_dict)
  File "/project/stable-diffusion-webui/modules/sd_models.py", line 658, in load_model
    load_model_weights(sd_model, checkpoint_info, state_dict, timer)
  File "/project/stable-diffusion-webui/modules/sd_models.py", line 375, in load_model_weights
    model.load_state_dict(state_dict, strict=False)
  File "/project/stable-diffusion-webui/modules/sd_disable_initialization.py", line 223, in <lambda>
    module_load_state_dict = self.replace(torch.nn.Module, 'load_state_dict', lambda *args, **kwargs: load_state_dict(module_load_state_dict, *args, **kwargs))
  File "/project/stable-diffusion-webui/modules/sd_disable_initialization.py", line 221, in load_state_dict
    original(module, state_dict, strict=strict)
  File "/project/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 2041, in load_state_dict
    raise RuntimeError('Error(s) in loading state_dict for {}:\n\t{}'.format(
RuntimeError: Error(s) in loading state_dict for LatentDiffusion:
        size mismatch for first_stage_model.encoder.mid.attn_1.q.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.encoder.mid.attn_1.k.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.encoder.mid.attn_1.v.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.encoder.mid.attn_1.proj_out.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.q.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.k.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.v.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.proj_out.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).

Steps to reproduce the problem

Code used to fine-tune model

export MODEL_NAME="pretrained_models/cyberrealistic_v41"
export INSTANCE_DIR="data/cut_del"
export MAX_TRAIN_STEPS=750
export CHECKPOINTING_STEPS=125


export CLASS_DIR="${INSTANCE_DIR}_$(basename ${MODEL_NAME})_negative"
export OUTPUT_DIR="outputs/$(basename ${MODEL_NAME})_$(basename ${INSTANCE_DIR})"
export CUDA_LAUNCH_BLOCKING=1
export TORCH_USE_CUDA_DSA=1

printf "\n\nTraining with $MODEL_NAME on $INSTANCE_DIR, saving to $OUTPUT_DIR\n\n"

accelerate launch diffusers/examples/dreambooth/train_dreambooth.py \
  --instance_prompt="a photo of sts man, isolated on a white background" \
  --class_prompt="photo of a man, isolated on white background" \
  --pretrained_model_name_or_path=$MODEL_NAME  \
  --train_text_encoder \
  --instance_data_dir=$INSTANCE_DIR \
  --class_data_dir=$CLASS_DIR \
  --output_dir=$OUTPUT_DIR \
  --with_prior_preservation --prior_loss_weight=1.0 \
  --resolution=512 \
  --train_batch_size=4 \
  --use_8bit_adam \
  --gradient_checkpointing \
  --learning_rate=2e-6 \
  --lr_scheduler="constant" \
  --lr_warmup_steps=0 \
  --num_class_images=200 \
  --max_train_steps=$MAX_TRAIN_STEPS \
  --checkpointing_steps=$CHECKPOINTING_STEPS \
  --enable_xformers_memory_efficient_attention \
  --seed="0"

Code used to convert checkpoint into suitable format:

import os
import pprint
import argparse

if __name__ == "__main__":
    parser = argparse.ArgumentParser()
    parser.add_argument("--input", type=str, required=True)
    parser.add_argument("--name", type=str, required=True)
    parser.add_argument("--output", type=str, default="stable-diffusion-webui/models/Stable-diffusion/")
    args = parser.parse_args()

    print("#" * 100)
    print(f"INPUT: {args.input}")
    print(f"OUTPUT: {args.output}")
    print("#" * 100)
    print("\n" * 2)

    all_dirs = os.listdir(args.input)
    ckpt_dirs = sorted([d for d in all_dirs if d.startswith("checkpoint-") and os.path.isdir(os.path.join(args.input, d))])
    print("Found checkpoints:")
    pprint.pprint(ckpt_dirs)
    print("\n" * 2)

    for ckpt_dir in ckpt_dirs:
        input_path = os.path.abspath(os.path.join(args.input, ckpt_dir))
        output_path = os.path.abspath(
            os.path.join(args.output, args.name + '-' + ckpt_dir.split("-")[1] + '.safetensors')
        )

        print(f"Copying VAE model from {os.path.join(args.input, 'vae')} to {input_path}")
        os.system(f"cp -r {os.path.join(args.input, 'vae')} {input_path}")

        print(f"Converting to .safetensors format and copying to {output_path}")
        os.system(
            f"""python /project/diffusers/scripts/convert_diffusers_to_original_stable_diffusion.py \
                --use_safetensors \
                --model_path {input_path}\
                --checkpoint_path {output_path}"""
        )

What should have happened?

It should load the model

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

{
"Platform": "Linux-5.15.0-79-generic-x86_64-with-glibc2.27",
"Python": "3.10.9",
"Version": "v1.7.0",
"Commit": "cf2772fab0af5573da775e7437e6acdca424f26e",
"Script path": "/project/stable-diffusion-webui",
"Data path": "/project/stable-diffusion-webui",
"Extensions dir": "/project/stable-diffusion-webui/extensions",
"Checksum": "b08eaa9966a70ba81e58e49562a9247e44bd296e046685f14b32b1a18f7b77b0",
"Commandline": [
"launch.py",
"--xformers",
"--api"
],
"Torch env info": {
"torch_version": "2.0.1+cu118",
"is_debug_build": "False",
"cuda_compiled_version": "11.8",
"gcc_version": "(Ubuntu 7.5.0-3ubuntu1~18.04) 7.5.0",
"clang_version": null,
"cmake_version": "version 3.28.1",
"os": "Ubuntu 18.04.6 LTS (x86_64)",
"libc_version": "glibc-2.27",
"python_version": "3.10.9 (main, Mar  8 2023, 10:47:38) [GCC 11.2.0] (64-bit runtime)",
"python_platform": "Linux-5.15.0-79-generic-x86_64-with-glibc2.27",
"is_cuda_available": "True",
"cuda_runtime_version": "11.7.99",
"cuda_module_loading": "LAZY",
"nvidia_driver_version": "525.125.06",
"nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3090",
"cudnn_version": [
"Probably one of the following:",
"/usr/lib/x86_64-linux-gnu/libcudnn.so.8.5.0",
"/usr/lib/x86_64-linux-gnu/libcudnn_adv_infer.so.8.5.0",
"/usr/lib/x86_64-linux-gnu/libcudnn_adv_train.so.8.5.0",
"/usr/lib/x86_64-linux-gnu/libcudnn_cnn_infer.so.8.5.0",
"/usr/lib/x86_64-linux-gnu/libcudnn_cnn_train.so.8.5.0",
"/usr/lib/x86_64-linux-gnu/libcudnn_ops_infer.so.8.5.0",
"/usr/lib/x86_64-linux-gnu/libcudnn_ops_train.so.8.5.0"
],
"pip_version": "pip3",
"pip_packages": [
"numpy==1.23.5",
"open-clip-torch==2.20.0",
"pytorch-lightning==1.9.4",
"torch==2.0.1+cu118",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.15.2+cu118"
],
"conda_packages": [
"blas                      1.0                         mkl  ",
"ffmpeg                    4.3                  hf484d3e_0    pytorch",
"mkl                       2021.4.0           h06a4308_640  ",
"mkl-service               2.4.0           py310h7f8727e_0  ",
"mkl_fft                   1.3.1           py310hd6ae3a3_0  ",
"mkl_random                1.2.2           py310h00e6091_0  ",
"numpy                     1.23.5          py310hd5efca6_0  ",
"numpy-base                1.23.5          py310h8e6c178_0  ",
"pytorch                   2.0.0           py3.10_cuda11.7_cudnn8.5.0_0    pytorch",
"pytorch-cuda              11.7                 h778d358_3    pytorch",
"pytorch-mutex             1.0                        cuda    pytorch",
"torchaudio                2.0.0               py310_cu117    pytorch",
"torchdata                 0.6.0                     py310    pytorch",
"torchelastic              0.2.2                    pypi_0    pypi",
"torchtext                 0.15.0                    py310    pytorch",
"torchtriton               2.0.0                     py310    pytorch",
"torchvision               0.15.0              py310_cu117    pytorch"
],
"hip_compiled_version": "N/A",
"hip_runtime_version": "N/A",
"miopen_runtime_version": "N/A",
"caching_allocator_config": "",
"is_xnnpack_available": "True",
"cpu_info": [
"Architecture:        x86_64",
"CPU op-mode(s):      32-bit, 64-bit",
"Byte Order:          Little Endian",
"CPU(s):              128",
"On-line CPU(s) list: 0-127",
"Thread(s) per core:  2",
"Core(s) per socket:  32",
"Socket(s):           2",
"NUMA node(s):        2",
"Vendor ID:           AuthenticAMD",
"CPU family:          23",
"Model:               49",
"Model name:          AMD EPYC 7452 32-Core Processor",
"Stepping:            0",
"CPU MHz:             1491.148",
"CPU max MHz:         2350.0000",
"CPU min MHz:         1500.0000",
"BogoMIPS:            4699.64",
"Virtualization:      AMD-V",
"L1d cache:           32K",
"L1i cache:           32K",
"L2 cache:            512K",
"L3 cache:            16384K",
"NUMA node0 CPU(s):   0-31,64-95",
"NUMA node1 CPU(s):   32-63,96-127",
"Flags:               fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush mmx fxsr sse sse2 ht syscall nx mmxext fxsr_opt pdpe1gb rdtscp lm constant_tsc rep_good nopl nonstop_tsc cpuid extd_apicid aperfmperf rapl pni pclmulqdq monitor ssse3 fma cx16 sse4_1 sse4_2 movbe popcnt aes xsave avx f16c rdrand lahf_lm cmp_legacy svm extapic cr8_legacy abm sse4a misalignsse 3dnowprefetch osvw ibs skinit wdt tce topoext perfctr_core perfctr_nb bpext perfctr_llc mwaitx cpb cat_l3 cdp_l3 hw_pstate ssbd mba ibrs ibpb stibp vmmcall fsgsbase bmi1 avx2 smep bmi2 cqm rdt_a rdseed adx smap clflushopt clwb sha_ni xsaveopt xsavec xgetbv1 cqm_llc cqm_occup_llc cqm_mbm_total cqm_mbm_local clzero irperf xsaveerptr rdpru wbnoinvd amd_ppin arat npt lbrv svm_lock nrip_save tsc_scale vmcb_clean flushbyasid decodeassists pausefilter pfthreshold avic v_vmsave_vmload vgif v_spec_ctrl umip rdpid overflow_recov succor smca sme sev sev_es"
]
},
"Exceptions": [],
"CPU": {
"model": "x86_64",
"count logical": 128,
"count physical": 64
},
"RAM": {
"total": "252GB",
"used": "117GB",
"free": "11GB",
"active": "16GB",
"inactive": "207GB",
"buffers": "134MB",
"cached": "123GB",
"shared": "30GB"
},
"Extensions": [],
"Inactive extensions": [
{
"name": "a-person-mask-generator",
"path": "/project/stable-diffusion-webui/extensions/a-person-mask-generator",
"version": "5ea6a3d1",
"branch": "main",
"remote": "https://github.com/djbielejeski/a-person-mask-generator.git"
},
{
"name": "adetailer",
"path": "/project/stable-diffusion-webui/extensions/adetailer",
"version": "8f01dfda",
"branch": "main",
"remote": "https://github.com/Bing-su/adetailer.git"
},
{
"name": "sd-civitai-browser-plus",
"path": "/project/stable-diffusion-webui/extensions/sd-civitai-browser-plus",
"version": "9e70db57",
"branch": "main",
"remote": "https://github.com/BlafKing/sd-civitai-browser-plus.git"
},
{
"name": "sd-webui-controlnet",
"path": "/project/stable-diffusion-webui/extensions/sd-webui-controlnet",
"version": "ba05e1ea",
"branch": "main",
"remote": "https://github.com/Mikubill/sd-webui-controlnet.git"
},
{
"name": "sd-webui-inpaint-anything",
"path": "/project/stable-diffusion-webui/extensions/sd-webui-inpaint-anything",
"version": "a08995a7",
"branch": "main",
"remote": "https://github.com/Uminosachi/sd-webui-inpaint-anything.git"
},
{
"name": "sd-webui-reactor",
"path": "/project/stable-diffusion-webui/extensions/sd-webui-reactor",
"version": "c5ecf9a1",
"branch": "main",
"remote": "https://github.com/Gourieff/sd-webui-reactor.git"
},
{
"name": "ultimate-upscale-for-automatic1111",
"path": "/project/stable-diffusion-webui/extensions/ultimate-upscale-for-automatic1111",
"version": "728ffcec",
"branch": "master",
"remote": "https://github.com/Coyote-A/ultimate-upscale-for-automatic1111.git"
}
],
"Environment": {
"COMMANDLINE_ARGS": "--xformers --api",
"GIT": "git",
"GRADIO_ANALYTICS_ENABLED": "False"
},
"Config": {
"samples_save": true,
"samples_format": "png",
"samples_filename_pattern": "",
"save_images_add_number": true,
"save_images_replace_action": "Replace",
"grid_save": true,
"grid_format": "png",
"grid_extended_filename": false,
"grid_only_if_multiple": true,
"grid_prevent_empty_spots": false,
"grid_zip_filename_pattern": "",
"n_rows": -1,
"font": "",
"grid_text_active_color": "#000000",
"grid_text_inactive_color": "#999999",
"grid_background_color": "#ffffff",
"save_images_before_face_restoration": false,
"save_images_before_highres_fix": false,
"save_images_before_color_correction": false,
"save_mask": false,
"save_mask_composite": false,
"jpeg_quality": 80,
"webp_lossless": false,
"export_for_4chan": true,
"img_downscale_threshold": 4,
"target_side_length": 4000,
"img_max_size_mp": 200,
"use_original_name_batch": true,
"use_upscaler_name_as_suffix": false,
"save_selected_only": true,
"save_init_img": false,
"temp_dir": "",
"clean_temp_dir_at_start": false,
"save_incomplete_images": false,
"notification_audio": true,
"notification_volume": 100,
"outdir_samples": "",
"outdir_txt2img_samples": "outputs/txt2img-images",
"outdir_img2img_samples": "outputs/img2img-images",
"outdir_extras_samples": "outputs/extras-images",
"outdir_grids": "",
"outdir_txt2img_grids": "outputs/txt2img-grids",
"outdir_img2img_grids": "outputs/img2img-grids",
"outdir_save": "log/images",
"outdir_init_images": "outputs/init-images",
"save_to_dirs": true,
"grid_save_to_dirs": true,
"use_save_to_dirs_for_ui": false,
"directories_filename_pattern": "[date]",
"directories_max_prompt_words": 8,
"ESRGAN_tile": 192,
"ESRGAN_tile_overlap": 8,
"realesrgan_enabled_models": [
"R-ESRGAN 4x+",
"R-ESRGAN 4x+ Anime6B"
],
"upscaler_for_img2img": null,
"face_restoration": false,
"face_restoration_model": "CodeFormer",
"code_former_weight": 0.5,
"face_restoration_unload": false,
"auto_launch_browser": "Local",
"enable_console_prompts": false,
"show_warnings": false,
"show_gradio_deprecation_warnings": true,
"memmon_poll_rate": 8,
"samples_log_stdout": false,
"multiple_tqdm": true,
"print_hypernet_extra": false,
"list_hidden_files": true,
"disable_mmap_load_safetensors": false,
"hide_ldm_prints": true,
"dump_stacks_on_signal": false,
"api_enable_requests": true,
"api_forbid_local_requests": true,
"api_useragent": "",
"unload_models_when_training": false,
"pin_memory": false,
"save_optimizer_state": false,
"save_training_settings_to_txt": true,
"dataset_filename_word_regex": "",
"dataset_filename_join_string": " ",
"training_image_repeats_per_epoch": 1,
"training_write_csv_every": 500,
"training_xattention_optimizations": false,
"training_enable_tensorboard": false,
"training_tensorboard_save_images": false,
"training_tensorboard_flush_every": 120,
"sd_model_checkpoint": "DreamShaperXL.safetensors [676f0d60c8]",
"sd_checkpoints_limit": 1,
"sd_checkpoints_keep_in_cpu": true,
"sd_checkpoint_cache": 0,
"sd_unet": "Automatic",
"enable_quantization": false,
"enable_emphasis": true,
"enable_batch_seeds": true,
"comma_padding_backtrack": 20,
"CLIP_stop_at_last_layers": 1,
"upcast_attn": false,
"randn_source": "GPU",
"tiling": false,
"hires_fix_refiner_pass": "second pass",
"sdxl_crop_top": 0,
"sdxl_crop_left": 0,
"sdxl_refiner_low_aesthetic_score": 2.5,
"sdxl_refiner_high_aesthetic_score": 6,
"sd_vae_checkpoint_cache": 0,
"sd_vae": "Automatic",
"sd_vae_overrides_per_model_preferences": true,
"auto_vae_precision": true,
"sd_vae_encode_method": "Full",
"sd_vae_decode_method": "Full",
"inpainting_mask_weight": 1,
"initial_noise_multiplier": 1,
"img2img_extra_noise": 0,
"img2img_color_correction": false,
"img2img_fix_steps": false,
"img2img_background_color": "#ffffff",
"img2img_editor_height": 720,
"img2img_sketch_default_brush_color": "#ffffff",
"img2img_inpaint_mask_brush_color": "#ffffff",
"img2img_inpaint_sketch_default_brush_color": "#ffffff",
"return_mask": false,
"return_mask_composite": false,
"img2img_batch_show_results_limit": 32,
"cross_attention_optimization": "Automatic",
"s_min_uncond": 0,
"token_merging_ratio": 0,
"token_merging_ratio_img2img": 0,
"token_merging_ratio_hr": 0,
"pad_cond_uncond": false,
"persistent_cond_cache": true,
"batch_cond_uncond": true,
"use_old_emphasis_implementation": false,
"use_old_karras_scheduler_sigmas": false,
"no_dpmpp_sde_batch_determinism": false,
"use_old_hires_fix_width_height": false,
"dont_fix_second_order_samplers_schedule": false,
"hires_fix_use_firstpass_conds": false,
"use_old_scheduling": false,
"interrogate_keep_models_in_memory": false,
"interrogate_return_ranks": false,
"interrogate_clip_num_beams": 1,
"interrogate_clip_min_length": 24,
"interrogate_clip_max_length": 48,
"interrogate_clip_dict_limit": 1500,
"interrogate_clip_skip_categories": [],
"interrogate_deepbooru_score_threshold": 0.5,
"deepbooru_sort_alpha": true,
"deepbooru_use_spaces": true,
"deepbooru_escape": true,
"deepbooru_filter_tags": "",
"extra_networks_show_hidden_directories": true,
"extra_networks_dir_button_function": false,
"extra_networks_hidden_models": "When searched",
"extra_networks_default_multiplier": 1,
"extra_networks_card_width": 0,
"extra_networks_card_height": 0,
"extra_networks_card_text_scale": 1,
"extra_networks_card_show_desc": true,
"extra_networks_card_order_field": "Path",
"extra_networks_card_order": "Ascending",
"extra_networks_add_text_separator": " ",
"ui_extra_networks_tab_reorder": "",
"textual_inversion_print_at_load": false,
"textual_inversion_add_hashes_to_infotext": true,
"sd_hypernetwork": "None",
"keyedit_precision_attention": 0.1,
"keyedit_precision_extra": 0.05,
"keyedit_delimiters": ".,\\/!?%^*;:{}=`~() ",
"keyedit_delimiters_whitespace": [
"Tab",
"Carriage Return",
"Line Feed"
],
"keyedit_move": true,
"disable_token_counters": false,
"return_grid": true,
"do_not_show_images": false,
"js_modal_lightbox": true,
"js_modal_lightbox_initially_zoomed": true,
"js_modal_lightbox_gamepad": false,
"js_modal_lightbox_gamepad_repeat": 250,
"gallery_height": "",
"compact_prompt_box": false,
"samplers_in_dropdown": true,
"dimensions_and_batch_together": true,
"sd_checkpoint_dropdown_use_short": false,
"hires_fix_show_sampler": false,
"hires_fix_show_prompts": false,
"txt2img_settings_accordion": false,
"img2img_settings_accordion": false,
"localization": "None",
"quicksettings_list": [
"sd_model_checkpoint",
"sd_vae",
"CLIP_stop_at_last_layers"
],
"ui_tab_order": [],
"hidden_tabs": [],
"ui_reorder_list": [],
"gradio_theme": "Default",
"gradio_themes_cache": true,
"show_progress_in_title": true,
"send_seed": true,
"send_size": true,
"enable_pnginfo": true,
"save_txt": false,
"add_model_name_to_info": true,
"add_model_hash_to_info": true,
"add_vae_name_to_info": true,
"add_vae_hash_to_info": true,
"add_user_name_to_info": false,
"add_version_to_infotext": true,
"disable_weights_auto_swap": true,
"infotext_skip_pasting": [],
"infotext_styles": "Apply if any",
"show_progressbar": true,
"live_previews_enable": true,
"live_previews_image_format": "png",
"show_progress_grid": true,
"show_progress_every_n_steps": 10,
"show_progress_type": "Approx NN",
"live_preview_allow_lowvram_full": false,
"live_preview_content": "Prompt",
"live_preview_refresh_period": 1000,
"live_preview_fast_interrupt": false,
"js_live_preview_in_modal_lightbox": false,
"hide_samplers": [],
"eta_ddim": 0,
"eta_ancestral": 1,
"ddim_discretize": "uniform",
"s_churn": 0,
"s_tmin": 0,
"s_tmax": 0,
"s_noise": 1,
"k_sched_type": "Automatic",
"sigma_min": 0,
"sigma_max": 0,
"rho": 0,
"eta_noise_seed_delta": 0,
"always_discard_next_to_last_sigma": false,
"sgm_noise_multiplier": false,
"uni_pc_variant": "bh1",
"uni_pc_skip_type": "time_uniform",
"uni_pc_order": 3,
"uni_pc_lower_order_final": true,
"postprocessing_enable_in_main_ui": [],
"postprocessing_operation_order": [],
"upscaling_max_images_in_cache": 5,
"postprocessing_existing_caption_action": "Ignore",
"disabled_extensions": [
"a-person-mask-generator",
"adetailer",
"sd-civitai-browser-plus",
"sd-webui-controlnet",
"sd-webui-inpaint-anything",
"sd-webui-reactor",
"ultimate-upscale-for-automatic1111"
],
"disable_all_extensions": "none",
"restore_config_state_file": "",
"sd_checkpoint_hash": "676f0d60c8e860146d5e8a0d802599cadd04e7cadf85c283f189f41f01c9e359",
"ldsr_steps": 100,
"ldsr_cached": false,
"SCUNET_tile": 256,
"SCUNET_tile_overlap": 8,
"SWIN_tile": 192,
"SWIN_tile_overlap": 8,
"SWIN_torch_compile": false,
"hypertile_enable_unet": false,
"hypertile_enable_unet_secondpass": false,
"hypertile_max_depth_unet": 3,
"hypertile_max_tile_unet": 256,
"hypertile_swap_size_unet": 3,
"hypertile_enable_vae": false,
"hypertile_max_depth_vae": 3,
"hypertile_max_tile_vae": 128,
"hypertile_swap_size_vae": 3,
"control_net_detectedmap_dir": "detected_maps",
"control_net_models_path": "",
"control_net_modules_path": "",
"control_net_unit_count": 3,
"control_net_model_cache_size": 1,
"control_net_inpaint_blur_sigma": 7,
"control_net_no_detectmap": false,
"control_net_detectmap_autosaving": false,
"control_net_allow_script_control": false,
"control_net_sync_field_args": true,
"controlnet_show_batch_images_in_ui": false,
"controlnet_increment_seed_during_batch": false,
"controlnet_disable_openpose_edit": false,
"controlnet_disable_photopea_edit": false,
"controlnet_photopea_warning": true,
"controlnet_ignore_noninpaint_mask": false,
"lora_functional": false,
"sd_lora": "None",
"lora_preferred_name": "Alias from file",
"lora_add_hashes_to_infotext": true,
"lora_show_all": false,
"lora_hide_unknown_for_versions": [],
"lora_in_memory_limit": 0,
"extra_options_txt2img": [],
"extra_options_img2img": [],
"extra_options_cols": 1,
"extra_options_accordion": false,
"canvas_hotkey_zoom": "Alt",
"canvas_hotkey_adjust": "Ctrl",
"canvas_hotkey_move": "F",
"canvas_hotkey_fullscreen": "S",
"canvas_hotkey_reset": "R",
"canvas_hotkey_overlap": "O",
"canvas_show_tooltip": true,
"canvas_auto_expand": true,
"canvas_blur_prompt": false,
"canvas_disabled_functions": [
"Overlap"
],
"ad_max_models": 2,
"ad_extra_models_dir": "",
"ad_save_previews": false,
"ad_save_images_before": false,
"ad_only_seleted_scripts": true,
"ad_script_names": "dynamic_prompting,dynamic_thresholding,wildcard_recursive,wildcards,lora_block_weight,negpip",
"ad_bbox_sortby": "None",
"ad_same_seed_for_each_tap": false,
"use_aria2": true,
"disable_dns": false,
"show_log": false,
"split_aria2": 64,
"aria2_flags": "",
"unpack_zip": false,
"custom_api_key": "",
"hide_early_access": true,
"use_LORA": true,
"insert_sub": true,
"dot_subfolders": true,
"page_header": false,
"video_playback": true,
"update_log": true,
"image_location": "",
"sub_image_location": true,
"Checkpoint_subfolder": "None",
"LORA_LoCon_subfolder": "None",
"TextualInversion_subfolder": "None",
"Poses_subfolder": "None",
"Controlnet_subfolder": "None",
"Hypernetwork_subfolder": "None",
"MotionModule_subfolder": "None",
"SWINIR_upscale_subfolder": "None",
"REALESRGAN_upscale_subfolder": "None",
"GFPGAN_upscale_subfolder": "None",
"BSRGAN_upscale_subfolder": "None",
"ESRGAN_upscale_subfolder": "None",
"VAE_subfolder": "None",
"AestheticGradient_subfolder": "None",
"Wildcards_subfolder": "None",
"Workflows_subfolder": "None",
"Other_subfolder": "None",
"inpaint_anything_save_folder": "inpaint-anything",
"inpaint_anything_sam_oncpu": false,
"inpaint_anything_offline_inpainting": false,
"inpaint_anything_padding_fill": 127,
"inpain_anything_sam_models_dir": ""
},
"Startup": {
"total": 14.634080648422241,
"records": {
"initial startup": 0.03338027000427246,
"prepare environment/checks": 0.0000591278076171875,
"prepare environment/git version info": 0.021776199340820312,
"prepare environment/torch GPU test": 2.8238346576690674,
"prepare environment/clone repositores": 0.07340836524963379,
"prepare environment/run extensions installers": 0.004317760467529297,
"prepare environment": 3.0028889179229736,
"launcher": 0.004633903503417969,
"import torch": 4.187583923339844,
"import gradio": 1.3203415870666504,
"setup paths": 2.173478841781616,
"import ldm": 0.006358623504638672,
"import sgm": 0.000004291534423828125,
"initialize shared": 1.2586266994476318,
"other imports": 0.8678727149963379,
"opts onchange": 0.0005102157592773438,
"setup SD model": 0.0023195743560791016,
"setup codeformer": 0.13755297660827637,
"setup gfpgan": 0.03206062316894531,
"set samplers": 0.00005507469177246094,
"list extensions": 0.0026013851165771484,
"restore config state file": 0.000012874603271484375,
"list SD models": 0.010451555252075195,
"list localizations": 0.0006337165832519531,
"load scripts/custom_code.py": 0.005625724792480469,
"load scripts/img2imgalt.py": 0.0005447864532470703,
"load scripts/loopback.py": 0.0004024505615234375,
"load scripts/outpainting_mk_2.py": 0.0004494190216064453,
"load scripts/poor_mans_outpainting.py": 0.0003800392150878906,
"load scripts/postprocessing_caption.py": 0.00034332275390625,
"load scripts/postprocessing_codeformer.py": 0.00032210350036621094,
"load scripts/postprocessing_create_flipped_copies.py": 0.00034928321838378906,
"load scripts/postprocessing_focal_crop.py": 0.0010232925415039062,
"load scripts/postprocessing_gfpgan.py": 0.00040221214294433594,
"load scripts/postprocessing_split_oversized.py": 0.0004048347473144531,
"load scripts/postprocessing_upscale.py": 0.00046372413635253906,
"load scripts/processing_autosized_crop.py": 0.00036334991455078125,
"load scripts/prompt_matrix.py": 0.0004239082336425781,
"load scripts/prompts_from_file.py": 0.0004661083221435547,
"load scripts/sd_upscale.py": 0.0003948211669921875,
"load scripts/xyz_grid.py": 0.001802206039428711,
"load scripts/ldsr_model.py": 0.327622652053833,
"load scripts/lora_script.py": 0.11756396293640137,
"load scripts/scunet_model.py": 0.021898746490478516,
"load scripts/swinir_model.py": 0.026877641677856445,
"load scripts/hotkey_config.py": 0.0005018711090087891,
"load scripts/extra_options_section.py": 0.0004825592041015625,
"load scripts/hypertile_script.py": 0.05426836013793945,
"load scripts/hypertile_xyz.py": 0.0005042552947998047,
"load scripts/refiner.py": 0.0004878044128417969,
"load scripts/seed.py": 0.000457763671875,
"load scripts": 0.5648820400238037,
"load upscalers": 0.014720916748046875,
"refresh VAE": 0.0031876564025878906,
"refresh textual inversion templates": 0.00039887428283691406,
"scripts list_optimizers": 0.00037217140197753906,
"scripts list_unets": 0.0000069141387939453125,
"reload hypernetworks": 0.014972686767578125,
"initialize extra networks": 0.20781421661376953,
"scripts before_ui_callback": 0.0031690597534179688,
"create ui": 0.44205474853515625,
"gradio launch": 0.3074486255645752,
"add APIs": 0.1150662899017334,
"app_started_callback/lora_script.py": 0.00026726722717285156,
"app_started_callback": 0.00026988983154296875
}
},
"Packages": [
"absl-py==2.1.0",
"accelerate==0.21.0",
"addict==2.4.0",
"aenum==3.1.15",
"aiofiles==23.2.1",
"aiohttp==3.9.3",
"aiosignal==1.3.1",
"altair==5.2.0",
"antlr4-python3-runtime==4.9.3",
"anyio==3.7.1",
"async-timeout==4.0.3",
"attrs==23.2.0",
"basicsr==1.4.2",
"beautifulsoup4==4.12.3",
"blendmodes==2022",
"certifi==2024.2.2",
"charset-normalizer==3.3.2",
"clean-fid==0.1.35",
"click==8.1.7",
"clip==1.0",
"cmake==3.28.1",
"contourpy==1.2.0",
"cycler==0.12.1",
"deprecation==2.1.0",
"einops==0.4.1",
"exceptiongroup==1.2.0",
"facexlib==0.3.0",
"fastapi==0.94.0",
"ffmpy==0.3.1",
"filelock==3.13.1",
"filterpy==1.4.5",
"fonttools==4.47.2",
"frozenlist==1.4.1",
"fsspec==2024.2.0",
"ftfy==6.1.3",
"future==0.18.3",
"gdown==5.1.0",
"gfpgan==1.3.8",
"gitdb==4.0.11",
"gitpython==3.1.32",
"gradio-client==0.5.0",
"gradio==3.41.2",
"grpcio==1.60.1",
"h11==0.12.0",
"httpcore==0.15.0",
"httpx==0.24.1",
"huggingface-hub==0.20.3",
"idna==3.6",
"imageio==2.33.1",
"importlib-metadata==7.0.1",
"importlib-resources==6.1.1",
"inflection==0.5.1",
"jinja2==3.1.3",
"jsonmerge==1.8.0",
"jsonschema-specifications==2023.12.1",
"jsonschema==4.21.1",
"kiwisolver==1.4.5",
"kornia==0.6.7",
"lark==1.1.2",
"lazy-loader==0.3",
"lightning-utilities==0.10.1",
"lit==17.0.6",
"llvmlite==0.42.0",
"lmdb==1.4.1",
"lpips==0.1.4",
"markdown==3.5.2",
"markupsafe==2.1.5",
"matplotlib==3.8.2",
"mpmath==1.3.0",
"multidict==6.0.5",
"networkx==3.2.1",
"numba==0.59.0",
"numpy==1.23.5",
"omegaconf==2.2.3",
"open-clip-torch==2.20.0",
"opencv-python==4.9.0.80",
"orjson==3.9.13",
"packaging==23.2",
"pandas==2.2.0",
"piexif==1.1.3",
"pillow==9.5.0",
"pip==22.3.1",
"platformdirs==4.2.0",
"protobuf==3.20.0",
"psutil==5.9.5",
"pydantic==1.10.14",
"pydub==0.25.1",
"pyparsing==3.1.1",
"pysocks==1.7.1",
"python-dateutil==2.8.2",
"python-multipart==0.0.7",
"pytorch-lightning==1.9.4",
"pytz==2024.1",
"pywavelets==1.5.0",
"pyyaml==6.0.1",
"realesrgan==0.3.0",
"referencing==0.33.0",
"regex==2023.12.25",
"requests==2.31.0",
"resize-right==0.0.2",
"rpds-py==0.17.1",
"safetensors==0.3.1",
"scikit-image==0.21.0",
"scipy==1.12.0",
"semantic-version==2.10.0",
"sentencepiece==0.1.99",
"setuptools==65.5.0",
"six==1.16.0",
"smmap==5.0.1",
"sniffio==1.3.0",
"soupsieve==2.5",
"starlette==0.26.1",
"sympy==1.12",
"tb-nightly==2.16.0a20240205",
"tensorboard-data-server==0.7.2",
"tf-keras-nightly==2.16.0.dev2024020510",
"tifffile==2024.1.30",
"timm==0.9.2",
"tokenizers==0.13.3",
"tomesd==0.1.3",
"tomli==2.0.1",
"toolz==0.12.1",
"torch==2.0.1+cu118",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.15.2+cu118",
"tqdm==4.66.1",
"trampoline==0.1.2",
"transformers==4.30.2",
"triton==2.0.0",
"typing-extensions==4.9.0",
"tzdata==2023.4",
"urllib3==2.2.0",
"uvicorn==0.27.0.post1",
"wcwidth==0.2.13",
"websockets==11.0.3",
"werkzeug==3.0.1",
"xformers==0.0.20",
"yapf==0.40.2",
"yarl==1.9.4",
"zipp==3.17.0"
]
}

Console logs

################################################################
Install script for stable-diffusion + Web UI
Tested on Debian 11 (Bullseye), Fedora 34+ and openSUSE Leap 15.4 or newer.
################################################################

################################################################
Running on root user
################################################################

################################################################
Repo already cloned, using it as install directory
################################################################

################################################################
Create and activate python venv
################################################################

################################################################
Launching launch.py...
################################################################
Using TCMalloc: libtcmalloc_minimal.so.4
Python 3.10.9 (main, Mar  8 2023, 10:47:38) [GCC 11.2.0]
Version: v1.7.0
Commit hash: cf2772fab0af5573da775e7437e6acdca424f26e
Launching Web UI with arguments: --xformers --api
Style database not found: /project/stable-diffusion-webui/styles.csv
Loading weights [676f0d60c8] from /project/stable-diffusion-webui/models/Stable-diffusion/DreamShaperXL.safetensors
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 14.6s (prepare environment: 3.0s, import torch: 4.2s, import gradio: 1.3s, setup paths: 2.2s, initialize shared: 1.3s, other imports: 0.9s, setup codeformer: 0.1s, load scripts: 0.6s, initialize extra networks: 0.2s, create ui: 0.4s, gradio launch: 0.3s, add APIs: 0.1s).
Creating model from config: /project/stable-diffusion-webui/repositories/generative-models/configs/inference/sd_xl_base.yaml
Applying attention optimization: xformers... done.
Model loaded in 17.2s (load weights from disk: 2.3s, create model: 0.8s, apply weights to model: 13.3s, apply half(): 0.2s, move model to device: 0.1s, calculate empty prompt: 0.3s).
Reusing loaded model DreamShaperXL.safetensors [676f0d60c8] to load del-500.safetensors
Calculating sha256 for /project/stable-diffusion-webui/models/Stable-diffusion/del-500.safetensors: 2cc549d47a365fe196eb202062c0acf2d104d4b760b351f72f12a9634b012273
Loading weights [2cc549d47a] from /project/stable-diffusion-webui/models/Stable-diffusion/del-500.safetensors
Creating model from config: /project/stable-diffusion-webui/configs/v1-inference.yaml
changing setting sd_model_checkpoint to del-500.safetensors: RuntimeError
Traceback (most recent call last):
  File "/project/stable-diffusion-webui/modules/options.py", line 146, in set
    option.onchange()
  File "/project/stable-diffusion-webui/modules/call_queue.py", line 13, in f
    res = func(*args, **kwargs)
  File "/project/stable-diffusion-webui/modules/initialize_util.py", line 174, in <lambda>
    shared.opts.onchange("sd_model_checkpoint", wrap_queued_call(lambda: sd_models.reload_model_weights()), call=False)
  File "/project/stable-diffusion-webui/modules/sd_models.py", line 783, in reload_model_weights
    load_model(checkpoint_info, already_loaded_state_dict=state_dict)
  File "/project/stable-diffusion-webui/modules/sd_models.py", line 658, in load_model
    load_model_weights(sd_model, checkpoint_info, state_dict, timer)
  File "/project/stable-diffusion-webui/modules/sd_models.py", line 375, in load_model_weights
    model.load_state_dict(state_dict, strict=False)
  File "/project/stable-diffusion-webui/modules/sd_disable_initialization.py", line 223, in <lambda>
    module_load_state_dict = self.replace(torch.nn.Module, 'load_state_dict', lambda *args, **kwargs: load_state_dict(module_load_state_dict, *args, **kwargs))
  File "/project/stable-diffusion-webui/modules/sd_disable_initialization.py", line 221, in load_state_dict
    original(module, state_dict, strict=strict)
  File "/project/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 2041, in load_state_dict
    raise RuntimeError('Error(s) in loading state_dict for {}:\n\t{}'.format(
RuntimeError: Error(s) in loading state_dict for LatentDiffusion:
        size mismatch for first_stage_model.encoder.mid.attn_1.q.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.encoder.mid.attn_1.k.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.encoder.mid.attn_1.v.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.encoder.mid.attn_1.proj_out.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.q.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.k.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.v.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).
        size mismatch for first_stage_model.decoder.mid.attn_1.proj_out.bias: copying a param with shape torch.Size([512, 1, 1]) from checkpoint, the shape in current model is torch.Size([512]).

Additional information

No response

patryk-bartkowiak-nitid avatar Feb 06 '24 14:02 patryk-bartkowiak-nitid