wkpark / sd-webui-model-mixer

Checkpoint model mixer/merger extension
GNU Affero General Public License v3.0
98 stars 4 forks source link

Error saving to to Safetensor format: "ERROR is You are trying to save a non contiguous tensor: `model.diffusion_model.input_blocks.0.0.weight` which is not allowed. It either means you are trying to save tensors which are reference of each other in which case it's recommended to save only the full tensors, and reslice at load time, or simply call `.contiguous()` on your tensor to pack it before saving. #52

Closed CCpt5 closed 7 months ago

CCpt5 commented 8 months ago

TL;DR: Been getting error saving models out to Safetensors format for a while - always worked around saving to CKPT. Testing new LoRA export realized I will need safetensor functionality working to use that upcoming feature.


Hello again!

I get the following error whenever I try to save out a merge to .safetensors format:

"ERROR is You are trying to save a non contiguous tensor: model.diffusion_model.input_blocks.0.0.weight which is not allowed. It either means you are trying to save tensors which are reference of each other in which case it's recommended to save only the full tensors, and reslice at load time, or simply call .contiguous() on your tensor to pack it before saving."

I've been getting this error for a little while, but I've just untoggled the safetensors option and saved to ckpt instead and that's worked without issue. Howver, I pulled the development branch w/ early LoRA export functionality and I realized this above error might cause issues when exporting to LoRA.

My first attempts exporting to Lora and Lycoris worked great! But - for some reason the exported LoRAs don't show up in A1111 unless I turn off this option in settings, "Always show all networks on the Lora page (otherwise, those detected as for incompatible version of Stable Diffusion will be hidden)"

So I'm thinking A1111s not recognizing the Model Mixer generated LoRAs as valid for SDXL - My guess is that it's related to the safetensor error I get when trying to save full models out to Safetensors. I don't have a workaround that would work in this case.

Really sorry if this is user error (Re: something in my A111 settings), but I do get it on both the current 1.6 version and the latest development version v1.6.0-295-g9c1c0da0 which has the tweaks Automatic added recently related to the other issue in this forum.

Thanks so much for everything - love the extension!

wkpark commented 8 months ago

TL;DR: Been getting error saving models out to Safetensors format for a while - always worked around saving to CKPT. Testing new LoRA export realized I will need safetensor functionality working to use that upcoming feature.

Hello again!

I get the following error whenever I try to save out a merge to .safetensors format:

"ERROR is You are trying to save a non contiguous tensor: model.diffusion_model.input_blocks.0.0.weight which is not allowed. It either means you are trying to save tensors which are reference of each other in which case it's recommended to save only the full tensors, and reslice at load time, or simply call .contiguous() on your tensor to pack it before saving."

full error log needed to track easily

I've been getting this error for a little while, but I've just untoggled the safetensors option and saved to ckpt instead and that's worked without issue. Howver, I pulled the development branch w/ early LoRA export functionality and I realized this above error might cause issues when exporting to LoRA.

My first attempts exporting to Lora and Lycoris worked great! But - for some reason the exported LoRAs don't show up in A1111 unless I turn off this option in settings, "Always show all networks on the Lora page (otherwise, those detected as for incompatible version of Stable Diffusion will be hidden)"

I guess, the metadata exported by model-mixer is not good enough.

So I'm thinking A1111s not recognizing the Model Mixer generated LoRAs as valid for SDXL - My guess is that it's related to the safetensor error I get when trying to save full models out to Safetensors. I don't have a workaround that would work in this case.

Really sorry if this is user error (Re: something in my A111 settings), but I do get it on both the current 1.6 version and the latest development version v1.6.0-295-g9c1c0da0 which has the tweaks Automatic added recently related to the other issue in this forum.

Thanks so much for everything - love the extension!

Thank you for your feed back so quickly!

CCpt5 commented 8 months ago

Did the following to produce the log below: First did 2 saves to LoRA at fp16, fp32, and then using CPU - none showed up in A111 but all worked fine when I changed the setting to show all LoRA files regardless. So perhaps this is just an A1111 or metadata issue unrelated to the Safetensor error I'm seeing saving full models.

I used the app "Beyond Compare" to pull up the hex beginning of the first test file I exported and also recent merged model I extracted to LoRA using the Kohya script to compare headers. Not exact at all, but perhaps it'll give you some info. Could send generated files also if those would be better:

Header of LoRA extraction that shows up in A1111:

@V     {"__metadata__":{"sshs_legacy_hash":"adde906b","modelspec.title":"smb artstyle - merger-2","modelspec.merged_from":"SMB Artstyle - V1 - Trigger is SMB Artstyle, 2023-11-06 - SMB Artstyle 9 - Normal TE - Batch 1 - 83img-step00002400, 2023-11-01 -SMB Artstyle 100img - Normal TEs - b2-step00001600, 2023-11-03 -SMB Artstyle 77img - Normal TEs - b2-step00003200","ss_base_model_version":"sdxl_1.0","ss_v2":"False","ss_network_args":"{\"conv_dim\": 128, \"conv_alpha\": 128}","sshs_model_hash":"ec12ccbda29b6beac5675798acc127cdfac03a1f2e6f220256e2df6160ef463f","modelspec.prediction_type":"epsilon","modelspec.sai_model_spec":"1.0.0","modelspec.resolution":"1024x1024","modelspec.implementation":"https://github.com/Stability-AI/generative-models","ss_network_module":"networks.lora","ss_network_dim":"64","modelspec.architecture":"stable-diffusion-xl-v1-base/lora","ss_network_alpha":"64","modelspec.date":"2023-11-06T23:20:14"},"lora_te1_text_model_encoder_layers_0_mlp_fc1.alpha":{"dtype":"F16","shape":[],"data_offsets":[0,2]},"lora_te1_text_model_encoder_layers_0_mlp_fc1.lora_down.weight":{"dtype":"F16","shape":[64,768],"data_offsets":[2,98306]},"lora_te1_text_model_encoder_layers_0_mlp_fc1.lora_up.weight"

Export from dev branch to LoRA:

@S     {"__metadata__":{"ss_network_dim":"64","ss_network_module":"networks.lora","ss_network_alpha":"64.0","ss_output_name":"Trey-Lora-Test-ModelMixer.safetensors"},"lora_te1_text_model_encoder_layers_0_mlp_fc1.alpha":{"dtype":"F16","shape":[],"data_offsets":[0,2]},"lora_te1_text_model_encoder_layers_0_mlp_fc1.lora_down.weight":{"dtype":"F16","shape":[64,768],"data_offsets":[2,98306]},"lora_te1_text_model_encoder_layers_0_mlp_fc1.lora_up.weight":{"dtype":"F16","shape":[3072,64],"data_offsets":[98306,491522]},"lora_te1_text_model_encoder_layers_0_mlp_fc2.alpha":{"dtype":"F16","shape":[],"data_offsets":[491522,491524]},"lora_te1_text_model_encoder_layers_0_mlp_fc2.lora_down.weight":{"dtype":"F16","shape":[64,3072],"data_offsets":[491524,884740]},"lora_te1_text_model_encoder_layers_0_mlp_fc2.lora_up.weight":{"dtype":"F16","shape":[768,64],"data_offsets":[884740,983044]},"lora_te1_text_model_encoder_layers_0_self_attn_k_proj.alpha":{"dtype":"F16","shape":[],"data_offsets":[983044,983046]},"lora_te1_text_model_encoder_layers_0_self_attn_k_proj.lora_down.weight":{"dtype":"F16","shape":[64,768],"data_offsets":[983046,1081350]},"lora_te1_text_model_encoder_layers_0_self_attn_k_proj.lora_up.weight":{"dtype":"F16","shape":[768,64],"data_offsets":[1081350,1179654]},"lora_te1_text_model_encoder_layers_0_self_attn_out_proj.alpha":{"dtype":"F16","shape":[],"data_offsets":[1179654,1179656]},"lora_te1_text_model_encoder_layers_0_self_attn_out_proj.lora_down.weight":{"dtype":"F16","shape":[64,768],"data_offsets":[1179656,1277960]},"lora_te1_text_model_encoder_layers_0_self_attn_out_proj.lora_up.weight":{"dtype":"F16","shape":[768,64],"data_offsets":[1277960,1376264]},"lora_te1_text_model_encoder_layers_0_self_attn_q_proj.alpha":{"dtype":"F16","shape":[],"data_offsets":[1376264,1376266]},"lora_te1_text_model_encoder_layers_0_self_attn_q_proj.lora_down.weight":{"dtype":"F16","shape":[64,768],"data_offsets":[1376266,1474570]},"lora_te1_text_model_encoder_layers_0_self_attn_q_proj.lora_up.weight":{"dtype":"F16","shape":[768,64],"data_offsets":[1474570,1572874]},"lora_te1_text_model_encoder_layers_0_self_attn_v_proj.alpha":{"dtype":"F16","shape":[],"data_offsets":[1572874,1572876]},"lora_te1_text_model_encoder_layers_0_self_attn_v_proj.lora_down.weight":{"dtype":"F16","shape":[64,768],"data_offsets":[1572876,1671180]},"lora_te1_text_model_encoder_layers_0_self_attn_v_proj.lora_up.weight":{"dtype":"F16","shape":[768,64],"data_offsets":[1671180,1769484]},"lora_te1_text_model_encoder_layers_10_mlp_fc1.alpha":

And here is the full log from my session. After saving those 3 LoRA exports I tried to save the model to Safetensor and got the usual error I see listed in the title:



venv "D:\stable-diffusion-webui\venv\Scripts\Python.exe"
Python 3.10.11 (tags/v3.10.11:7d4cc5a, Apr  5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)]
Version: v1.6.0-295-g9c1c0da0
Commit hash: 9c1c0da026cb7ef091a0f3fa24b14ae8634f6de5
Launching Web UI with arguments: --opt-sdp-attention --no-half-vae --opt-channelslast --skip-torch-cuda-test --skip-version-check --ckpt-dir e:\Stable Diffusion Checkpoints
no module 'xformers'. Processing without...
no module 'xformers'. Processing without...
No module 'xformers'. Proceeding without it.
[-] ADetailer initialized. version: 23.11.0, num models: 9
2023-11-07 20:58:10,746 - ControlNet - INFO - ControlNet v1.1.416
ControlNet preprocessor location: D:\stable-diffusion-webui\extensions\3sd-webui-controlnet\annotator\downloads
2023-11-07 20:58:10,801 - ControlNet - INFO - ControlNet v1.1.416
Tag Autocomplete: Could not locate model-keyword extension, Lora trigger word completion will be limited to those added through the extra networks menu.
Loading weights [31e35c80fc] from e:\Stable Diffusion Checkpoints\SDXL\sd_xl_base_1.0.safetensors
Creating model from config: D:\stable-diffusion-webui\repositories\generative-models\configs\inference\sd_xl_base.yaml
Loading VAE weights specified in settings: D:\stable-diffusion-webui\models\VAE\sdxl_vae.safetensors
Applying attention optimization: sdp... done.
Model loaded in 4.2s (load weights from disk: 0.5s, create model: 0.2s, apply weights to model: 2.1s, apply channels_last: 0.6s, calculate empty prompt: 0.6s).
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 9.5s (prepare environment: 0.5s, import torch: 1.4s, import gradio: 0.4s, setup paths: 0.3s, initialize shared: 0.2s, other imports: 0.3s, load scripts: 1.4s, create ui: 4.6s, gradio launch: 0.3s).
debugs =  ['elemental merge']
use_extra_elements =  True
config hash =  e4295162844f50a5c37a3d2bc78d365731e293143c0c27178470ebc8bd7cea3f
  - mm_use [True, False, False, False, False]
  - model_a SDXL\2023-11-06 - TreyAnastasio - TE1 1e7 - TE2 1e5 - b2 - 15img-20rep-mix1300-step00001500.safetensors [1a7f166bf5]
  - base_model SDXL\sd_xl_base_1.0.safetensors [31e35c80fc]
  - max_models 5
  - models ['SDXL\\2023-11-07 - TreyAnastasio - 15img - 40rep - 500reg Yushan-step00002100.safetensors [97c56e48e2]']
  - modes ['Sum']
  - calcmodes ['Normal']
  - usembws [[]]
  - weights ['0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5']
  - alpha [0.5]
  - adjust
  - use elemental [False]
  - elementals ['']
  - Parse elemental merge...
model_a = SDXL_2023-11-06 - TreyAnastasio - TE1 1e7 - TE2 1e5 - b2 - 15img-20rep-mix1300-step00001500
Loading from file e:\Stable Diffusion Checkpoints\SDXL\2023-11-06 - TreyAnastasio - TE1 1e7 - TE2 1e5 - b2 - 15img-20rep-mix1300-step00001500.safetensors...
isxl = True
compact_mode =  False
Loading model SDXL_2023-11-07 - TreyAnastasio - 15img - 40rep - 500reg Yushan-step00002100...
Loading from file e:\Stable Diffusion Checkpoints\SDXL\2023-11-07 - TreyAnastasio - 15img - 40rep - 500reg Yushan-step00002100.safetensors...
mode = Sum, alpha = 0.5
Stage #1/2: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2515/2515 [00:08<00:00, 295.59it/s]
Check uninitialized #2/2: 100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2515/2515 [00:00<00:00, 628758.10it/s]
Save unchanged weights #2/2: 0it [00:00, ?it/s]
Creating model from config: D:\stable-diffusion-webui\repositories\generative-models\configs\inference\sd_xl_base.yaml
Loading VAE weights specified in settings: cached sdxl_vae.safetensors
Applying attention optimization: sdp... done.
Model loaded in 1.6s (create model: 0.2s, apply weights to model: 1.1s).
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 33/33 [00:05<00:00,  5.98it/s]
Total progress: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 33/33 [00:06<00:00,  5.09it/s]
 - load original base model SDXL\sd_xl_base_1.0.safetensors [31e35c80fc]...█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 33/33 [00:06<00:00,  6.14it/s]
 - get the merged model...
 - loading script.patches...
 - base lora_patch
Applying attention optimization: sdp... done.
check difference:   0%|                                                                                                                                                                                            | 0/2515 [00:00<?, ?it/s]
 - svd calc device = cuda
loading original SDXL model
building U-Net
loading U-Net from checkpoint
U-Net:  <All keys matched successfully>
building text encoders
loading text encoders from checkpoint
text encoder 1: <All keys matched successfully>
text encoder 2: <All keys matched successfully>
building VAE
loading VAE from checkpoint
VAE: <All keys matched successfully>
loading original SDXL model
building U-Net
loading U-Net from checkpoint
U-Net:  <All keys matched successfully>
building text encoders
loading text encoders from checkpoint
text encoder 1: <All keys matched successfully>
text encoder 2: <All keys matched successfully>
building VAE
loading VAE from checkpoint
VAE: <All keys matched successfully>
create LoRA network. base dim (rank): 64, alpha: 64
neuron dropout: p=None, rank dropout: p=None, module dropout: p=None
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
create LoRA network. base dim (rank): 64, alpha: 64
neuron dropout: p=None, rank dropout: p=None, module dropout: p=None
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
Text encoder is different. 0.0009765625 > 1e-06
calculating by svd
Calculating svd: lora_unet_output_blocks_5_1_proj_out: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 986/986 [01:12<00:00, 13.65it/s]
create LoRA network from weights
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
enable LoRA for text encoder
enable LoRA for U-Net
Loading extracted LoRA weights: <All keys matched successfully>
Extracted LoRA saved in D:\stable-diffusion-webui\models\Lora\Test-Export-To-Lora.safetensors
 - load original base model SDXL\sd_xl_base_1.0.safetensors [31e35c80fc]...
 - get the merged model...
 - base lora_patch
Applying attention optimization: sdp... done.
check difference:   0%|                                                                                                                                                                                            | 0/2515 [00:00<?, ?it/s]
 - svd calc device = cuda
loading original SDXL model
building U-Net
loading U-Net from checkpoint
U-Net:  <All keys matched successfully>
building text encoders
loading text encoders from checkpoint
text encoder 1: <All keys matched successfully>
text encoder 2: <All keys matched successfully>
building VAE
loading VAE from checkpoint
VAE: <All keys matched successfully>
loading original SDXL model
building U-Net
loading U-Net from checkpoint
U-Net:  <All keys matched successfully>
building text encoders
loading text encoders from checkpoint
text encoder 1: <All keys matched successfully>
text encoder 2: <All keys matched successfully>
building VAE
loading VAE from checkpoint
VAE: <All keys matched successfully>
create LoRA network. base dim (rank): 64, alpha: 64
neuron dropout: p=None, rank dropout: p=None, module dropout: p=None
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
create LoRA network. base dim (rank): 64, alpha: 64
neuron dropout: p=None, rank dropout: p=None, module dropout: p=None
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
Text encoder is different. 0.0009765625 > 1e-06
calculating by svd
Calculating svd: lora_unet_output_blocks_5_1_proj_out: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 986/986 [01:11<00:00, 13.82it/s]
create LoRA network from weights
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
enable LoRA for text encoder
enable LoRA for U-Net
Loading extracted LoRA weights: <All keys matched successfully>
Extracted LoRA saved in D:\stable-diffusion-webui\models\Lora\Test-Export-To-Lora-f32.safetensors
 - load original base model SDXL\sd_xl_base_1.0.safetensors [31e35c80fc]...
 - get the merged model...
 - base lora_patch
Applying attention optimization: sdp... done.
check difference:   0%|                                                                                                                                                                                            | 0/2515 [00:00<?, ?it/s]
 - svd calc device = cpu
loading original SDXL model
building U-Net
loading U-Net from checkpoint
U-Net:  <All keys matched successfully>
building text encoders
loading text encoders from checkpoint
text encoder 1: <All keys matched successfully>
text encoder 2: <All keys matched successfully>
building VAE
loading VAE from checkpoint
VAE: <All keys matched successfully>
loading original SDXL model
building U-Net
loading U-Net from checkpoint
U-Net:  <All keys matched successfully>
building text encoders
loading text encoders from checkpoint
text encoder 1: <All keys matched successfully>
text encoder 2: <All keys matched successfully>
building VAE
loading VAE from checkpoint
VAE: <All keys matched successfully>
create LoRA network. base dim (rank): 4, alpha: 4
neuron dropout: p=None, rank dropout: p=None, module dropout: p=None
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
create LoRA network. base dim (rank): 4, alpha: 4
neuron dropout: p=None, rank dropout: p=None, module dropout: p=None
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
Text encoder is different. 0.0009765625 > 1e-06
calculating by svd
Calculating svd: lora_unet_output_blocks_5_1_proj_out: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 986/986 [04:20<00:00,  3.78it/s]
create LoRA network from weights
create LoRA for Text Encoder 1:
create LoRA for Text Encoder 2:
create LoRA for Text Encoder: 264 modules.
create LoRA for U-Net: 722 modules.
enable LoRA for text encoder
enable LoRA for U-Net
Loading extracted LoRA weights: <All keys matched successfully>
Extracted LoRA saved in D:\stable-diffusion-webui\models\Lora\Test-Export-To-Lora-f4-cpu.safetensors
Load state_dict from shared.sd_model..
 - base lora_patch
Applying attention optimization: sdp... done.
Saving...
isxl =  True
ERROR: Couldn't saved:D:\stable-diffusion-webui\models\Stable-diffusion\Test-Full-Model-Safetensors-Save-Prune-FP16-No.VAE.safetensors,ERROR is You are trying to save a non contiguous tensor: `model.diffusion_model.input_blocks.0.0.weight` which is not allowed. It either means you are trying to save tensors which are reference of each other in which case it's recommended to save only the full tensors, and reslice at load time, or simply call `.contiguous()` on your tensor to pack it before saving.

System Info / Config:

{
    "Platform": "Windows-10-10.0.19045-SP0",
    "Python": "3.10.11",
    "Version": "v1.6.0-295-g9c1c0da0",
    "Commit": "9c1c0da026cb7ef091a0f3fa24b14ae8634f6de5",
    "Script path": "D:\\stable-diffusion-webui",
    "Data path": "D:\\stable-diffusion-webui",
    "Extensions dir": "D:\\stable-diffusion-webui\\extensions",
    "Checksum": "7d63153c45021d1d401a0ff26b77ba9ae7eb1a5c4f3c5faf7808f06ed0fa2074",
    "Commandline": [
        "launch.py",
        "--opt-sdp-attention",
        "--no-half-vae",
        "--opt-channelslast",
        "--skip-torch-cuda-test",
        "--skip-version-check",
        "--ckpt-dir",
        "e:\\Stable Diffusion Checkpoints"
    ],
    "Torch env info": {
        "torch_version": "2.0.1+cu118",
        "is_debug_build": "False",
        "cuda_compiled_version": "11.8",
        "gcc_version": null,
        "clang_version": null,
        "cmake_version": "version 3.28.0-rc2",
        "os": "Microsoft Windows 10 Pro",
        "libc_version": "N/A",
        "python_version": "3.10.11 (tags/v3.10.11:7d4cc5a, Apr  5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)] (64-bit runtime)",
        "python_platform": "Windows-10-10.0.19045-SP0",
        "is_cuda_available": "True",
        "cuda_runtime_version": "11.8.89\r",
        "cuda_module_loading": "LAZY",
        "nvidia_driver_version": "531.68",
        "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 4090",
        "cudnn_version": "C:\\Program Files\\NVIDIA GPU Computing Toolkit\\CUDA\\v11.8\\bin\\cudnn_ops_train64_8.dll",
        "pip_version": "pip3",
        "pip_packages": [
            "groundingdino==0.1.0+torch2.0.1.cu118",
            "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.2.0",
            "torchsde==0.2.6",
            "torchvision==0.15.2+cu118"
        ],
        "conda_packages": null,
        "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=9",
            "CurrentClockSpeed=3000",
            "DeviceID=CPU0",
            "Family=207",
            "L2CacheSize=16384",
            "L2CacheSpeed=",
            "Manufacturer=GenuineIntel",
            "MaxClockSpeed=3000",
            "Name=13th Gen Intel(R) Core(TM) i9-13900K",
            "ProcessorType=3",
            "Revision="
        ]
    },
    "Exceptions": [],
    "CPU": {
        "model": "Intel64 Family 6 Model 183 Stepping 1, GenuineIntel",
        "count logical": 32,
        "count physical": 24
    },
    "RAM": {
        "total": "64GB",
        "used": "19GB",
        "free": "45GB"
    },
    "Extensions": [
        {
            "name": "1-sd-dynamic-prompts",
            "path": "D:\\stable-diffusion-webui\\extensions\\1-sd-dynamic-prompts",
            "version": "e07ff1d7",
            "branch": "main",
            "remote": "https://github.com/adieyal/sd-dynamic-prompts.git"
        },
        {
            "name": "2adetailer",
            "path": "D:\\stable-diffusion-webui\\extensions\\2adetailer",
            "version": "6b41b3db",
            "branch": "main",
            "remote": "https://github.com/Bing-su/adetailer.git"
        },
        {
            "name": "3sd-webui-controlnet",
            "path": "D:\\stable-diffusion-webui\\extensions\\3sd-webui-controlnet",
            "version": "05ef0b1c",
            "branch": "main",
            "remote": "https://github.com/Mikubill/sd-webui-controlnet.git"
        },
        {
            "name": "b1111-sd-webui-tagcomplete",
            "path": "D:\\stable-diffusion-webui\\extensions\\b1111-sd-webui-tagcomplete",
            "version": "58804796",
            "branch": "main",
            "remote": "https://github.com/DominikDoom/a1111-sd-webui-tagcomplete.git"
        },
        {
            "name": "csd-webui-cads",
            "path": "D:\\stable-diffusion-webui\\extensions\\csd-webui-cads",
            "version": "1dba7e18",
            "branch": "main",
            "remote": "https://github.com/v0xie/sd-webui-cads.git"
        },
        {
            "name": "dsd-webui-model-mixer",
            "path": "D:\\stable-diffusion-webui\\extensions\\dsd-webui-model-mixer",
            "version": "38d7429e",
            "branch": "save-merge-loras",
            "remote": "https://github.com/wkpark/sd-webui-model-mixer.git"
        },
        {
            "name": "sd-Img2img-batch-interrogator",
            "path": "D:\\stable-diffusion-webui\\extensions\\sd-Img2img-batch-interrogator",
            "version": "7f4e4eb0",
            "branch": "main",
            "remote": "https://github.com/Alvi-alvarez/sd-Img2img-batch-interrogator.git"
        },
        {
            "name": "sd-extension-system-info",
            "path": "D:\\stable-diffusion-webui\\extensions\\sd-extension-system-info",
            "version": "1841cf76",
            "branch": "main",
            "remote": "https://github.com/vladmandic/sd-extension-system-info.git"
        },
        {
            "name": "sd-webui-aspect-ratio-helper",
            "path": "D:\\stable-diffusion-webui\\extensions\\sd-webui-aspect-ratio-helper",
            "version": "99fcf9b0",
            "branch": "main",
            "remote": "https://github.com/thomasasfk/sd-webui-aspect-ratio-helper.git"
        },
        {
            "name": "sd-webui-cleaner",
            "path": "D:\\stable-diffusion-webui\\extensions\\sd-webui-cleaner",
            "version": "d89d173a",
            "branch": "main",
            "remote": "https://github.com/novitalabs/sd-webui-cleaner.git"
        },
        {
            "name": "sd-webui-supermerger",
            "path": "D:\\stable-diffusion-webui\\extensions\\sd-webui-supermerger",
            "version": "64a6064e",
            "branch": "main",
            "remote": "https://github.com/hako-mikan/sd-webui-supermerger.git"
        },
        {
            "name": "stable-diffusion-webui-model-toolkit",
            "path": "D:\\stable-diffusion-webui\\extensions\\stable-diffusion-webui-model-toolkit",
            "version": "cf824587",
            "branch": "master",
            "remote": "https://github.com/arenasys/stable-diffusion-webui-model-toolkit.git"
        }
    ],
    "Inactive extensions": [],
    "Environment": {
        "COMMANDLINE_ARGS": "--opt-sdp-attention --no-half-vae --opt-channelslast --skip-torch-cuda-test --skip-version-check --ckpt-dir \"e:\\Stable Diffusion Checkpoints\"",
        "GRADIO_ANALYTICS_ENABLED": "False"
    },
    "Config": {
        "samples_save": true,
        "samples_format": "png",
        "samples_filename_pattern": "[prompt_spaces]",
        "save_images_add_number": true,
        "grid_save": false,
        "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",
        "enable_pnginfo": true,
        "save_txt": false,
        "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.0,
        "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": "d:\\temp",
        "clean_temp_dir_at_start": true,
        "save_incomplete_images": false,
        "outdir_samples": "E:\\Stable Diffusion Images",
        "outdir_txt2img_samples": "E:\\Stable Diffusion Images",
        "outdir_img2img_samples": "E:\\Stable Diffusion Images",
        "outdir_extras_samples": "E:\\Stable Diffusion Images",
        "outdir_grids": "E:\\Stable Diffusion Images",
        "outdir_txt2img_grids": "E:\\Stable Diffusion Images",
        "outdir_img2img_grids": "E:\\Stable Diffusion Images",
        "outdir_save": "E:\\Stable Diffusion Images",
        "outdir_init_images": "E:\\Stable Diffusion Images",
        "save_to_dirs": true,
        "grid_save_to_dirs": false,
        "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",
        "show_warnings": false,
        "show_gradio_deprecation_warnings": false,
        "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,
        "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": "SDXL\\sd_xl_base_1.0.safetensors [31e35c80fc]",
        "sd_checkpoints_limit": 2,
        "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.0,
        "sd_vae_explanation": "<abbr title='Variational autoencoder'>VAE</abbr> is a neural network that transforms a standard <abbr title='red/green/blue'>RGB</abbr>\nimage into latent space representation and back. Latent space representation is what stable diffusion is working on during sampling\n(i.e. when the progress bar is between empty and full). For txt2img, VAE is used to create a resulting image after the sampling is finished.\nFor img2img, VAE is used to process user's input image before the sampling, and to create an image after sampling.",
        "sd_vae_checkpoint_cache": 1,
        "sd_vae": "sdxl_vae.safetensors",
        "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.0,
        "initial_noise_multiplier": 1.0,
        "img2img_extra_noise": 0.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,
        "cross_attention_optimization": "Automatic",
        "s_min_uncond": 0.0,
        "token_merging_ratio": 0.0,
        "token_merging_ratio_img2img": 0.0,
        "token_merging_ratio_hr": 0.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_hidden_models": "When searched",
        "extra_networks_default_multiplier": 1.0,
        "extra_networks_card_width": 0,
        "extra_networks_card_height": 0,
        "extra_networks_card_text_scale": 1.0,
        "extra_networks_card_show_desc": true,
        "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",
        "localization": "None",
        "gradio_theme": "Default",
        "gradio_themes_cache": true,
        "gallery_height": "",
        "return_grid": false,
        "do_not_show_images": false,
        "send_seed": true,
        "send_size": true,
        "js_modal_lightbox": true,
        "js_modal_lightbox_initially_zoomed": true,
        "js_modal_lightbox_gamepad": false,
        "js_modal_lightbox_gamepad_repeat": 250,
        "show_progress_in_title": true,
        "samplers_in_dropdown": true,
        "dimensions_and_batch_together": true,
        "keyedit_precision_attention": 0.1,
        "keyedit_precision_extra": 0.05,
        "keyedit_delimiters": ".,\\/!?%^*;:{}=`~()",
        "keyedit_move": true,
        "quicksettings_list": [
            "sd_model_checkpoint",
            "sd_vae"
        ],
        "ui_tab_order": [],
        "hidden_tabs": [],
        "ui_reorder_list": [],
        "hires_fix_show_sampler": false,
        "hires_fix_show_prompts": false,
        "disable_token_counters": false,
        "add_model_hash_to_info": true,
        "add_model_name_to_info": true,
        "add_user_name_to_info": false,
        "add_version_to_infotext": true,
        "disable_weights_auto_swap": true,
        "infotext_styles": "Apply if any",
        "show_progressbar": true,
        "live_previews_enable": true,
        "live_previews_image_format": "png",
        "show_progress_grid": false,
        "show_progress_every_n_steps": -1,
        "show_progress_type": "Full",
        "live_preview_allow_lowvram_full": false,
        "live_preview_content": "Prompt",
        "live_preview_refresh_period": 1000,
        "live_preview_fast_interrupt": false,
        "hide_samplers": [],
        "eta_ddim": 0.0,
        "eta_ancestral": 1.0,
        "ddim_discretize": "uniform",
        "s_churn": 0.0,
        "s_tmin": 0.0,
        "s_tmax": 0.0,
        "s_noise": 1.0,
        "k_sched_type": "Automatic",
        "sigma_min": 0.0,
        "sigma_max": 0.0,
        "rho": 0.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,
        "disabled_extensions": [],
        "disable_all_extensions": "none",
        "restore_config_state_file": "",
        "sd_checkpoint_hash": "31e35c80fc4829d14f90153f4c74cd59c90b779f6afe05a74cd6120b893f7e5b",
        "ldsr_steps": 100,
        "ldsr_cached": false,
        "SCUNET_tile": 256,
        "SCUNET_tile_overlap": 8,
        "SWIN_tile": 192,
        "SWIN_tile_overlap": 8,
        "lora_functional": false,
        "sd_lora": "None",
        "lora_preferred_name": "Alias from file",
        "lora_add_hashes_to_infotext": true,
        "lora_show_all": true,
        "lora_hide_unknown_for_versions": [],
        "lora_in_memory_limit": 1,
        "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_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",
        "ad_bbox_sortby": "Position (left to right)",
        "tac_tagFile": "danbooru.csv",
        "tac_active": true,
        "tac_activeIn.txt2img": true,
        "tac_activeIn.img2img": true,
        "tac_activeIn.negativePrompts": true,
        "tac_activeIn.thirdParty": true,
        "tac_activeIn.modelList": "",
        "tac_activeIn.modelListMode": "Blacklist",
        "tac_slidingPopup": true,
        "tac_maxResults": 5.0,
        "tac_showAllResults": false,
        "tac_resultStepLength": 100.0,
        "tac_delayTime": 100.0,
        "tac_useWildcards": true,
        "tac_sortWildcardResults": true,
        "tac_useEmbeddings": true,
        "tac_includeEmbeddingsInNormalResults": false,
        "tac_useHypernetworks": true,
        "tac_useLoras": true,
        "tac_useLycos": true,
        "tac_showWikiLinks": false,
        "tac_showExtraNetworkPreviews": true,
        "tac_modelSortOrder": "Name",
        "tac_replaceUnderscores": true,
        "tac_escapeParentheses": true,
        "tac_appendComma": true,
        "tac_appendSpace": true,
        "tac_alwaysSpaceAtEnd": true,
        "tac_modelKeywordCompletion": "Never",
        "tac_modelKeywordLocation": "Start of prompt",
        "tac_wildcardCompletionMode": "To next folder level",
        "tac_alias.searchByAlias": true,
        "tac_alias.onlyShowAlias": false,
        "tac_translation.translationFile": "None",
        "tac_translation.oldFormat": false,
        "tac_translation.searchByTranslation": true,
        "tac_translation.liveTranslation": false,
        "tac_extra.extraFile": "extra-quality-tags.csv",
        "tac_extra.addMode": "Insert before",
        "tac_chantFile": "demo-chants.json",
        "tac_keymap": "{\n    \"MoveUp\": \"ArrowUp\",\n    \"MoveDown\": \"ArrowDown\",\n    \"JumpUp\": \"PageUp\",\n    \"JumpDown\": \"PageDown\",\n    \"JumpToStart\": \"\",\n    \"JumpToEnd\": \"\",\n    \"ChooseSelected\": \"Enter\",\n    \"ChooseFirstOrSelected\": \"Tab\",\n    \"Close\": \"Escape\"\n}",
        "tac_colormap": "{\n    \"danbooru\": {\n        \"-1\": [\"red\", \"maroon\"],\n        \"0\": [\"lightblue\", \"dodgerblue\"],\n        \"1\": [\"indianred\", \"firebrick\"],\n        \"3\": [\"violet\", \"darkorchid\"],\n        \"4\": [\"lightgreen\", \"darkgreen\"],\n        \"5\": [\"orange\", \"darkorange\"]\n    },\n    \"e621\": {\n        \"-1\": [\"red\", \"maroon\"],\n        \"0\": [\"lightblue\", \"dodgerblue\"],\n        \"1\": [\"gold\", \"goldenrod\"],\n        \"3\": [\"violet\", \"darkorchid\"],\n        \"4\": [\"lightgreen\", \"darkgreen\"],\n        \"5\": [\"tomato\", \"darksalmon\"],\n        \"6\": [\"red\", \"maroon\"],\n        \"7\": [\"whitesmoke\", \"black\"],\n        \"8\": [\"seagreen\", \"darkseagreen\"]\n    }\n}",
        "tac_refreshTempFiles": "Refresh TAC temp files",
        "arh_javascript_aspect_ratio_show": true,
        "arh_javascript_aspect_ratio": "1:1, 3:2, 4:3, 5:4, 16:9",
        "arh_ui_javascript_selection_method": "Aspect Ratios Dropdown",
        "arh_hide_accordion_by_default": true,
        "arh_expand_by_default": false,
        "arh_ui_component_order_key": "MaxDimensionScaler, MinDimensionScaler, PredefinedAspectRatioButtons, PredefinedPercentageButtons",
        "arh_show_max_width_or_height": false,
        "arh_max_width_or_height": 1024,
        "arh_show_min_width_or_height": false,
        "arh_min_width_or_height": 1024,
        "arh_show_predefined_aspect_ratios": false,
        "arh_predefined_aspect_ratio_use_max_dim": false,
        "arh_predefined_aspect_ratios": "1:1, 4:3, 16:9, 9:16, 21:9",
        "arh_show_predefined_percentages": false,
        "arh_predefined_percentages": "25, 50, 75, 125, 150, 175, 200",
        "arh_predefined_percentages_display_key": "Incremental/decremental percentage (-50%, +50%)",
        "cleaner_use_gpu": true,
        "control_net_detectedmap_dir": "detected_maps",
        "control_net_models_path": "",
        "control_net_modules_path": "",
        "control_net_unit_count": 3,
        "control_net_model_cache_size": 2,
        "control_net_inpaint_blur_sigma": 7,
        "control_net_no_high_res_fix": false,
        "control_net_no_detectmap": false,
        "control_net_detectmap_autosaving": false,
        "control_net_allow_script_control": true,
        "control_net_sync_field_args": true,
        "controlnet_show_batch_images_in_ui": false,
        "controlnet_increment_seed_during_batch": false,
        "controlnet_disable_control_type": false,
        "controlnet_disable_openpose_edit": false,
        "controlnet_ignore_noninpaint_mask": false,
        "model_toolkit_fix_clip": false,
        "model_toolkit_autoprune": false,
        "dp_ignore_whitespace": false,
        "dp_write_raw_template": false,
        "dp_write_prompts_to_file": false,
        "dp_parser_variant_start": "{",
        "dp_parser_variant_end": "}",
        "dp_parser_wildcard_wrap": "__",
        "dp_limit_jinja_prompts": false,
        "dp_auto_purge_cache": false,
        "dp_wildcard_manager_no_dedupe": false,
        "dp_wildcard_manager_no_sort": false,
        "dp_wildcard_manager_shuffle": false,
        "dp_magicprompt_default_model": "Gustavosta/MagicPrompt-Stable-Diffusion",
        "dp_magicprompt_batch_size": 1,
        "save_images_replace_action": "Replace",
        "notification_audio": true,
        "enable_console_prompts": false,
        "dump_stacks_on_signal": false,
        "keyedit_delimiters_whitespace": [
            "Tab",
            "Carriage Return",
            "Line Feed"
        ],
        "sd_checkpoint_dropdown_use_short": false,
        "bmab_debug_print": false,
        "bmab_show_extends": false,
        "bmab_test_function": false,
        "bmab_keep_original_setting": false,
        "bmab_save_image_before_process": false,
        "bmab_save_image_after_process": false,
        "bmab_max_detailing_element": 0,
        "bmab_detail_full": true,
        "bmab_optimize_vram": "None",
        "bmab_mask_model": "sam_vit_b",
        "bmab_use_specific_model": false,
        "bmab_model": "",
        "bmab_cn_openpose": "control_v11p_sd15_openpose_fp16 [73c2b67d]",
        "bmab_cn_lineart": "control_v11p_sd15_lineart [43d4be0d]",
        "bmab_cn_inpaint": "control_v11p_sd15_inpaint_fp16 [be8bc0ed]",
        "state": [
            "tabs"
        ],
        "state_txt2img": [
            "prompt",
            "negative_prompt",
            "extra_networks",
            "styles",
            "sampling",
            "sampling_steps",
            "width",
            "height",
            "batch_count",
            "batch_size",
            "cfg_scale",
            "restore_faces",
            "tiling",
            "hires_fix",
            "hires_upscaler",
            "hires_steps",
            "hires_scale",
            "hires_resize_x",
            "hires_resize_y",
            "hires_denoising_strength",
            "script"
        ],
        "state_img2img": [
            "prompt",
            "negative_prompt",
            "extra_networks",
            "styles",
            "sampling",
            "resize_mode",
            "sampling_steps",
            "restore_faces",
            "tiling",
            "width",
            "height",
            "batch_count",
            "batch_size",
            "cfg_scale",
            "denoising_strength",
            "script"
        ],
        "state_extensions": [
            "control-net",
            "adetailer",
            "multidiffusion",
            "dynamic prompting"
        ],
        "mm_max_models": 5,
        "mm_debugs": [
            "elemental merge"
        ],
        "mm_save_model": [
            "safetensors",
            "fp16",
            "prune",
            "overwrite"
        ],
        "mm_save_model_filename": "modelmixer-[hash]",
        "mm_use_extra_elements": true,
        "mm_use_old_finetune": false,
        "mm_use_unet_partial_update": false,
        "ad_extra_models_dir": "",
        "ad_same_seed_for_each_tap": false,
        "mudd_max_per_img": 20,
        "mudd_save_previews": false,
        "mudd_save_masks": false,
        "mudd_import_adetailer": false,
        "mudd_check_validity": true,
        "mudd_check_model_validity": false,
        "mudd_use_mediapipe_preview": false,
        "inpaint_difference_enabled": true,
        "inpaint_difference_show_image_under_mask": true,
        "inpaint_difference_mask_brush_color": "#ffffff",
        "extra_networks_card_order_field": "Name",
        "extra_networks_card_order": "Ascending",
        "compact_prompt_box": false
    },
    "Startup": {
        "total": 2.8477864265441895,
        "records": {
            "app reload callback": 0.0,
            "scripts unloaded callback": 0.0,
            "set samplers": 0.0,
            "list extensions": 0.008785009384155273,
            "restore config state file": 0.0,
            "list SD models": 0.06663227081298828,
            "list localizations": 0.0,
            "load scripts/custom_code.py": 0.0046160221099853516,
            "load scripts/img2imgalt.py": 0.0014328956604003906,
            "load scripts/loopback.py": 0.0003943443298339844,
            "load scripts/outpainting_mk_2.py": 0.0003802776336669922,
            "load scripts/poor_mans_outpainting.py": 0.0004162788391113281,
            "load scripts/postprocessing_codeformer.py": 0.0003523826599121094,
            "load scripts/postprocessing_gfpgan.py": 0.00032782554626464844,
            "load scripts/postprocessing_upscale.py": 0.00027561187744140625,
            "load scripts/prompt_matrix.py": 0.0009336471557617188,
            "load scripts/prompts_from_file.py": 0.0,
            "load scripts/refiner.py": 0.0013756752014160156,
            "load scripts/sd_upscale.py": 0.0003559589385986328,
            "load scripts/seed.py": 0.0005016326904296875,
            "load scripts/xyz_grid.py": 0.0010528564453125,
            "load scripts/dynamic_prompting.py": 0.0,
            "load scripts/!adetailer.py": 0.6583495140075684,
            "load scripts/adapter.py": 0.0010395050048828125,
            "load scripts/api.py": 0.020960330963134766,
            "load scripts/batch_hijack.py": 0.0010001659393310547,
            "load scripts/cldm.py": 0.0,
            "load scripts/controlmodel_ipadapter.py": 0.0013175010681152344,
            "load scripts/controlnet.py": 0.09656119346618652,
            "load scripts/controlnet_diffusers.py": 0.001058816909790039,
            "load scripts/controlnet_lllite.py": 0.0,
            "load scripts/controlnet_lora.py": 0.001294851303100586,
            "load scripts/controlnet_model_guess.py": 0.00042939186096191406,
            "load scripts/controlnet_version.py": 0.0006380081176757812,
            "load scripts/external_code.py": 0.0,
            "load scripts/global_state.py": 0.00102996826171875,
            "load scripts/hook.py": 0.0010242462158203125,
            "load scripts/infotext.py": 0.0004677772521972656,
            "load scripts/logging.py": 0.0003592967987060547,
            "load scripts/lvminthin.py": 0.002252817153930664,
            "load scripts/movie2movie.py": 0.0003407001495361328,
            "load scripts/processor.py": 0.0005548000335693359,
            "load scripts/utils.py": 0.0010013580322265625,
            "load scripts/xyz_grid_support.py": 0.0,
            "load scripts/model_keyword_support.py": 0.0009999275207519531,
            "load scripts/shared_paths.py": 0.0009999275207519531,
            "load scripts/tag_autocomplete_helper.py": 0.04409360885620117,
            "load scripts/cads.py": 0.0005047321319580078,
            "load scripts/model_mixer.py": 0.03848838806152344,
            "load scripts/patches.py": 0.0,
            "load scripts/vxa.py": 0.0010001659393310547,
            "load scripts/weight_matching.py": 0.0009996891021728516,
            "load scripts/sd_tag_batch.py": 0.0,
            "load scripts/system-info.py": 0.026681900024414062,
            "load scripts/sd_webui_aspect_ratio_helper.py": 0.0,
            "load scripts/clean_up_tab.py": 0.01775646209716797,
            "load scripts/lama.py": 0.0009524822235107422,
            "load scripts/GenParamGetter.py": 0.00840306282043457,
            "load scripts/supermerger.py": 0.015962600708007812,
            "load scripts/toolkit_gui.py": 0.04794454574584961,
            "load scripts/ldsr_model.py": 0.009613037109375,
            "load scripts/lora_script.py": 0.05458354949951172,
            "load scripts/scunet_model.py": 0.008867502212524414,
            "load scripts/swinir_model.py": 0.009000301361083984,
            "load scripts/hotkey_config.py": 0.0012793540954589844,
            "load scripts/extra_options_section.py": 0.00037217140197753906,
            "load scripts": 1.0905990600585938,
            "reload script modules": 0.025386810302734375,
            "load upscalers": 0.0,
            "refresh VAE": 0.005903482437133789,
            "refresh textual inversion templates": 0.0011022090911865234,
            "scripts list_optimizers": 0.0,
            "scripts list_unets": 0.0,
            "reload hypernetworks": 0.0014171600341796875,
            "initialize extra networks": 0.0,
            "cleanup temp dir": 0.0,
            "scripts before_ui_callback": 0.0,
            "create ui": 0.42481279373168945,
            "gradio launch": 1.1786315441131592,
            "add APIs": 0.0019998550415039062,
            "app_started_callback/api.py": 0.0010006427764892578,
            "app_started_callback/tag_autocomplete_helper.py": 0.0,
            "app_started_callback/system-info.py": 0.001999378204345703,
            "app_started_callback/GenParamGetter.py": 0.03951621055603027,
            "app_started_callback/lora_script.py": 0.0,
            "app_started_callback": 0.042516231536865234
        }
    },
    "Packages": [
        "absl-py==2.0.0",
        "accelerate==0.21.0",
        "addict==2.4.0",
        "aenum==3.1.15",
        "aiofiles==23.2.1",
        "aiohttp==3.8.6",
        "aiosignal==1.3.1",
        "aliyun-python-sdk-core==2.14.0",
        "aliyun-python-sdk-kms==2.16.2",
        "altair==5.1.2",
        "annotated-types==0.6.0",
        "antlr4-python3-runtime==4.9.3",
        "anyio==3.7.1",
        "async-timeout==4.0.3",
        "attrs==23.1.0",
        "basicsr==1.4.2",
        "beautifulsoup4==4.12.2",
        "blendmodes==2022",
        "cachetools==5.3.2",
        "certifi==2023.7.22",
        "cffi==1.16.0",
        "charset-normalizer==3.3.1",
        "clean-fid==0.1.35",
        "click==8.1.7",
        "clip==1.0",
        "colorama==0.4.6",
        "contourpy==1.1.1",
        "crcmod==1.7",
        "cryptography==41.0.5",
        "cssselect2==0.7.0",
        "cycler==0.12.1",
        "decorator==4.0.11",
        "deprecation==2.1.0",
        "diffusers==0.21.4",
        "dynamicprompts==0.29.0",
        "einops==0.4.1",
        "exceptiongroup==1.1.3",
        "facexlib==0.3.0",
        "fastapi==0.94.0",
        "ffmpeg-python==0.2.0",
        "ffmpeg==1.4",
        "ffmpy==0.3.1",
        "ffprobe==0.5",
        "filelock==3.12.4",
        "filterpy==1.4.5",
        "flatbuffers==23.5.26",
        "fonttools==4.43.1",
        "frozenlist==1.4.0",
        "fsspec==2023.10.0",
        "ftfy==6.1.1",
        "future==0.18.3",
        "fvcore==0.1.5.post20221221",
        "gdown==4.7.1",
        "gfpgan==1.3.8",
        "gitdb==4.0.11",
        "gitpython==3.1.32",
        "google-auth-oauthlib==1.1.0",
        "google-auth==2.23.3",
        "gradio-client==0.5.0",
        "gradio==3.41.2",
        "groundingdino==0.1.0+torch2.0.1.cu118",
        "grpcio==1.59.0",
        "h11==0.12.0",
        "httpcore==0.15.0",
        "httpx==0.24.1",
        "huggingface-hub==0.18.0",
        "idna==3.4",
        "imageio-ffmpeg==0.4.9",
        "imageio==2.31.6",
        "importlib-metadata==6.8.0",
        "importlib-resources==6.1.0",
        "inflection==0.5.1",
        "iopath==0.1.9",
        "jinja2==3.1.2",
        "jmespath==0.10.0",
        "joblib==1.3.2",
        "jsonmerge==1.8.0",
        "jsonschema-specifications==2023.7.1",
        "jsonschema==4.19.1",
        "kiwisolver==1.4.5",
        "kornia==0.6.7",
        "lark==1.1.2",
        "lazy-loader==0.3",
        "lightning-utilities==0.9.0",
        "litelama==0.1.7",
        "llvmlite==0.41.1",
        "lmdb==1.4.1",
        "lpips==0.1.4",
        "lxml==4.9.3",
        "markdown-it-py==3.0.0",
        "markdown==3.5",
        "markupsafe==2.1.3",
        "matplotlib==3.8.0",
        "mdurl==0.1.2",
        "mediapipe==0.10.7",
        "mmcv==2.0.1",
        "mmdet==3.2.0",
        "mmengine==0.9.1",
        "mmyolo==0.6.0",
        "model-index==0.1.11",
        "moviepy==0.2.3.2",
        "mpmath==1.3.0",
        "multidict==6.0.4",
        "networkx==3.2",
        "numba==0.58.1",
        "numpy==1.23.5",
        "oauthlib==3.2.2",
        "omegaconf==2.2.3",
        "open-clip-torch==2.20.0",
        "opencv-contrib-python==4.8.1.78",
        "opencv-python==4.8.1.78",
        "opendatalab==0.0.10",
        "openmim==0.3.9",
        "openxlab==0.0.28",
        "ordered-set==4.1.0",
        "orjson==3.9.9",
        "oss2==2.17.0",
        "packaging==23.2",
        "pandas==2.1.1",
        "piexif==1.1.3",
        "pillow==9.5.0",
        "pip==23.3.1",
        "platformdirs==3.11.0",
        "portalocker==2.8.2",
        "prettytable==3.9.0",
        "protobuf==3.20.0",
        "psutil==5.9.5",
        "py-cpuinfo==9.0.0",
        "pyaescrypt==6.1.0",
        "pyasn1-modules==0.3.0",
        "pyasn1==0.5.0",
        "pycocotools==2.0.7",
        "pycparser==2.21",
        "pycryptodome==3.19.0",
        "pydantic-core==2.10.1",
        "pydantic==1.10.13",
        "pydub==0.25.1",
        "pygments==2.16.1",
        "pyparsing==3.1.1",
        "pysocks==1.7.1",
        "python-dateutil==2.8.2",
        "python-multipart==0.0.6",
        "pytorch-lightning==1.9.4",
        "pytz==2023.3.post1",
        "pywavelets==1.4.1",
        "pywin32==306",
        "pyyaml==6.0.1",
        "realesrgan==0.3.0",
        "referencing==0.30.2",
        "regex==2023.10.3",
        "reportlab==4.0.6",
        "requests-oauthlib==1.3.1",
        "requests==2.28.2",
        "resize-right==0.0.2",
        "rich==13.4.2",
        "rpds-py==0.10.6",
        "rsa==4.9",
        "safetensors==0.3.1",
        "scenedetect==0.6.2",
        "scikit-image==0.21.0",
        "scikit-learn==1.3.2",
        "scipy==1.11.3",
        "seaborn==0.13.0",
        "segment-anything-hq==0.3",
        "segment-anything==1.0",
        "semantic-version==2.10.0",
        "send2trash==1.8.2",
        "sentencepiece==0.1.99",
        "setuptools==60.2.0",
        "shapely==2.0.2",
        "shellingham==1.5.4",
        "six==1.16.0",
        "smmap==5.0.1",
        "sniffio==1.3.0",
        "sounddevice==0.4.6",
        "soupsieve==2.5",
        "starlette==0.26.1",
        "supervision==0.6.0",
        "svglib==1.5.1",
        "sympy==1.12",
        "tabulate==0.9.0",
        "tb-nightly==2.16.0a20231025",
        "tensorboard-data-server==0.7.2",
        "termcolor==2.3.0",
        "terminaltables==3.1.10",
        "thop==0.1.1.post2209072238",
        "threadpoolctl==3.2.0",
        "tifffile==2023.9.26",
        "timm==0.9.2",
        "tinycss2==1.2.1",
        "tokenizers==0.13.3",
        "tomesd==0.1.3",
        "tomli==2.0.1",
        "tomlkit==0.12.0",
        "toolz==0.12.0",
        "torch==2.0.1+cu118",
        "torchdiffeq==0.2.3",
        "torchmetrics==1.2.0",
        "torchsde==0.2.6",
        "torchvision==0.15.2+cu118",
        "tqdm==4.65.2",
        "trampoline==0.1.2",
        "transformers==4.30.2",
        "typer==0.9.0",
        "typing-extensions==4.8.0",
        "tzdata==2023.3",
        "ultralytics==8.0.201",
        "urllib3==1.26.18",
        "uvicorn==0.23.2",
        "wcwidth==0.2.8",
        "webencodings==0.5.1",
        "websockets==11.0.3",
        "werkzeug==3.0.1",
        "yacs==0.1.8",
        "yapf==0.40.2",
        "yarl==1.9.2",
        "zipp==3.17.0"
    ]
}
wkpark commented 8 months ago
CCpt5 commented 8 months ago
  • [x] SDXL LoRA/LyCORIS needs ss_base_model_version metadata attribute starts with sdxl_* as sdxl_base_v1-0 - fixed
  • [x] fix for contiguous check in the safetensors.torch.save_file() - fixed

Amazing! Thank you!!

Will have a chance to check later - Super helpful functionality for my workflow.