Coder Social home page Coder Social logo

lllyasviel / stable-diffusion-webui-forge Goto Github PK

View Code? Open in Web Editor NEW
7.6K 81.0 730.0 46.55 MB

License: GNU Affero General Public License v3.0

JavaScript 1.98% Python 94.13% CSS 0.56% HTML 0.34% Shell 0.19% Batchfile 0.03% C++ 0.95% Cuda 1.75% Dockerfile 0.01% CMake 0.07%

stable-diffusion-webui-forge's Introduction

Stable Diffusion WebUI Forge

Stable Diffusion WebUI Forge is a platform on top of Stable Diffusion WebUI (based on Gradio ) to make development easier, optimize resource management, speed up inference, and study experimental features.

The name "Forge" is inspired from "Minecraft Forge". This project is aimed at becoming SD WebUI's Forge.

Forge is currently based on SD-WebUI 1.10.1 at this commit. (Because original SD-WebUI is almost static now, Forge will sync with original WebUI every 90 days, or when important fixes.)

News

2024 Sep 7: New sampler Flux Realistic is available now! Recommended scheduler is "simple".

Quick List

Gradio 4 UI Must Read (TLDR: You need to use RIGHT MOUSE BUTTON to move canvas!)

Flux Tutorial (BitsandBytes Models, NF4, "GPU Weight", "Offload Location", "Offload Method", etc)

Flux Tutorial 2 (Seperated Full Models, GGUF, Technically Correct Comparison between GGUF and NF4, etc)

Forge Extension List and Extension Replacement List (Temporary)

How to make LoRAs more precise on low-bit models; How to Skip" Patching LoRAs"; How to only load LoRA one time rather than each generation; How to report LoRAs that do not work

Report Flux Performance Problems (TLDR: DO NOT set "GPU Weight" too high! Lower "GPU Weight" solves 99% problems!)

How to solve "Connection errored out" / "Press anykey to continue ..." / etc

(Save Flux BitsandBytes UNet/Checkpoint)

LayerDiffuse Transparent Image Editing

Tell us what is missing in ControlNet Integrated

(Policy) Soft Advertisement Removal Policy

(Flux BNB NF4 / GGUF Q8_0/Q5_0/Q5_1/Q4_0/Q4_1 are all natively supported with GPU weight slider and Quene/Async Swap toggle and swap location toggle. All Flux BNB NF4 / GGUF Q8_0/Q5_0/Q4_0 have LoRA support.)

Installing Forge

Just use this one-click installation package (with git and python included).

>>> Click Here to Download One-Click Package (CUDA 12.1 + Pytorch 2.3.1) <<<

Some other CUDA/Torch Versions:

Forge with CUDA 12.1 + Pytorch 2.3.1 <- Recommended

Forge with CUDA 12.4 + Pytorch 2.4 <- Fastest, but MSVC may be broken, xformers may not work

Forge with CUDA 12.1 + Pytorch 2.1 <- the previously used old environments

After you download, you uncompress, use update.bat to update, and use run.bat to run.

Note that running update.bat is important, otherwise you may be using a previous version with potential bugs unfixed.

image

Advanced Install

If you are proficient in Git and you want to install Forge as another branch of SD-WebUI, please see here. In this way, you can reuse all SD checkpoints and all extensions you installed previously in your OG SD-WebUI, but you should know what you are doing.

If you know what you are doing, you can also install Forge using same method as SD-WebUI. (Install Git, Python, Git Clone the forge repo https://github.com/lllyasviel/stable-diffusion-webui-forge.git and then run webui-user.bat).

Previous Versions

You can download previous versions here.

Forge Status

Based on manual test one-by-one:

Component Status Last Test
Basic Diffusion Normal 2024 Aug 26
GPU Memory Management System Normal 2024 Aug 26
LoRAs Normal 2024 Aug 26
All Preprocessors Normal 2024 Aug 26
All ControlNets Normal 2024 Aug 26
All IP-Adapters Normal 2024 Aug 26
All Instant-IDs Normal 2024 July 27
All Reference-only Methods Normal 2024 July 27
All Integrated Extensions Normal 2024 July 27
Popular Extensions (Adetailer, etc) Normal 2024 July 27
Gradio 4 UIs Normal 2024 July 27
Gradio 4 Forge Canvas Normal 2024 Aug 26
LoRA/Checkpoint Selection UI for Gradio 4 Normal 2024 July 27
Photopea/OpenposeEditor/etc for ControlNet Normal 2024 July 27
Wacom 128 level touch pressure support for Canvas Normal 2024 July 15
Microsoft Surface touch pressure support for Canvas Broken, pending fix 2024 July 29
ControlNets (Union) Not implemented yet, pending implementation 2024 Aug 26
ControlNets (Flux) Not implemented yet, pending implementation 2024 Aug 26
API endpoints (txt2img, img2img, etc) Normal, but pending improved Flux support 2024 Aug 29
OFT LoRAs Broken, pending fix 2024 Sep 9

Feel free to open issue if anything is broken and I will take a look every several days. If I do not update this "Forge Status" then it means I cannot reproduce any problem. In that case, fresh re-install should help most.

UnetPatcher

Below are self-supported single file of all codes to implement FreeU V2.

See also extension-builtin/sd_forge_freeu/scripts/forge_freeu.py:

import torch
import gradio as gr

from modules import scripts


def Fourier_filter(x, threshold, scale):
    # FFT
    x_freq = torch.fft.fftn(x.float(), dim=(-2, -1))
    x_freq = torch.fft.fftshift(x_freq, dim=(-2, -1))

    B, C, H, W = x_freq.shape
    mask = torch.ones((B, C, H, W), device=x.device)

    crow, ccol = H // 2, W // 2
    mask[..., crow - threshold:crow + threshold, ccol - threshold:ccol + threshold] = scale
    x_freq = x_freq * mask

    # IFFT
    x_freq = torch.fft.ifftshift(x_freq, dim=(-2, -1))
    x_filtered = torch.fft.ifftn(x_freq, dim=(-2, -1)).real

    return x_filtered.to(x.dtype)


def patch_freeu_v2(unet_patcher, b1, b2, s1, s2):
    model_channels = unet_patcher.model.diffusion_model.config["model_channels"]
    scale_dict = {model_channels * 4: (b1, s1), model_channels * 2: (b2, s2)}
    on_cpu_devices = {}

    def output_block_patch(h, hsp, transformer_options):
        scale = scale_dict.get(h.shape[1], None)
        if scale is not None:
            hidden_mean = h.mean(1).unsqueeze(1)
            B = hidden_mean.shape[0]
            hidden_max, _ = torch.max(hidden_mean.view(B, -1), dim=-1, keepdim=True)
            hidden_min, _ = torch.min(hidden_mean.view(B, -1), dim=-1, keepdim=True)
            hidden_mean = (hidden_mean - hidden_min.unsqueeze(2).unsqueeze(3)) / (hidden_max - hidden_min).unsqueeze(2).unsqueeze(3)

            h[:, :h.shape[1] // 2] = h[:, :h.shape[1] // 2] * ((scale[0] - 1) * hidden_mean + 1)

            if hsp.device not in on_cpu_devices:
                try:
                    hsp = Fourier_filter(hsp, threshold=1, scale=scale[1])
                except:
                    print("Device", hsp.device, "does not support the torch.fft.")
                    on_cpu_devices[hsp.device] = True
                    hsp = Fourier_filter(hsp.cpu(), threshold=1, scale=scale[1]).to(hsp.device)
            else:
                hsp = Fourier_filter(hsp.cpu(), threshold=1, scale=scale[1]).to(hsp.device)

        return h, hsp

    m = unet_patcher.clone()
    m.set_model_output_block_patch(output_block_patch)
    return m


class FreeUForForge(scripts.Script):
    sorting_priority = 12  # It will be the 12th item on UI.

    def title(self):
        return "FreeU Integrated"

    def show(self, is_img2img):
        # make this extension visible in both txt2img and img2img tab.
        return scripts.AlwaysVisible

    def ui(self, *args, **kwargs):
        with gr.Accordion(open=False, label=self.title()):
            freeu_enabled = gr.Checkbox(label='Enabled', value=False)
            freeu_b1 = gr.Slider(label='B1', minimum=0, maximum=2, step=0.01, value=1.01)
            freeu_b2 = gr.Slider(label='B2', minimum=0, maximum=2, step=0.01, value=1.02)
            freeu_s1 = gr.Slider(label='S1', minimum=0, maximum=4, step=0.01, value=0.99)
            freeu_s2 = gr.Slider(label='S2', minimum=0, maximum=4, step=0.01, value=0.95)

        return freeu_enabled, freeu_b1, freeu_b2, freeu_s1, freeu_s2

    def process_before_every_sampling(self, p, *script_args, **kwargs):
        # This will be called before every sampling.
        # If you use highres fix, this will be called twice.

        freeu_enabled, freeu_b1, freeu_b2, freeu_s1, freeu_s2 = script_args

        if not freeu_enabled:
            return

        unet = p.sd_model.forge_objects.unet

        unet = patch_freeu_v2(unet, freeu_b1, freeu_b2, freeu_s1, freeu_s2)

        p.sd_model.forge_objects.unet = unet

        # Below codes will add some logs to the texts below the image outputs on UI.
        # The extra_generation_params does not influence results.
        p.extra_generation_params.update(dict(
            freeu_enabled=freeu_enabled,
            freeu_b1=freeu_b1,
            freeu_b2=freeu_b2,
            freeu_s1=freeu_s1,
            freeu_s2=freeu_s2,
        ))

        return

See also Forge's Unet Implementation.

Under Construction

WebUI Forge is now under some constructions, and docs / UI / functionality may change with updates.

stable-diffusion-webui-forge's People

Contributors

36db avatar akx avatar aria1th avatar automatic1111 avatar batvbs avatar brkirch avatar c43h66n12o12s2 avatar catboxanon avatar codehatchling avatar d8ahazard avatar daswer123 avatar denofequity avatar dfaker avatar dtlnor avatar ellangok avatar huchenlei avatar kohakublueleaf avatar lllyasviel avatar mezotaken avatar missionfloyd avatar papuspartan avatar r-n avatar sakura-luna avatar space-nuko avatar timntorres avatar v0xie avatar vladmandic avatar w-e-w avatar wfjsw avatar yfszzx avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

stable-diffusion-webui-forge's Issues

[Bug]: Unable to generate when using 'Token merging ratio'

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Unable to generate images when using the Token merging ratio option. Instead getting error: TypeError: make_tome_block..ToMeBlock._forward() takes from 2 to 3 positional arguments but 4 were given

Steps to reproduce the problem

Go to optimizations and put the token merging ratio slider to 0.5.
Try to use t2i

What should have happened?

An image should have been made

What browsers do you use to access the UI ?

No response

Sysinfo

sysinfo.json

Console logs

Loading weights [67ab2fd8ec] from hehexd\\stable-diffusion-webui-forge\models\Stable-diffusion\ponyDiffusionV6XL_v6.safetensors
model_type EPS
UNet ADM Dimension 2816
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_g.transformer.text_model.embeddings.position_ids', 'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection'}
Loading VAE weights specified in settings: hehexd\\stable-diffusion-webui-forge\models\VAE\sdxl_vae.safetensors
To load target model SDXLClipModel
Begin to load 1 model
Moving model(s) has taken 0.38 seconds
Model loaded in 5.3s (unload existing model: 2.6s, forge load real models: 2.1s, load VAE: 0.1s, calculate empty prompt: 0.4s).
To load target model SDXLClipModel
Begin to load 1 model
unload clone 0
Moving model(s) has taken 0.78 seconds
To load target model SDXL
Begin to load 1 model
Moving model(s) has taken 0.99 seconds
  0%|                                                                                           | 0/20 [00:00<?, ?it/s]
*** Error completing request
*** Arguments: ('task(k3u2mc0y4vceq7p)', <gradio.routes.Request object at 0x0000020584D6FEE0>, 'test', '', [], 20, 'DPM++ 2M Karras', 1, 1, 7, 512, 512, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', '', '', [], 0, False, '', 0.8, -1, False, -1, 0, 0, 0, UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_input_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_input_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_input_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), False, 1.01, 1.02, 0.99, 0.95, False, 256, 2, 0, False, False, 3, 2, 0, 0.35, True, 'bicubic', 'bicubic', False, 0.5, 2, False, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {}
    Traceback (most recent call last):
      File "hehexd\\stable-diffusion-webui-forge\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
      File "hehexd\\stable-diffusion-webui-forge\modules\call_queue.py", line 36, in f
        res = func(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\modules\txt2img.py", line 110, in txt2img
        processed = processing.process_images(p)
      File "hehexd\\stable-diffusion-webui-forge\modules\processing.py", line 749, in process_images
        res = process_images_inner(p)
      File "hehexd\\stable-diffusion-webui-forge\modules\processing.py", line 920, in process_images_inner
        samples_ddim = p.sample(conditioning=p.c, unconditional_conditioning=p.uc, seeds=p.seeds, subseeds=p.subseeds, subseed_strength=p.subseed_strength, prompts=p.prompts)
      File "hehexd\\stable-diffusion-webui-forge\modules\processing.py", line 1275, in sample
        samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x))
      File "hehexd\\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 251, in sample
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "hehexd\\stable-diffusion-webui-forge\modules\sd_samplers_common.py", line 260, in launch_sampling
        return func()
      File "hehexd\\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 251, in <lambda>
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\sampling.py", line 594, in sample_dpmpp_2m
        denoised = model(x, sigmas[i] * s_in, **extra_args)
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\modules\sd_samplers_cfg_denoiser.py", line 179, in forward
        denoised = forge_sampler.forge_sample(self, denoiser_params=denoiser_params,
      File "hehexd\\stable-diffusion-webui-forge\modules_forge\forge_sampler.py", line 82, in forge_sample
        denoised = sampling_function(model, x, timestep, uncond, cond, cond_scale, model_options, seed)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\modules\samplers.py", line 282, in sampling_function
        cond_pred, uncond_pred = calc_cond_uncond_batch(model, cond, uncond_, x, timestep, model_options)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\modules\samplers.py", line 253, in calc_cond_uncond_batch
        output = model.apply_model(input_x, timestep_, **c).chunk(batch_chunks)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\modules\model_base.py", line 85, in apply_model
        model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float()
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1568, in _call_impl
        result = forward_call(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\ldm\modules\diffusionmodules\openaimodel.py", line 860, in forward
        h = forward_timestep_embed(module, h, emb, context, transformer_options, time_context=time_context, num_video_frames=num_video_frames, image_only_indicator=image_only_indicator)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\ldm\modules\diffusionmodules\openaimodel.py", line 48, in forward_timestep_embed
        x = layer(x, context, transformer_options)
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\ldm\modules\attention.py", line 613, in forward
        x = block(x, context=context[i], transformer_options=transformer_options)
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\ldm\modules\attention.py", line 440, in forward
        return checkpoint(self._forward, (x, context, transformer_options), self.parameters(), self.checkpoint)
      File "hehexd\\stable-diffusion-webui-forge\ldm_patched\ldm\modules\diffusionmodules\util.py", line 189, in checkpoint
        return func(*inputs)
    TypeError: make_tome_block.<locals>.ToMeBlock._forward() takes from 2 to 3 positional arguments but 4 were given

Additional information

I can gen if I don't use this option

[Feature Request]: X/Y/Z Additions

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

With additional features like FreeU integrated, it would be nice to have values for those in the X/Y/Z script. Testing a variety of FreeU settings would be much easier

Proposed workflow

  1. Enable X/Y/Z Script
  2. Choose desire value
  3. Profit

Additional information

No response

[Bug]: controlnet -photomaker didn't work ๏ผˆattached screenshot๏ผ‰

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

controlnet -photomaker didn't work
1
2

Steps to reproduce the problem

  1. Put the photomaker model into the model file of controlnet
  2. Upload multiple pictures to photomaker
  3. Check the keywords required for photomaker to start

What should have happened?

Generate a graphic with the faces of the people I uploaded

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

sysinfo-2024-02-06-16-36.json

Console logs

2024-02-07 00:30:30,068 - ControlNet - INFO - ControlNet Method ClipVision (Photomaker) patched.
To load target model BaseModel
Begin to load 1 model
unload clone 2
Moving model(s) has taken 1.02 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 13.78it/s]
Token merging is under construction now and the setting will not take effect.โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 15.72it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 12.34it/s]
Token merging is under construction now and the setting will not take effect.โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 15.72it/s]
2024-02-07 00:32:28,303 - ControlNet - INFO - ControlNet Input Mode: InputMode.MERGE
2024-02-07 00:32:28,304 - ControlNet - INFO - Try to read image: C:\Users\FUNGAM~1\AppData\Local\Temp\gradio\bf84b36caa276a7e5b5926d32843b95aca4d5469\1570732594_instagram-jelodi-jung-68.jpg
2024-02-07 00:32:28,348 - ControlNet - INFO - Try to read image: C:\Users\FUNGAM~1\AppData\Local\Temp\gradio\a0f23073960158943590e0b4d1071243311af046\9b69603b5c64b45c9d16d7fc0ff6e75e--elodie-yung-human-body.jpg_http___avatars.mds.yandex.jpg
2024-02-07 00:32:28,360 - ControlNet - INFO - Try to read image: C:\Users\FUNGAM~1\AppData\Local\Temp\gradio\f8aa0e1153a28013262618a7163ec5566778559c\1_16a083549e9.1547137_3644485459_16a083549e9_large.jpg
2024-02-07 00:32:28,374 - ControlNet - INFO - Try to read image: C:\Users\FUNGAM~1\AppData\Local\Temp\gradio\9a53097bb068ae6aefb15890488f1e02aa2cedeb\1570732590_instagram-jelodi-jung-19.jpg
2024-02-07 00:32:28,484 - ControlNet - INFO - Using preprocessor: ClipVision (Photomaker)
2024-02-07 00:32:28,484 - ControlNet - INFO - preprocessor resolution = 0.5
2024-02-07 00:32:28,484 - ControlNet - INFO - Using preprocessor: ClipVision (Photomaker)
2024-02-07 00:32:28,484 - ControlNet - INFO - preprocessor resolution = 0.5
2024-02-07 00:32:28,484 - ControlNet - INFO - Using preprocessor: ClipVision (Photomaker)
2024-02-07 00:32:28,484 - ControlNet - INFO - preprocessor resolution = 0.5
2024-02-07 00:32:28,484 - ControlNet - INFO - Using preprocessor: ClipVision (Photomaker)
2024-02-07 00:32:28,484 - ControlNet - INFO - preprocessor resolution = 0.5
2024-02-07 00:32:29,241 - ControlNet - INFO - Current ControlNet PhotomakerPatcher: H:\webui_forge_cu121_torch21\webui\models\ControlNet\photomaker-v1.bin
To load target model SD1ClipModel
Begin to load 1 model
unload clone 2
Moving model(s) has taken 0.39 seconds
2024-02-07 00:32:29,685 - ControlNet - INFO - ControlNet Method ClipVision (Photomaker) patched.
To load target model BaseModel
Begin to load 1 model
unload clone 2
Moving model(s) has taken 1.09 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 12.91it/s]
Token merging is under construction now and the setting will not take effect.โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 14.34it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 12.01it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20

Additional information

No response

[Bug]: ControlNet not working in img2img

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

ControlNet not working in img2img with any SDXL model like - dreamshaperXL.

Steps to reproduce the problem

Start generation with SDXL ControlNet model like - diffusers_xl_canny_mid

What should have happened?

ControlNet works perfectly with current model in txt2img mode but not in img2img.

What browsers do you use to access the UI ?

No response

Sysinfo

{
"Platform": "Windows-10-10.0.22631-SP0",
"Python": "3.10.6",
"Version": "f0.0.9-latest-52-gb58b0bd4",
"Commit": "b58b0bd4259cf71077dfd7787fb77af4c02760a1",
"Script path": "D:\SD\Forge\webui",
"Data path": "D:\SD\Forge\webui",
"Extensions dir": "D:\SD\Forge\webui\extensions",
"Checksum": "7806745ba73e3bf9f1d0bb716b839ecba5881600587999be303bae7821a2a6ef",
"Commandline": [
"launch.py"
],
"Torch env info": {
"torch_version": "2.1.2+cu121",
"is_debug_build": "False",
"cuda_compiled_version": "12.1",
"gcc_version": null,
"clang_version": null,
"cmake_version": null,
"os": "ะœะฐะนะบั€ะพัะพั„ั‚ Windows 11 Pro",
"libc_version": "N/A",
"python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] (64-bit runtime)",
"python_platform": "Windows-10-10.0.22631-SP0",
"is_cuda_available": "True",
"cuda_runtime_version": "12.1.105\r",
"cuda_module_loading": "LAZY",
"nvidia_driver_version": "551.32",
"nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3050",
"cudnn_version": null,
"pip_version": "pip3",
"pip_packages": [
"numpy==1.26.2",
"open-clip-torch==2.20.0",
"pytorch-lightning==1.9.4",
"torch==2.1.2+cu121",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.16.2+cu121"
],
"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=3501",
"DeviceID=CPU0",
"Family=107",
"L2CacheSize=3072",
"L2CacheSpeed=",
"Manufacturer=AuthenticAMD",
"MaxClockSpeed=3501",
"Name=AMD Ryzen 5 5600 6-Core Processor ",
"ProcessorType=3",
"Revision=8450"
]
},
"Exceptions": [
{
"exception": "0",
"traceback": [
[
"D:\SD\Forge\webui\modules\scripts.py, line 854, postprocess_batch_list",
"script.postprocess_batch_list(p, pp, *script_args, **kwargs)"
],
[
"D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py, line 115, decorate_context",
"return func(*args, **kwargs)"
],
[
"D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py, line 493, postprocess_batch_list",
"self.process_unit_after_every_sampling(p, unit, self.current_params[i], pp, *args, **kwargs)"
]
]
},
{
"exception": "0",
"traceback": [
[
"D:\SD\Forge\webui\modules\scripts.py, line 830, process_before_every_sampling",
"script.process_before_every_sampling(p, *script_args, **kwargs)"
],
[
"D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py, line 115, decorate_context",
"return func(*args, **kwargs)"
],
[
"D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py, line 487, process_before_every_sampling",
"self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)"
]
]
},
{
"exception": "",
"traceback": [
[
"D:\SD\Forge\webui\modules\scripts.py, line 798, process",
"script.process(p, *script_args)"
],
[
"D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py, line 115, decorate_context",
"return func(*args, **kwargs)"
],
[
"D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py, line 480, process",
"self.process_unit_after_click_generate(p, unit, params, *args, **kwargs)"
],
[
"D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py, line 115, decorate_context",
"return func(*args, **kwargs)"
],
[
"D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py, line 266, process_unit_after_click_generate",
"input_list, resize_mode = self.get_input_data(p, unit, preprocessor)"
],
[
"D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py, line 205, get_input_data",
"mask = HWC3(np.asarray(a1111_i2i_mask))"
],
[
"D:\SD\Forge\webui\modules_forge\forge_util.py, line 13, HWC3",
"assert x.dtype == np.uint8"
]
]
},
{
"exception": "0",
"traceback": [
[
"D:\SD\Forge\webui\modules\scripts.py, line 854, postprocess_batch_list",
"script.postprocess_batch_list(p, pp, *script_args, **kwargs)"
],
[
"D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py, line 115, decorate_context",
"return func(*args, **kwargs)"
],
[
"D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py, line 493, postprocess_batch_list",
"self.process_unit_after_every_sampling(p, unit, self.current_params[i], pp, *args, **kwargs)"
]
]
},
{
"exception": "0",
"traceback": [
[
"D:\SD\Forge\webui\modules\scripts.py, line 830, process_before_every_sampling",
"script.process_before_every_sampling(p, *script_args, **kwargs)"
],
[
"D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py, line 115, decorate_context",
"return func(*args, **kwargs)"
],
[
"D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py, line 487, process_before_every_sampling",
"self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)"
]
]
}
],
"CPU": {
"model": "AMD64 Family 25 Model 33 Stepping 2, AuthenticAMD",
"count logical": 12,
"count physical": 6
},
"RAM": {
"total": "48GB",
"used": "18GB",
"free": "30GB"
},
"Extensions": [],
"Inactive extensions": [],
"Environment": {
"GRADIO_ANALYTICS_ENABLED": "False"
},
"Config": {
"ldsr_steps": 100,
"ldsr_cached": false,
"SCUNET_tile": 256,
"SCUNET_tile_overlap": 8,
"SWIN_tile": 192,
"SWIN_tile_overlap": 8,
"SWIN_torch_compile": false,
"control_net_detectedmap_dir": "detected_maps",
"control_net_models_path": "",
"control_net_modules_path": "",
"control_net_unit_count": 3,
"control_net_model_cache_size": 5,
"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_input_thumbnail": true,
"sd_checkpoint_hash": "3a22504d8a995171b7d10a618a11614e4c15313f8277b742596299fdb07d227f",
"sd_model_checkpoint": "dreamshaperXL_sfwTurboDpmppSDE.safetensors"
},
"Startup": {
"total": 18.804677963256836,
"records": {
"initial startup": 0.01701521873474121,
"prepare environment/checks": 0.007006645202636719,
"prepare environment/git version info": 0.03102850914001465,
"prepare environment/torch GPU test": 5.137334108352661,
"prepare environment/clone repositores": 0.15213847160339355,
"prepare environment/run extensions installers": 0.006005764007568359,
"prepare environment/run extensions_builtin installers/canvas-zoom-and-pan": 0.0010006427764892578,
"prepare environment/run extensions_builtin installers/extra-options-section": 0.0,
"prepare environment/run extensions_builtin installers/forge_legacy_preprocessors": 0.27351832389831543,
"prepare environment/run extensions_builtin installers/forge_preprocessor_inpaint": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_marigold": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_normalbae": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_recolor": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_reference": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_revision": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_tile": 0.0,
"prepare environment/run extensions_builtin installers/LDSR": 0.0,
"prepare environment/run extensions_builtin installers/Lora": 0.0,
"prepare environment/run extensions_builtin installers/mobile": 0.0,
"prepare environment/run extensions_builtin installers/prompt-bracket-checker": 0.0,
"prepare environment/run extensions_builtin installers/ScuNET": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_controlllite": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_controlnet": 0.2202005386352539,
"prepare environment/run extensions_builtin installers/sd_forge_controlnet_example": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_freeu": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_hypertile": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_ipadapter": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_kohya_hrfix": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_photomaker": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_sag": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_stylealign": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_svd": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_z123": 0.0,
"prepare environment/run extensions_builtin installers/soft-inpainting": 0.0010004043579101562,
"prepare environment/run extensions_builtin installers/SwinIR": 0.0,
"prepare environment/run extensions_builtin installers": 0.49571990966796875,
"prepare environment": 6.025410890579224,
"launcher": 0.0020017623901367188,
"import torch": 4.681923866271973,
"import gradio": 1.8073339462280273,
"setup paths": 1.968393087387085,
"import ldm": 0.007043123245239258,
"import sgm": 0.0,
"initialize shared": 0.11365199089050293,
"other imports": 1.5643608570098877,
"opts onchange": 0.0010006427764892578,
"setup SD model": 0.0,
"setup codeformer": 0.0016913414001464844,
"setup gfpgan": 0.017375946044921875,
"set samplers": 0.0,
"list extensions": 0.002003908157348633,
"restore config state file": 0.0,
"list SD models": 0.027151107788085938,
"list localizations": 0.0010008811950683594,
"load scripts/custom_code.py": 0.006005525588989258,
"load scripts/img2imgalt.py": 0.0010013580322265625,
"load scripts/loopback.py": 0.0,
"load scripts/outpainting_mk_2.py": 0.001001119613647461,
"load scripts/poor_mans_outpainting.py": 0.0,
"load scripts/postprocessing_caption.py": 0.0010008811950683594,
"load scripts/postprocessing_codeformer.py": 0.0,
"load scripts/postprocessing_create_flipped_copies.py": 0.0,
"load scripts/postprocessing_focal_crop.py": 0.005004405975341797,
"load scripts/postprocessing_gfpgan.py": 0.0010008811950683594,
"load scripts/postprocessing_split_oversized.py": 0.0,
"load scripts/postprocessing_upscale.py": 0.001001119613647461,
"load scripts/processing_autosized_crop.py": 0.0,
"load scripts/prompt_matrix.py": 0.0010006427764892578,
"load scripts/prompts_from_file.py": 0.0,
"load scripts/sd_upscale.py": 0.0010018348693847656,
"load scripts/xyz_grid.py": 0.00099945068359375,
"load scripts/ldsr_model.py": 0.583221435546875,
"load scripts/lora_script.py": 0.07838296890258789,
"load scripts/scunet_model.py": 0.020529508590698242,
"load scripts/swinir_model.py": 0.016014575958251953,
"load scripts/hotkey_config.py": 0.0013041496276855469,
"load scripts/extra_options_section.py": 0.0005116462707519531,
"load scripts/legacy_preprocessors.py": 0.008218765258789062,
"load scripts/preprocessor_inpaint.py": 0.01484823226928711,
"load scripts/preprocessor_marigold.py": 0.11364269256591797,
"load scripts/preprocessor_normalbae.py": 0.005044221878051758,
"load scripts/preprocessor_recolor.py": 0.0,
"load scripts/forge_reference.py": 0.0010943412780761719,
"load scripts/preprocessor_revision.py": 0.0004773139953613281,
"load scripts/preprocessor_tile.py": 0.00043511390686035156,
"load scripts/forge_controllllite.py": 0.010459661483764648,
"load scripts/controlnet.py": 0.43412065505981445,
"load scripts/xyz_grid_support.py": 0.0008428096771240234,
"load scripts/sd_forge_controlnet_example.py": 0.0006906986236572266,
"load scripts/forge_freeu.py": 0.0024423599243164062,
"load scripts/forge_hypertile.py": 0.0020017623901367188,
"load scripts/forge_ipadapter.py": 0.006807565689086914,
"load scripts/kohya_hrfix.py": 0.002619504928588867,
"load scripts/forge_photomaker.py": 0.0014388561248779297,
"load scripts/forge_sag.py": 0.0021936893463134766,
"load scripts/forge_stylealign.py": 0.0010008811950683594,
"load scripts/forge_svd.py": 0.027201175689697266,
"load scripts/forge_z123.py": 0.01983928680419922,
"load scripts/soft_inpainting.py": 0.0012614727020263672,
"load scripts/refiner.py": 0.0006113052368164062,
"load scripts/seed.py": 0.0004775524139404297,
"load scripts": 1.37675142288208,
"load upscalers": 0.003003835678100586,
"refresh VAE": 0.0010008811950683594,
"refresh textual inversion templates": 0.0,
"scripts list_optimizers": 0.001001119613647461,
"scripts list_unets": 0.0,
"reload hypernetworks": 0.009601354598999023,
"initialize extra networks": 0.03903698921203613,
"scripts before_ui_callback": 0.0035402774810791016,
"create ui": 0.6431972980499268,
"gradio launch": 0.6713500022888184,
"add APIs": 0.018016576766967773,
"app_started_callback/lora_script.py": 0.0,
"app_started_callback": 0.0
}
},
"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",
"albumentations==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",
"blendmodes==2022",
"certifi==2024.2.2",
"cffi==1.16.0",
"chardet==5.2.0",
"charset-normalizer==3.3.2",
"clean-fid==0.1.35",
"click==8.1.7",
"clip==1.0",
"colorama==0.4.6",
"coloredlogs==15.0.1",
"colorlog==6.8.2",
"contourpy==1.2.0",
"cssselect2==0.7.0",
"cycler==0.12.1",
"cython==3.0.8",
"deprecation==2.1.0",
"depth-anything==2024.1.22.0",
"diffusers==0.25.0",
"easydict==1.11",
"einops==0.4.1",
"embreex==2.17.7.post4",
"exceptiongroup==1.2.0",
"facexlib==0.3.0",
"fastapi==0.94.0",
"ffmpy==0.3.1",
"filelock==3.13.1",
"filterpy==1.4.5",
"flatbuffers==23.5.26",
"fonttools==4.47.2",
"frozenlist==1.4.1",
"fsspec==2024.2.0",
"ftfy==6.1.3",
"future==0.18.3",
"fvcore==0.1.5.post20221221",
"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",
"handrefinerportable==2024.1.18.0",
"httpcore==0.15.0",
"httpx==0.24.1",
"huggingface-hub==0.20.3",
"humanfriendly==10.0",
"idna==3.6",
"imageio==2.33.1",
"importlib-metadata==7.0.1",
"importlib-resources==6.1.1",
"inflection==0.5.1",
"insightface==0.7.3",
"iopath==0.1.9",
"jinja2==3.1.3",
"joblib==1.3.2",
"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",
"llvmlite==0.42.0",
"lmdb==1.4.1",
"lxml==5.1.0",
"mapbox-earcut==1.0.1",
"markdown==3.5.2",
"markupsafe==2.1.5",
"matplotlib==3.8.2",
"mediapipe==0.10.9",
"mpmath==1.3.0",
"multidict==6.0.5",
"networkx==3.2.1",
"numba==0.59.0",
"numpy==1.26.2",
"omegaconf==2.2.3",
"onnx==1.15.0",
"onnxruntime==1.17.0",
"open-clip-torch==2.20.0",
"opencv-contrib-python==4.9.0.80",
"opencv-python-headless==4.9.0.80",
"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==24.0",
"platformdirs==4.2.0",
"portalocker==2.8.2",
"prettytable==3.9.0",
"protobuf==3.20.0",
"psutil==5.9.5",
"pycollada==0.8",
"pycparser==2.21",
"pydantic==1.10.14",
"pydub==0.25.1",
"pyparsing==3.1.1",
"pyreadline3==3.4.1",
"python-dateutil==2.8.2",
"python-multipart==0.0.7",
"pytorch-lightning==1.9.4",
"pytz==2024.1",
"pywavelets==1.5.0",
"pywin32==306",
"pyyaml==6.0.1",
"qudida==0.0.4",
"referencing==0.33.0",
"regex==2023.12.25",
"reportlab==4.0.9",
"requests==2.31.0",
"resize-right==0.0.2",
"rpds-py==0.17.1",
"rtree==1.2.0",
"safetensors==0.4.2",
"scikit-image==0.21.0",
"scikit-learn==1.4.0",
"scipy==1.12.0",
"semantic-version==2.10.0",
"sentencepiece==0.1.99",
"setuptools==69.0.3",
"shapely==2.0.2",
"six==1.16.0",
"smmap==5.0.1",
"sniffio==1.3.0",
"sounddevice==0.4.6",
"spandrel==0.1.6",
"starlette==0.26.1",
"svg.path==6.3",
"svglib==1.5.1",
"sympy==1.12",
"tabulate==0.9.0",
"tb-nightly==2.16.0a20240204",
"tensorboard-data-server==0.7.2",
"termcolor==2.4.0",
"tf-keras-nightly==2.16.0.dev2024020410",
"threadpoolctl==3.2.0",
"tifffile==2024.1.30",
"timm==0.9.12",
"tinycss2==1.2.1",
"tokenizers==0.13.3",
"tomesd==0.1.3",
"tomli==2.0.1",
"toolz==0.12.1",
"torch==2.1.2+cu121",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.16.2+cu121",
"tqdm==4.66.1",
"trampoline==0.1.2",
"transformers==4.30.2",
"trimesh==4.1.3",
"typing-extensions==4.9.0",
"tzdata==2023.4",
"urllib3==2.2.0",
"uvicorn==0.27.0.post1",
"vhacdx==0.0.5",
"wcwidth==0.2.13",
"webencodings==0.5.1",
"websockets==11.0.3",
"werkzeug==3.0.1",
"wheel==0.42.0",
"yacs==0.1.8",
"yapf==0.40.2",
"yarl==1.9.4",
"zipp==3.17.0"
]
}

Console logs

2024-02-06 22:32:46,259 - ControlNet - INFO - ControlNet Input Mode: InputMode.SIMPLEโ–ˆโ–ˆโ–ˆโ–ˆ| 4/4 [00:01<00:00,  3.51it/s]
*** Error running process: D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\SD\Forge\webui\modules\scripts.py", line 798, in process
        script.process(p, *script_args)
      File "D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 480, in process
        self.process_unit_after_click_generate(p, unit, params, *args, **kwargs)
      File "D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 266, in process_unit_after_click_generate
        input_list, resize_mode = self.get_input_data(p, unit, preprocessor)
      File "D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 205, in get_input_data
        mask = HWC3(np.asarray(a1111_i2i_mask))
      File "D:\SD\Forge\webui\modules_forge\forge_util.py", line 13, in HWC3
        assert x.dtype == np.uint8
    AssertionError

---
*** Error running process_before_every_sampling: D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\SD\Forge\webui\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "D:\SD\Forge\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\SD\Forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 487, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
    KeyError: 0

Additional information

No response

[Bug]: Controlllite does not work on certain generation dims

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Controlllite reports error when given certain generation dimensions.

Steps to reproduce the problem

  1. Set generation dimension to 1000 x 512. After some testing, width of range 1000 ~ 1023 all cause generation error, while 999 and 1024 can successfully generate.
  2. Set preprocessor canny. Select model kohya_controllllite_xl_canny [2ed264be]
  3. Click generate

What should have happened?

Generate without error.

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

No extra cmd args

Console logs

2024-02-06 11:50:35,860 - ControlNet - INFO - ControlNet Input Mode: InputMode.SIMPLE
2024-02-06 11:50:35,863 - ControlNet - DEBUG - Use numpy seed 2811570952.
2024-02-06 11:50:35,864 - ControlNet - INFO - Using preprocessor: canny
2024-02-06 11:50:35,864 - ControlNet - INFO - preprocessor resolution = 512
2024-02-06 11:50:36,083 - ControlNet - INFO - Current ControlNet ControlLLLitePatcher: D:\stable-diffusion-webui-forge\models\ControlNet\kohya_controllllite_xl_canny.safetensors
To load target model SDXLClipModel
Begin to load 1 model
unload clone 1
Moving model(s) has taken 1.74 seconds
136 modules
2024-02-06 11:50:38,496 - ControlNet - INFO - ControlNet Method canny patched.
To load target model SDXL
Begin to load 1 model
unload clone 1
Moving model(s) has taken 3.86 seconds
  0%|                                                                                                                                                                                    | 0/20 [00:00<?, ?it/s] 
*** Error completing request
*** Arguments: ('task(w3n0unedbiec9ho)', <gradio.routes.Request object at 0x0000015F8ABCA380>, '', '', [], 20, 'DPM++ 2M Karras', 1, 1, 7, 512, 1023, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', '', '', [], 0, False, '', 0.8, -1, False, -1, 0, 0, 0, UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=True, module='canny', model='kohya_controllllite_xl_canny [2ed264be]', weight=1, image={'image': array([[[154, 167, 137],     
***         [155, 168, 138],
***         [155, 168, 138],
***         ...,
***         [ 58,  50,  48],
***         [ 57,  49,  47],
***         [ 56,  48,  46]],
***
***        [[154, 167, 137],
***         [154, 167, 137],
***         [154, 167, 137],
***         ...,
***         [ 58,  50,  48],
***         [ 57,  49,  47],
***         [ 57,  49,  47]],
***
***        [[153, 166, 136],
***         [153, 166, 136],
***         [153, 166, 136],
***         ...,
***         [ 58,  50,  48],
***         [ 57,  49,  47],
***         [ 57,  49,  47]],
***
***        ...,
***
***        [[217, 207, 197],
***         [217, 207, 197],
***         [216, 206, 196],
***         ...,
***         [252, 251, 247],
***         [252, 251, 247],
***         [252, 251, 247]],
***
***        [[217, 207, 197],
***         [217, 207, 197],
***         [217, 207, 197],
***         ...,
***         [252, 251, 247],
***         [252, 251, 247],
***         [252, 251, 247]],
***
***        [[217, 207, 197],
***         [218, 208, 198],
***         [218, 208, 198],
***         ...,
***         [252, 251, 247],
***         [252, 251, 247],
***         [252, 251, 247]]], dtype=uint8), 'mask': array([[[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        ...,
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]]], dtype=uint8)}, resize_mode='Crop and Resize', processor_res=512, threshold_a=100, threshold_b=200, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), False, 1.01, 1.02, 0.99, 0.95, False, 256, 2, 0, False, False, 3, 2, 0, 0.35, True, 'bicubic', 'bicubic', False, 0.5, 2, False, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {}
    Traceback (most recent call last):
      File "D:\stable-diffusion-webui-forge\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
      File "D:\stable-diffusion-webui-forge\modules\call_queue.py", line 36, in f
        res = func(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\modules\txt2img.py", line 110, in txt2img
        processed = processing.process_images(p)
      File "D:\stable-diffusion-webui-forge\modules\processing.py", line 749, in process_images
        res = process_images_inner(p)
      File "D:\stable-diffusion-webui-forge\modules\processing.py", line 920, in process_images_inner
        samples_ddim = p.sample(conditioning=p.c, unconditional_conditioning=p.uc, seeds=p.seeds, subseeds=p.subseeds, subseed_strength=p.subseed_strength, prompts=p.prompts)
      File "D:\stable-diffusion-webui-forge\modules\processing.py", line 1275, in sample
        samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x))
      File "D:\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 251, in sample
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "D:\stable-diffusion-webui-forge\modules\sd_samplers_common.py", line 260, in launch_sampling
        return func()
      File "D:\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 251, in <lambda>
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\sampling.py", line 594, in sample_dpmpp_2m
        denoised = model(x, sigmas[i] * s_in, **extra_args)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\modules\sd_samplers_cfg_denoiser.py", line 179, in forward
        denoised = forge_sampler.forge_sample(self, denoiser_params=denoiser_params,
      File "D:\stable-diffusion-webui-forge\modules_forge\forge_sampler.py", line 82, in forge_sample
        denoised = sampling_function(model, x, timestep, uncond, cond, cond_scale, model_options, seed)
      File "D:\stable-diffusion-webui-forge\ldm_patched\modules\samplers.py", line 282, in sampling_function
        cond_pred, uncond_pred = calc_cond_uncond_batch(model, cond, uncond_, x, timestep, model_options)
      File "D:\stable-diffusion-webui-forge\ldm_patched\modules\samplers.py", line 253, in calc_cond_uncond_batch
        output = model.apply_model(input_x, timestep_, **c).chunk(batch_chunks)
      File "D:\stable-diffusion-webui-forge\ldm_patched\modules\model_base.py", line 85, in apply_model
        model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float()
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\ldm_patched\ldm\modules\diffusionmodules\openaimodel.py", line 860, in forward
        h = forward_timestep_embed(module, h, emb, context, transformer_options, time_context=time_context, num_video_frames=num_video_frames, image_only_indicator=image_only_indicator)
      File "D:\stable-diffusion-webui-forge\ldm_patched\ldm\modules\diffusionmodules\openaimodel.py", line 48, in forward_timestep_embed
        x = layer(x, context, transformer_options)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\ldm_patched\ldm\modules\attention.py", line 613, in forward
        x = block(x, context=context[i], transformer_options=transformer_options)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\ldm_patched\ldm\modules\attention.py", line 440, in forward
        return checkpoint(self._forward, (x, context, transformer_options), self.parameters(), self.checkpoint)
      File "D:\stable-diffusion-webui-forge\ldm_patched\ldm\modules\diffusionmodules\util.py", line 189, in checkpoint
        return func(*inputs)
      File "D:\stable-diffusion-webui-forge\ldm_patched\ldm\modules\attention.py", line 479, in _forward
        n, context_attn1, value_attn1 = p(n, context_attn1, value_attn1, extra_options)
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlllite\lib_controllllite\lib_controllllite.py", line 102, in __call__
        q = q + self.modules[module_pfx_to_q](q)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlllite\lib_controllllite\lib_controllllite.py", line 234, in forward
        cx = torch.cat([cx, self.down(x)], dim=1 if self.is_conv2d else 2)
    RuntimeError: Sizes of tensors must match except in dimension 2. Expected size 2016 but got size 2048 for tensor number 1 in the list.

Additional information

No response

[Bug]: IP Adapters and InstantID controlnet not working

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

I can use the other control preprocessors and models ok except for IP Adapters and InstantID. I keep getting this error message:

*** Error running process_before_every_sampling: C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
Traceback (most recent call last):
File "C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\modules\scripts.py", line 830, in process_before_every_sampling
script.process_before_every_sampling(p, *script_args, **kwargs)
File "C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils_contextlib.py", line 115, in decorate_context
return func(*args, **kwargs)
File "C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 457, in process_before_every_sampling
self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
KeyError: 0

Steps to reproduce the problem

Load image and select the settings

What should have happened?

Image generation

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

NA

Console logs

*** Error running process_before_every_sampling: C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "C:\Users\xxxx\Documents\SD-webUI-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 457, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
    KeyError: 0

Additional information

No response

ADetailer ControlNet support

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Adetailer's controlnet module is disabled when using it with forge. All other functionalities seem to be intact other than this.
Hovering over the option for selecting a CN model changes the cursor to a 'stop' sign, and the sliders cannot be adjusted.

Steps to reproduce the problem

  1. Install adetailer extension on newly installed forge.
  2. Restart forge-ui.
  3. Controlnet Module cannot be changed/is disabled.

What should have happened?

Controlnet module should be fully operable given that Controlnet is natively installed in forge-ui.

What browsers do you use to access the UI ?

Mozilla Firefox

Sysinfo

I had deleted my forge-ui yesterday, only thought to report it now.

Console logs

no log.

Additional information

No response

[Bug]: DirectML not launching

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Tried to launch webui through webui-user.bat and it can't. Seems like torch_directml doesn't get installed and that the program supposes that i'm using a cuda compatible gpu.

Steps to reproduce the problem

  1. Git clone stable-diffusion-webui-forge
  2. Add --directml --skip-torch-cuda-test to COMMANDLINE_ARGS in webui-user.bat
  3. Launch webui-user.bat

What should have happened?

It should have launched the UI.

What browsers do you use to access the UI ?

Mozilla Firefox

Sysinfo

I couldn't get the sysinfo dump either

  File "C:\stable-diffusion-webui-forge\launch.py", line 48, in <module>
    main()
  File "C:\stable-diffusion-webui-forge\launch.py", line 29, in main
    filename = launch_utils.dump_sysinfo()
  File "C:\stable-diffusion-webui-forge\modules\launch_utils.py", line 516, in dump_sysinfo
    from modules import sysinfo
  File "C:\stable-diffusion-webui-forge\modules\sysinfo.py", line 12, in <module>
    from modules import paths_internal, timer, shared, extensions, errors
  File "C:\stable-diffusion-webui-forge\modules\shared.py", line 6, in <module>
    from modules import shared_cmd_options, shared_gradio_themes, options, shared_items, sd_models_types
  File "C:\stable-diffusion-webui-forge\modules\sd_models_types.py", line 1, in <module>
    from ldm.models.diffusion.ddpm import LatentDiffusion
ModuleNotFoundError: No module named 'ldm'```

### Console logs

```Shell
venv "C:\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.7-latest-41-g6aee7a20
Commit hash: 6aee7a20329b4a0e10b87d841d680562bdde65c7
Launching Web UI with arguments: --directml --skip-torch-cuda-test
Traceback (most recent call last):
  File "C:\stable-diffusion-webui-forge\launch.py", line 48, in <module>
    main()
  File "C:\stable-diffusion-webui-forge\launch.py", line 44, in main
    start()
  File "C:\stable-diffusion-webui-forge\modules\launch_utils.py", line 508, in start
    import webui
  File "C:\stable-diffusion-webui-forge\webui.py", line 15, in <module>
    initialize_forge()
  File "C:\stable-diffusion-webui-forge\modules_forge\initialization.py", line 46, in initialize_forge
    import ldm_patched.modules.model_management as model_management
  File "C:\stable-diffusion-webui-forge\ldm_patched\modules\model_management.py", line 38, in <module>
    import torch_directml
ModuleNotFoundError: No module named 'torch_directml'

Additional information

The DirectML fork of a1111 webui works fine on my AMD Ryzen 3500U Vega 8 laptop APU (2x4GB 2400MHz).

[Bug]: Live Preview image not shown at full quality despite setting to "Full" (Config: "show_progress_type": "Full")

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Preview image during generation is never "full quality" even if set as full. Compared all settings between my current A1111 setup (latest dev build) and Forge and they all match. Config.json also has "show_progress_type": "Full" for both, but A1111 does what it should and generates/displays the full image during generating - Forge displays a degraded image.

65141
332131

Steps to reproduce the problem

set UI for full quality previews and check.

What should have happened?

full quality preview

What browsers do you use to access the UI ?

No response

Sysinfo

Edit/Including:

Details

{
    "Platform": "Windows-10-10.0.19045-SP0",
    "Python": "3.10.6",
    "Version": "f0.0.9-latest-51-g5bea443d",
    "Commit": "5bea443d94f3a85f819cb8541c1bba0aac208d83",
    "Script path": "D:\\stable-diffusion-webui-forge",
    "Data path": "D:\\stable-diffusion-webui-forge",
    "Extensions dir": "D:\\stable-diffusion-webui-forge\\extensions",
    "Checksum": "e02ad33627cf67731f3fb6de7af4af9c257551750c868af4f8f63db81aaa30ef",
    "Commandline": [
        "launch.py",
        "--ckpt-dir",
        "e:\\stable Diffusion Checkpoints"
    ],
    "Torch env info": {
        "torch_version": "2.1.2+cu121",
        "is_debug_build": "False",
        "cuda_compiled_version": "12.1",
        "gcc_version": null,
        "clang_version": null,
        "cmake_version": null,
        "os": "Microsoft Windows 10 Pro",
        "libc_version": "N/A",
        "python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] (64-bit runtime)",
        "python_platform": "Windows-10-10.0.19045-SP0",
        "is_cuda_available": "True",
        "cuda_runtime_version": "12.1.66\r",
        "cuda_module_loading": "LAZY",
        "nvidia_driver_version": "551.23",
        "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 4090",
        "cudnn_version": null,
        "pip_version": "pip3",
        "pip_packages": [
            "numpy==1.26.2",
            "open-clip-torch==2.20.0",
            "pytorch-lightning==1.9.4",
            "torch==2.1.2+cu121",
            "torchdiffeq==0.2.3",
            "torchmetrics==1.3.0.post0",
            "torchsde==0.2.6",
            "torchvision==0.16.2+cu121"
        ],
        "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=3200",
            "DeviceID=CPU0",
            "Family=207",
            "L2CacheSize=16384",
            "L2CacheSpeed=",
            "Manufacturer=GenuineIntel",
            "MaxClockSpeed=3200",
            "Name=Intel(R) Core(TM) i9-14900K",
            "ProcessorType=3",
            "Revision="
        ]
    },
    "Exceptions": [
        {
            "exception": "could not convert string to float: 'Sum'",
            "traceback": [
                [
                    "D:\\stable-diffusion-webui-forge\\modules\\scripts.py, line 790, before_process",
                    "script.before_process(p, *script_args)"
                ],
                [
                    "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-model-mixer\\scripts\\model_mixer.py, line 3071, before_process",
                    "if type(alpha) == str: alpha = float(alpha)"
                ]
            ]
        },
        {
            "exception": "could not convert string to float: 'Sum'",
            "traceback": [
                [
                    "D:\\stable-diffusion-webui-forge\\modules\\scripts.py, line 790, before_process",
                    "script.before_process(p, *script_args)"
                ],
                [
                    "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-model-mixer\\scripts\\model_mixer.py, line 3071, before_process",
                    "if type(alpha) == str: alpha = float(alpha)"
                ]
            ]
        },
        {
            "exception": "Value after * must be an iterable, not NoneType",
            "traceback": [
                [
                    "D:\\stable-diffusion-webui-forge\\modules\\script_callbacks.py, line 142, app_started_callback",
                    "c.callback(demo, app)"
                ],
                [
                    "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-supermerger\\scripts\\GenParamGetter.py, line 90, get_params_components",
                    "inputs=[*components.msettings,components.esettings1,*components.genparams,*components.hiresfix,*components.lucks,components.currentmodel,components.dfalse,*components.txt2img_params],"
                ]
            ]
        },
        {
            "exception": "cannot unpack non-iterable OutputPanel object",
            "traceback": [
                [
                    "D:\\stable-diffusion-webui-forge\\modules\\script_callbacks.py, line 169, ui_tabs_callback",
                    "res += c.callback() or []"
                ],
                [
                    "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-supermerger\\scripts\\supermerger.py, line 406, on_ui_tabs",
                    "mgallery, mgeninfo, mhtmlinfo, mhtmllog = create_output_panel(\"txt2img\", opts.outdir_txt2img_samples)"
                ]
            ]
        }
    ],
    "CPU": {
        "model": "Intel64 Family 6 Model 183 Stepping 1, GenuineIntel",
        "count logical": 32,
        "count physical": 24
    },
    "RAM": {
        "total": "64GB",
        "used": "13GB",
        "free": "51GB"
    },
    "Extensions": [
        {
            "name": "a2-adetailer",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\a2-adetailer",
            "version": "8f01dfda",
            "branch": "main",
            "remote": "https://github.com/Bing-su/adetailer.git"
        },
        {
            "name": "b1111-sd-webui-tagcomplete",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\b1111-sd-webui-tagcomplete",
            "version": "829a4a7b",
            "branch": "main",
            "remote": "https://github.com/DominikDoom/a1111-sd-webui-tagcomplete.git"
        },
        {
            "name": "frame2frame",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\frame2frame",
            "version": "",
            "branch": null,
            "remote": null
        },
        {
            "name": "sd-Img2img-batch-interrogator",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-Img2img-batch-interrogator",
            "version": "7f4e4eb0",
            "branch": "main",
            "remote": "https://github.com/Alvi-alvarez/sd-Img2img-batch-interrogator.git"
        },
        {
            "name": "sd-canvas-editor",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-canvas-editor",
            "version": "e4c9e15f",
            "branch": "master",
            "remote": "https://github.com/jtydhr88/sd-canvas-editor.git"
        },
        {
            "name": "sd-dynamic-prompts",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-dynamic-prompts",
            "version": "284d3ef3",
            "branch": "main",
            "remote": "https://github.com/adieyal/sd-dynamic-prompts.git"
        },
        {
            "name": "sd-extension-system-info",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-extension-system-info",
            "version": "363d4417",
            "branch": "main",
            "remote": "https://github.com/vladmandic/sd-extension-system-info.git"
        },
        {
            "name": "sd-webui-animatediff",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-animatediff",
            "version": "e9db9f28",
            "branch": "master",
            "remote": "https://github.com/continue-revolution/sd-webui-animatediff.git"
        },
        {
            "name": "sd-webui-aspect-ratio-helper",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-aspect-ratio-helper",
            "version": "99fcf9b0",
            "branch": "main",
            "remote": "https://github.com/thomasasfk/sd-webui-aspect-ratio-helper.git"
        },
        {
            "name": "sd-webui-cads",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-cads",
            "version": "a821b207",
            "branch": "main",
            "remote": "https://github.com/v0xie/sd-webui-cads.git"
        },
        {
            "name": "sd-webui-inpaint-anything",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-inpaint-anything",
            "version": "a08995a7",
            "branch": "main",
            "remote": "https://github.com/Uminosachi/sd-webui-inpaint-anything.git"
        },
        {
            "name": "sd-webui-model-mixer",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-model-mixer",
            "version": "519beda8",
            "branch": "master",
            "remote": "https://github.com/wkpark/sd-webui-model-mixer.git"
        },
        {
            "name": "sd-webui-mosaic-outpaint",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-mosaic-outpaint",
            "version": "709c60ac",
            "branch": "main",
            "remote": "https://github.com/Haoming02/sd-webui-mosaic-outpaint.git"
        },
        {
            "name": "sd-webui-stablesr",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-stablesr",
            "version": "4499d796",
            "branch": "master",
            "remote": "https://github.com/pkuliyi2015/sd-webui-stablesr.git"
        },
        {
            "name": "sd-webui-supermerger",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-supermerger",
            "version": "f2be9fa8",
            "branch": "main",
            "remote": "https://github.com/hako-mikan/sd-webui-supermerger.git"
        },
        {
            "name": "sd-webui-zmultidiffusion-upscaler-for-automatic1111",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-zmultidiffusion-upscaler-for-automatic1111",
            "version": "fbb24736",
            "branch": "main",
            "remote": "https://github.com/pkuliyi2015/multidiffusion-upscaler-for-automatic1111.git"
        },
        {
            "name": "stable-diffusion-webui-giant-kitten",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\stable-diffusion-webui-giant-kitten",
            "version": "1d2362d2",
            "branch": "master",
            "remote": "https://github.com/klimaleksus/stable-diffusion-webui-giant-kitten.git"
        },
        {
            "name": "stable-diffusion-webui-model-toolkit",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\stable-diffusion-webui-model-toolkit",
            "version": "cf824587",
            "branch": "master",
            "remote": "https://github.com/arenasys/stable-diffusion-webui-model-toolkit.git"
        },
        {
            "name": "stable-diffusion-webui-rembg",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\stable-diffusion-webui-rembg",
            "version": "a4c07b85",
            "branch": "master",
            "remote": "https://github.com/AUTOMATIC1111/stable-diffusion-webui-rembg.git"
        }
    ],
    "Inactive extensions": [
        {
            "name": "extension-style-vars",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\extension-style-vars",
            "version": "7e528995",
            "branch": "master",
            "remote": "https://github.com/SirVeggie/extension-style-vars"
        },
        {
            "name": "sd-webui-freeu",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-freeu",
            "version": "08a1734f",
            "branch": "main",
            "remote": "https://github.com/ljleb/sd-webui-freeu"
        },
        {
            "name": "sd-webui-replacer",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\sd-webui-replacer",
            "version": "6f8b5807",
            "branch": "master",
            "remote": "https://github.com/light-and-ray/sd-webui-replacer.git"
        },
        {
            "name": "ultimate-upscale-for-automatic1111",
            "path": "D:\\stable-diffusion-webui-forge\\extensions\\ultimate-upscale-for-automatic1111",
            "version": "728ffcec",
            "branch": "master",
            "remote": "https://github.com/Coyote-A/ultimate-upscale-for-automatic1111.git"
        }
    ],
    "Environment": {
        "COMMANDLINE_ARGS": "--ckpt-dir \"e:\\stable Diffusion Checkpoints\"",
        "GRADIO_ANALYTICS_ENABLED": "False"
    },
    "Config": {
        "ldsr_steps": 100,
        "ldsr_cached": false,
        "SCUNET_tile": 256,
        "SCUNET_tile_overlap": 8,
        "SWIN_tile": 192,
        "SWIN_tile_overlap": 8,
        "SWIN_torch_compile": false,
        "control_net_detectedmap_dir": "detected_maps",
        "control_net_models_path": "D:\\stable-diffusion-webui\\extensions\\3sd-webui-controlnet",
        "control_net_modules_path": "",
        "control_net_unit_count": 3,
        "control_net_model_cache_size": 5,
        "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_input_thumbnail": true,
        "sd_checkpoint_hash": "6ce0161689b3853acaa03779ec93eafe75a02f4ced659bee03f50797806fa2fa",
        "sd_model_checkpoint": "SDXL\\v1-5-pruned-emaonly.safetensors",
        "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",
        "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.0,
        "target_side_length": 4000.0,
        "img_max_size_mp": 200.0,
        "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,
        "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,
        "auto_backcompat": 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,
        "use_downcasted_alpha_bar": false,
        "lora_functional": false,
        "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.0,
        "extra_networks_card_height": 0.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_tree_view_default_enabled": false,
        "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",
        "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,
        "lora_not_found_warning_console": false,
        "lora_not_found_gradio_warning": false,
        "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,
        "pad_cond_uncond_v0": false,
        "persistent_cond_cache": true,
        "batch_cond_uncond": true,
        "fp8_storage": "Disable",
        "cache_fp16_weight": 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.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,
        "sd_noise_schedule": "Default",
        "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,
        "upcast_attn": false,
        "randn_source": "GPU",
        "tiling": false,
        "hires_fix_refiner_pass": "second pass",
        "sdxl_crop_top": 0.0,
        "sdxl_crop_left": 0.0,
        "sdxl_refiner_low_aesthetic_score": 2.5,
        "sdxl_refiner_high_aesthetic_score": 6.0,
        "sd_vae_checkpoint_cache": 0,
        "sd_vae_overrides_per_model_preferences": true,
        "auto_vae_precision_bfloat16": false,
        "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,
        "overlay_inpaint": true,
        "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.0,
        "sd_webui_modal_lightbox_icon_opacity": 1,
        "sd_webui_modal_lightbox_toolbar_opacity": 0.9,
        "gallery_height": "",
        "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": false,
        "show_progress_every_n_steps": -1,
        "show_progress_type": "Full",
        "live_preview_allow_lowvram_full": false,
        "live_preview_content": "Combined",
        "live_preview_refresh_period": 1000.0,
        "live_preview_fast_interrupt": true,
        "js_live_preview_in_modal_lightbox": true,
        "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,
        "extra_options_txt2img": [],
        "extra_options_img2img": [],
        "extra_options_cols": 1,
        "extra_options_accordion": false,
        "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,
        "interrupt_after_current": true,
        "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,
        "api_enable_requests": true,
        "api_forbid_local_requests": true,
        "api_useragent": "",
        "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,
        "enable_upscale_progressbar": true,
        "print_hypernet_extra": false,
        "list_hidden_files": true,
        "disable_mmap_load_safetensors": false,
        "hide_ldm_prints": true,
        "dump_stacks_on_signal": false,
        "face_restoration": false,
        "face_restoration_model": "CodeFormer",
        "code_former_weight": 0.5,
        "face_restoration_unload": false,
        "postprocessing_enable_in_main_ui": [],
        "postprocessing_operation_order": [],
        "upscaling_max_images_in_cache": 5,
        "postprocessing_existing_caption_action": "Ignore",
        "ESRGAN_tile": 192,
        "ESRGAN_tile_overlap": 8,
        "realesrgan_enabled_models": [
            "R-ESRGAN 4x+",
            "R-ESRGAN 4x+ Anime6B"
        ],
        "dat_enabled_models": [
            "DAT x2",
            "DAT x3",
            "DAT x4"
        ],
        "DAT_tile": 192,
        "DAT_tile_overlap": 8,
        "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.0,
        "training_xattention_optimizations": false,
        "training_enable_tensorboard": false,
        "training_tensorboard_save_images": false,
        "training_tensorboard_flush_every": 120.0,
        "canvas_hotkey_zoom": "Alt",
        "canvas_hotkey_adjust": "Ctrl",
        "canvas_hotkey_shrink_brush": "Q",
        "canvas_hotkey_grow_brush": "W",
        "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"
        ],
        "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.0,
        "interrogate_clip_skip_categories": [],
        "interrogate_deepbooru_score_threshold": 0.5,
        "deepbooru_sort_alpha": true,
        "deepbooru_use_spaces": true,
        "deepbooru_escape": true,
        "deepbooru_filter_tags": "",
        "control_net_inpaint_blur_sigma": 7,
        "controlnet_ignore_noninpaint_mask": false,
        "controlnet_clip_detector_on_cpu": false,
        "ad_max_models": 2,
        "ad_extra_models_dir": "D:\\stable-diffusion-webui\\models",
        "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,
        "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,
        "tac_showAllResults": false,
        "tac_resultStepLength": 100,
        "tac_delayTime": 100,
        "tac_useWildcards": true,
        "tac_sortWildcardResults": true,
        "tac_wildcardExclusionList": "",
        "tac_skipWildcardRefresh": false,
        "tac_useEmbeddings": true,
        "tac_includeEmbeddingsInNormalResults": false,
        "tac_useHypernetworks": true,
        "tac_useLoras": true,
        "tac_useLycos": true,
        "tac_useLoraPrefixForLycos": true,
        "tac_showWikiLinks": false,
        "tac_showExtraNetworkPreviews": true,
        "tac_modelSortOrder": "Name",
        "tac_useStyleVars": false,
        "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\": \"Home\",\n    \"JumpToEnd\": \"End\",\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",
        "style_vars_enabled": true,
        "style_vars_random": false,
        "style_vars_hires": false,
        "style_vars_linebreaks": true,
        "style_vars_info": true,
        "polotno_api_key": "bHEpG9Rp0Nq9XrLcwFNu",
        "canvas_editor_default_width": 1024,
        "canvas_editor_default_height": 1024,
        "animatediff_model_path": "",
        "animatediff_optimize_gif_palette": false,
        "animatediff_optimize_gif_gifsicle": false,
        "animatediff_mp4_crf": 23,
        "animatediff_mp4_preset": "",
        "animatediff_mp4_tune": "",
        "animatediff_webp_quality": 80,
        "animatediff_webp_lossless": false,
        "animatediff_save_to_custom": false,
        "animatediff_xformers": "Optimize attention layers with xformers",
        "animatediff_disable_lcm": false,
        "animatediff_s3_enable": false,
        "animatediff_s3_host": "",
        "animatediff_s3_port": "",
        "animatediff_s3_access_key": "",
        "animatediff_s3_secret_key": "",
        "animatediff_s3_storge_bucket": "",
        "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.0,
        "arh_show_min_width_or_height": false,
        "arh_min_width_or_height": 1024.0,
        "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%)",
        "freeu_png_info_auto_enable": true,
        "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": "",
        "mm_max_models": 3,
        "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": true,
        "mm_laplib": "lap",
        "mm_use_fast_weighted_sum": true,
        "mm_use_precalculate_hash": false,
        "mm_use_model_dl": false,
        "mm_default_config_lock": false,
        "mm_civitai_api_key": "",
        "replacer_use_first_positive_prompt_from_examples": true,
        "replacer_use_first_negative_prompt_from_examples": true,
        "replacer_hide_segment_anything_accordions": false,
        "replacer_always_unload_models": "Automatic",
        "replacer_detection_prompt_examples": "",
        "replacer_avoidance_prompt_examples": "",
        "replacer_positive_prompt_examples": "",
        "replacer_negative_prompt_examples": "",
        "replacer_hf_positive_prompt_suffix_examples": "",
        "replacer_examples_per_page_for_detection_prompt": 10,
        "replacer_examples_per_page_for_avoidance_prompt": 10,
        "replacer_examples_per_page_for_positive_prompt": 10,
        "replacer_examples_per_page_for_negative_prompt": 10,
        "replacer_save_dir": "outputs\\replacer",
        "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,
        "disabled_extensions": [
            "extension-style-vars",
            "sd-webui-freeu",
            "sd-webui-replacer",
            "ultimate-upscale-for-automatic1111"
        ],
        "disable_all_extensions": "none",
        "sd_vae": "vae-ft-mse-840000-ema-pruned.pt",
        "CLIP_stop_at_last_layers": 1
    },
    "Startup": {
        "total": 10.91050410270691,
        "records": {
            "initial startup": 0.009966611862182617,
            "prepare environment/checks": 0.0029900074005126953,
            "prepare environment/git version info": 0.019933223724365234,
            "prepare environment/torch GPU test": 0.9308855533599854,
            "prepare environment/clone repositores": 0.06478333473205566,
            "prepare environment/run extensions installers/a2-adetailer": 0.06876993179321289,
            "prepare environment/run extensions installers/b1111-sd-webui-tagcomplete": 0.0,
            "prepare environment/run extensions installers/frame2frame": 0.0627899169921875,
            "prepare environment/run extensions installers/sd-canvas-editor": 0.0,
            "prepare environment/run extensions installers/sd-dynamic-prompts": 0.07474970817565918,
            "prepare environment/run extensions installers/sd-extension-system-info": 0.06179332733154297,
            "prepare environment/run extensions installers/sd-Img2img-batch-interrogator": 0.0,
            "prepare environment/run extensions installers/sd-webui-animatediff": 0.0,
            "prepare environment/run extensions installers/sd-webui-aspect-ratio-helper": 0.0,
            "prepare environment/run extensions installers/sd-webui-cads": 0.0,
            "prepare environment/run extensions installers/sd-webui-inpaint-anything": 0.06378674507141113,
            "prepare environment/run extensions installers/sd-webui-model-mixer": 0.0,
            "prepare environment/run extensions installers/sd-webui-mosaic-outpaint": 0.0,
            "prepare environment/run extensions installers/sd-webui-stablesr": 0.0,
            "prepare environment/run extensions installers/sd-webui-supermerger": 0.0627899169921875,
            "prepare environment/run extensions installers/sd-webui-zmultidiffusion-upscaler-for-automatic1111": 0.0,
            "prepare environment/run extensions installers/stable-diffusion-webui-giant-kitten": 0.0,
            "prepare environment/run extensions installers/stable-diffusion-webui-model-toolkit": 0.0,
            "prepare environment/run extensions installers/stable-diffusion-webui-rembg": 0.06179332733154297,
            "prepare environment/run extensions installers": 0.45647287368774414,
            "prepare environment/run extensions_builtin installers/canvas-zoom-and-pan": 0.0009965896606445312,
            "prepare environment/run extensions_builtin installers/extra-options-section": 0.0,
            "prepare environment/run extensions_builtin installers/forge_legacy_preprocessors": 0.14949989318847656,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_inpaint": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_marigold": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_normalbae": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_recolor": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_reference": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_revision": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_tile": 0.0,
            "prepare environment/run extensions_builtin installers/LDSR": 0.0,
            "prepare environment/run extensions_builtin installers/Lora": 0.0,
            "prepare environment/run extensions_builtin installers/mobile": 0.0,
            "prepare environment/run extensions_builtin installers/prompt-bracket-checker": 0.0,
            "prepare environment/run extensions_builtin installers/ScuNET": 0.0009965896606445312,
            "prepare environment/run extensions_builtin installers/sd_forge_controlllite": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_controlnet": 0.15050339698791504,
            "prepare environment/run extensions_builtin installers/sd_forge_controlnet_example": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_freeu": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_hypertile": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_ipadapter": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_kohya_hrfix": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_photomaker": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_sag": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_stylealign": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_svd": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_z123": 0.0,
            "prepare environment/run extensions_builtin installers/soft-inpainting": 0.0,
            "prepare environment/run extensions_builtin installers/SwinIR": 0.0,
            "prepare environment/run extensions_builtin installers": 0.30199646949768066,
            "prepare environment": 1.7920114994049072,
            "launcher": 0.0009970664978027344,
            "import torch": 1.7292141914367676,
            "import gradio": 0.5013227462768555,
            "setup paths": 0.31494641304016113,
            "import ldm": 0.0019931793212890625,
            "import sgm": 0.0,
            "initialize shared": 0.06378674507141113,
            "other imports": 0.31893301010131836,
            "opts onchange": 0.0,
            "setup SD model": 0.0,
            "setup codeformer": 0.0,
            "setup gfpgan": 0.0039865970611572266,
            "set samplers": 0.0,
            "list extensions": 0.0029900074005126953,
            "restore config state file": 0.0,
            "list SD models": 0.21129298210144043,
            "list localizations": 0.0009965896606445312,
            "load scripts/custom_code.py": 0.002990245819091797,
            "load scripts/img2imgalt.py": 0.0,
            "load scripts/loopback.py": 0.0,
            "load scripts/outpainting_mk_2.py": 0.0,
            "load scripts/poor_mans_outpainting.py": 0.0,
            "load scripts/postprocessing_caption.py": 0.0009965896606445312,
            "load scripts/postprocessing_codeformer.py": 0.0,
            "load scripts/postprocessing_create_flipped_copies.py": 0.0,
            "load scripts/postprocessing_focal_crop.py": 0.0029900074005126953,
            "load scripts/postprocessing_gfpgan.py": 0.0,
            "load scripts/postprocessing_split_oversized.py": 0.0,
            "load scripts/postprocessing_upscale.py": 0.0,
            "load scripts/processing_autosized_crop.py": 0.0,
            "load scripts/prompt_matrix.py": 0.0,
            "load scripts/prompts_from_file.py": 0.0,
            "load scripts/sd_upscale.py": 0.0,
            "load scripts/xyz_grid.py": 0.0009965896606445312,
            "load scripts/ldsr_model.py": 0.22125983238220215,
            "load scripts/lora_script.py": 0.06079673767089844,
            "load scripts/scunet_model.py": 0.009966611862182617,
            "load scripts/swinir_model.py": 0.007973194122314453,
            "load scripts/hotkey_config.py": 0.0,
            "load scripts/extra_options_section.py": 0.0,
            "load scripts/legacy_preprocessors.py": 0.004983425140380859,
            "load scripts/preprocessor_inpaint.py": 0.0039865970611572266,
            "load scripts/preprocessor_marigold.py": 0.05182647705078125,
            "load scripts/preprocessor_normalbae.py": 0.001993417739868164,
            "load scripts/preprocessor_recolor.py": 0.0,
            "load scripts/forge_reference.py": 0.0,
            "load scripts/preprocessor_revision.py": 0.0,
            "load scripts/preprocessor_tile.py": 0.0,
            "load scripts/forge_controllllite.py": 0.0039865970611572266,
            "load scripts/controlnet.py": 0.17142653465270996,
            "load scripts/xyz_grid_support.py": 0.0009965896606445312,
            "load scripts/sd_forge_controlnet_example.py": 0.0,
            "load scripts/forge_freeu.py": 0.0009968280792236328,
            "load scripts/forge_hypertile.py": 0.0009965896606445312,
            "load scripts/forge_ipadapter.py": 0.0029900074005126953,
            "load scripts/kohya_hrfix.py": 0.0009965896606445312,
            "load scripts/forge_photomaker.py": 0.0009965896606445312,
            "load scripts/forge_sag.py": 0.0009968280792236328,
            "load scripts/forge_stylealign.py": 0.0009965896606445312,
            "load scripts/forge_svd.py": 0.01096343994140625,
            "load scripts/forge_z123.py": 0.009966611862182617,
            "load scripts/soft_inpainting.py": 0.0,
            "load scripts/!adetailer.py": 0.5700926780700684,
            "load scripts/model_keyword_support.py": 0.003986358642578125,
            "load scripts/shared_paths.py": 0.0,
            "load scripts/tag_autocomplete_helper.py": 0.0657801628112793,
            "load scripts/frame2frame.py": 0.04484987258911133,
            "load scripts/sd_tag_batch.py": 0.0,
            "load scripts/main.py": 0.024916648864746094,
            "load scripts/dynamic_prompting.py": 0.019933462142944336,
            "load scripts/system-info.py": 0.02292323112487793,
            "load scripts/animatediff.py": 0.0438532829284668,
            "load scripts/animatediff_cn.py": 0.0,
            "load scripts/animatediff_i2ibatch.py": 0.0,
            "load scripts/animatediff_infotext.py": 0.0,
            "load scripts/animatediff_infv2v.py": 0.0,
            "load scripts/animatediff_latent.py": 0.0,
            "load scripts/animatediff_lcm.py": 0.0,
            "load scripts/animatediff_logger.py": 0.0009965896606445312,
            "load scripts/animatediff_lora.py": 0.0,
            "load scripts/animatediff_mm.py": 0.0,
            "load scripts/animatediff_output.py": 0.0,
            "load scripts/animatediff_prompt.py": 0.0,
            "load scripts/animatediff_ui.py": 0.0,
            "load scripts/sd_webui_aspect_ratio_helper.py": 0.029900074005126953,
            "load scripts/cads.py": 0.008970022201538086,
            "load scripts/inpaint_anything.py": 0.14551305770874023,
            "load scripts/model_mixer.py": 0.05880331993103027,
            "load scripts/patches.py": 0.0,
            "load scripts/vxa.py": 0.0,
            "load scripts/mos_processing.py": 0.0,
            "load scripts/mosaic.py": 0.012956380844116211,
            "load scripts/stablesr.py": 0.0019936561584472656,
            "load scripts/GenParamGetter.py": 0.0219266414642334,
            "load scripts/supermerger.py": 0.009966611862182617,
            "load scripts/tilediffusion.py": 0.0039865970611572266,
            "load scripts/tilevae.py": 0.0009965896606445312,
            "load scripts/giant-kitten.py": 0.011960029602050781,
            "load scripts/toolkit_gui.py": 0.02890324592590332,
            "load scripts/api.py": 0.3737494945526123,
            "load scripts/postprocessing_rembg.py": 0.0009968280792236328,
            "load scripts/refiner.py": 0.0,
            "load scripts/seed.py": 0.0,
            "load scripts": 2.085024356842041,
            "load upscalers": 0.0009965896606445312,
            "refresh VAE": 0.11561322212219238,
            "refresh textual inversion templates": 0.0,
            "scripts list_optimizers": 0.0,
            "scripts list_unets": 0.0,
            "reload hypernetworks": 0.0009965896606445312,
            "initialize extra networks": 0.0069768428802490234,
            "scripts before_ui_callback": 0.0009965896606445312,
            "create ui": 3.1225531101226807,
            "gradio launch": 0.401655912399292,
            "add APIs": 0.003986835479736328,
            "app_started_callback/lora_script.py": 0.0,
            "app_started_callback/!adetailer.py": 0.0009965896606445312,
            "app_started_callback/tag_autocomplete_helper.py": 0.0009965896606445312,
            "app_started_callback/system-info.py": 0.0009965896606445312,
            "app_started_callback/model_mixer.py": 0.21727323532104492,
            "app_started_callback/api.py": 0.013953447341918945,
            "app_started_callback": 0.23421645164489746
        }
    },
    "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",
        "albumentations==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",
        "av==11.0.0",
        "basicsr==1.4.2",
        "bidict==0.22.1",
        "blendmodes==2022",
        "certifi==2024.2.2",
        "cffi==1.16.0",
        "chardet==5.2.0",
        "charset-normalizer==3.3.2",
        "clean-fid==0.1.35",
        "click==8.1.7",
        "clip==1.0",
        "colorama==0.4.6",
        "coloredlogs==15.0.1",
        "colorlog==6.8.2",
        "contourpy==1.2.0",
        "controlnet-aux==0.0.3",
        "cssselect2==0.7.0",
        "cycler==0.12.1",
        "cython==3.0.8",
        "decorator==4.0.11",
        "deprecation==2.1.0",
        "depth-anything==2024.1.22.0",
        "diffusers==0.25.0",
        "dynamicprompts==0.30.4",
        "easydict==1.11",
        "einops==0.4.1",
        "embreex==2.17.7.post4",
        "exceptiongroup==1.2.0",
        "facexlib==0.3.0",
        "fastapi==0.94.0",
        "ffmpy==0.3.1",
        "filelock==3.13.1",
        "filterpy==1.4.5",
        "flask-cors==4.0.0",
        "flask-socketio==5.3.6",
        "flask==2.2.3",
        "flaskwebgui==0.3.5",
        "flatbuffers==23.5.26",
        "fonttools==4.47.2",
        "frozenlist==1.4.1",
        "fsspec==2024.2.0",
        "ftfy==6.1.3",
        "future==0.18.3",
        "fvcore==0.1.5.post20221221",
        "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",
        "handrefinerportable==2024.1.18.0",
        "httpcore==0.15.0",
        "httpx==0.24.1",
        "huggingface-hub==0.20.3",
        "humanfriendly==10.0",
        "idna==3.6",
        "imageio-ffmpeg==0.4.9",
        "imageio==2.33.1",
        "importlib-metadata==7.0.1",
        "importlib-resources==6.1.1",
        "inflection==0.5.1",
        "insightface==0.7.3",
        "iopath==0.1.9",
        "itsdangerous==2.1.2",
        "jinja2==3.1.3",
        "joblib==1.3.2",
        "jsonmerge==1.8.0",
        "jsonschema-specifications==2023.12.1",
        "jsonschema==4.21.1",
        "kiwisolver==1.4.5",
        "kornia==0.6.7",
        "lama-cleaner==1.2.5",
        "lark==1.1.2",
        "lazy-loader==0.3",
        "lightning-utilities==0.10.1",
        "llvmlite==0.42.0",
        "lmdb==1.4.1",
        "loguru==0.7.2",
        "lxml==5.1.0",
        "mapbox-earcut==1.0.1",
        "markdown-it-py==3.0.0",
        "markdown==3.5.2",
        "markupsafe==2.1.5",
        "matplotlib==3.8.2",
        "mdurl==0.1.2",
        "mediapipe==0.10.9",
        "moviepy==0.2.3.2",
        "mpmath==1.3.0",
        "multidict==6.0.5",
        "networkx==3.2.1",
        "numba==0.59.0",
        "numpy==1.26.2",
        "omegaconf==2.2.3",
        "onnx==1.15.0",
        "onnxruntime==1.17.0",
        "open-clip-torch==2.20.0",
        "opencv-contrib-python==4.9.0.80",
        "opencv-python-headless==4.9.0.80",
        "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.2.1",
        "platformdirs==4.2.0",
        "pooch==1.8.0",
        "portalocker==2.8.2",
        "prettytable==3.9.0",
        "protobuf==3.20.3",
        "psutil==5.9.5",
        "py-cpuinfo==9.0.0",
        "pycollada==0.8",
        "pycparser==2.21",
        "pydantic==1.10.14",
        "pydub==0.25.1",
        "pygments==2.17.2",
        "pymatting==1.1.12",
        "pyparsing==3.1.1",
        "pyreadline3==3.4.1",
        "python-dateutil==2.8.2",
        "python-engineio==4.9.0",
        "python-multipart==0.0.7",
        "python-socketio==5.11.1",
        "pytorch-lightning==1.9.4",
        "pytz==2024.1",
        "pywavelets==1.5.0",
        "pywin32==306",
        "pyyaml==6.0.1",
        "qudida==0.0.4",
        "referencing==0.33.0",
        "regex==2023.12.25",
        "rembg==2.0.50",
        "reportlab==4.0.9",
        "requests==2.31.0",
        "resize-right==0.0.2",
        "rich==13.7.0",
        "rpds-py==0.17.1",
        "rtree==1.2.0",
        "safetensors==0.4.2",
        "scikit-image==0.21.0",
        "scikit-learn==1.4.0",
        "scipy==1.12.0",
        "seaborn==0.13.2",
        "segment-anything==1.0",
        "semantic-version==2.10.0",
        "send2trash==1.8.2",
        "sentencepiece==0.1.99",
        "setuptools==63.2.0",
        "shapely==2.0.2",
        "simple-websocket==1.0.0",
        "six==1.16.0",
        "smmap==5.0.1",
        "sniffio==1.3.0",
        "sounddevice==0.4.6",
        "spandrel==0.1.6",
        "starlette==0.26.1",
        "svg.path==6.3",
        "svglib==1.5.1",
        "sympy==1.12",
        "tabulate==0.9.0",
        "tb-nightly==2.16.0a20240205",
        "tensorboard-data-server==0.7.2",
        "termcolor==2.4.0",
        "tf-keras-nightly==2.16.0.dev2024020510",
        "thop==0.1.1.post2209072238",
        "threadpoolctl==3.2.0",
        "tifffile==2024.1.30",
        "timm==0.9.12",
        "tinycss2==1.2.1",
        "tokenizers==0.13.3",
        "tomesd==0.1.3",
        "tomli==2.0.1",
        "toolz==0.12.1",
        "torch==2.1.2+cu121",
        "torchdiffeq==0.2.3",
        "torchmetrics==1.3.0.post0",
        "torchsde==0.2.6",
        "torchvision==0.16.2+cu121",
        "tqdm==4.66.1",
        "trampoline==0.1.2",
        "transformers==4.30.2",
        "trimesh==4.1.3",
        "typing-extensions==4.9.0",
        "tzdata==2023.4",
        "ultralytics==8.1.9",
        "urllib3==2.2.0",
        "uvicorn==0.27.0.post1",
        "vhacdx==0.0.5",
        "wcwidth==0.2.13",
        "webencodings==0.5.1",
        "websockets==11.0.3",
        "werkzeug==2.2.2",
        "whichcraft==0.6.1",
        "win32-setctime==1.1.0",
        "wsproto==1.2.0",
        "xxhash==3.4.1",
        "yacs==0.1.8",
        "yapf==0.40.2",
        "yarl==1.9.4",
        "zipp==3.17.0"
    ]
}`

Console logs

venv "D:\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.7-latest-41-g6aee7a20
Commit hash: 6aee7a20329b4a0e10b87d841d680562bdde65c7
Launching Web UI with arguments: --ckpt-dir e:\stable Diffusion Checkpoints
Total VRAM 24564 MB, total RAM 65244 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4090 : native
VAE dtype: torch.bfloat16
Using pytorch cross attention
ControlNet preprocessor location: D:\stable-diffusion-webui-forge\models\ControlNetPreprocessor
Loading weights [ba12f15e72] from e:\stable Diffusion Checkpoints\f222\juggernaut_aftermath.safetensors
2024-02-06 01:08:00,613 - ControlNet - INFO - ControlNet UI callback registered.
model_type EPS
UNet ADM Dimension 0
Running on local URL:  http://127.0.0.1:7860

Additional information

It's very late so I can't fill all the info (have to create 1 other bug report) - Wanted to get this listed though - can add system info/anything else in the morning.

Deforum support

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

I get error in console - TypeError: cannot unpack non-iterable OutputPanel object

Steps to reproduce the problem

Deforum not runing in webui

What should have happened?

Webui not show me deforum tab

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

sysinfo-2024-02-07-07-48.json

Console logs

2024-02-07 10:43:03,051 - ControlNet - INFO - ControlNet UI callback registered.
*** Error executing callback ui_tabs_callback for C:\Forge\stable-diffusion-webui-forge\extensions\deforum-for-automatic1111-webui\scripts\deforum.py
    Traceback (most recent call last):
      File "C:\Forge\stable-diffusion-webui-forge\modules\script_callbacks.py", line 169, in ui_tabs_callback
        res += c.callback() or []
      File "C:\Forge\stable-diffusion-webui-forge\extensions\deforum-for-automatic1111-webui\scripts\deforum_helpers\ui_right.py", line 92, in on_ui_tabs
        deforum_gallery, generation_info, html_info, _ = create_output_panel("deforum", opts.outdir_img2img_samples)
    TypeError: cannot unpack non-iterable OutputPanel object

---
model_type EPS
UNet ADM Dimension 0
Running on local URL:  http://127.0.0.1:7860

Additional information

No response

[Bug]: Inpainting fails with batch size > 1

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Inpainting with batch size > 1 causes runtime error due to tensor size mismatch. Inpainting functions properly at batch size = 1.

Steps to reproduce the problem

  1. Go to the inpaint tab.
  2. Attempt to inpaint an image with a batch size greater than 1.

What should have happened?

The inpaint should proceed without errors.

What browsers do you use to access the UI ?

Google Chrome, Microsoft Edge

Sysinfo

Windows 11, Ryzen 7950X, 128gb RAM, RTX 4090

Console logs

venv "C:\ML\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.11.7 (tags/v3.11.7:fa7a6f2, Dec  4 2023, 19:24:49) [MSC v.1937 64 bit (AMD64)]
Version: f0.0.10-latest-61-g65f9c7d4
Commit hash: 65f9c7d442c0e1e1dafaee9da1df587a48b742d0
loading WD14-tagger reqs from C:\ML\stable-diffusion-webui-forge\extensions\stable-diffusion-webui-wd14-tagger\requirements.txt
Checking WD14-tagger requirements.
Legacy Preprocessor init warning: Unable to install insightface automatically. Please try run `pip install insightface` manually.
Launching Web UI with arguments: --xformers --opt-channelslast --autolaunch --listen --enable-insecure-extension-access --skip-python-version-check --always-gpu
Total VRAM 24564 MB, total RAM 126606 MB
WARNING:xformers:A matching Triton is not available, some optimizations will not be enabled
Traceback (most recent call last):
  File "C:\ML\stable-diffusion-webui-forge\venv\Lib\site-packages\xformers\__init__.py", line 55, in _is_triton_available
    from xformers.triton.softmax import softmax as triton_softmax  # noqa
    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\ML\stable-diffusion-webui-forge\venv\Lib\site-packages\xformers\triton\softmax.py", line 11, in <module>
    import triton
ModuleNotFoundError: No module named 'triton'
xformers version: 0.0.24
Set vram state to: HIGH_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4090 : native
VAE dtype: torch.bfloat16
2024-02-06 22:43:26.295470: I tensorflow/core/util/port.cc:113] oneDNN custom operations are on. You may see slightly different numerical results due to floating-point round-off errors from different computation orders. To turn them off, set the environment variable `TF_ENABLE_ONEDNN_OPTS=0`.
WARNING:tensorflow:From C:\ML\stable-diffusion-webui-forge\venv\Lib\site-packages\keras\src\losses.py:2976: The name tf.losses.sparse_softmax_cross_entropy is deprecated. Please use tf.compat.v1.losses.sparse_softmax_cross_entropy instead.

Using xformers cross attention
ControlNet preprocessor location: C:\ML\stable-diffusion-webui-forge\models\ControlNetPreprocessor
Tag Autocomplete: Could not locate model-keyword extension, Lora trigger word completion will be limited to those added through the extra networks menu.
[-] ADetailer initialized. version: 24.1.2, num models: 9
== WD14 tagger /gpu:0, uname_result(system='Windows', node='Desktop', release='10', version='10.0.22621', machine='AMD64') ==
Loading weights [1449e5b0b9] from C:\ML\stable-diffusion-webui-forge\models\Stable-diffusion\animagine-xl-3.0.safetensors
2024-02-06 22:43:31,841 - ControlNet - INFO - ControlNet UI callback registered.
model_type EPS
UNet ADM Dimension 2816
Running on local URL:  http://0.0.0.0:7860
Using xformers attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using xformers attention in VAE
extra {'cond_stage_model.clip_l.text_projection', 'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_g.transformer.text_model.embeddings.position_ids'}
loaded straight to GPU
To load target model SDXL
Begin to load 1 model
Loading VAE weights specified in settings: C:\ML\stable-diffusion-webui-forge\models\VAE\sdxl_vae.safetensors
To load target model SDXLClipModel
Begin to load 1 model
Moving model(s) has taken 0.36 seconds
Model loaded in 5.1s (load weights from disk: 0.6s, forge load real models: 3.6s, load VAE: 0.1s, calculate empty prompt: 0.6s).

To create a public link, set `share=True` in `launch()`.
Startup time: 19.0s (prepare environment: 4.0s, import torch: 2.8s, import gradio: 0.9s, setup paths: 3.7s, other imports: 0.3s, load scripts: 1.5s, create ui: 0.9s, gradio launch: 4.6s).
[-] ADetailer: img2img inpainting detected. adetailer disabled.
INFO:sd_dynamic_prompts.dynamic_prompting:Prompt matrix will create 4 images in a total of 1 batches.
To load target model AutoencoderKL
Begin to load 1 model
  0%|                                                                                           | 0/20 [00:00<?, ?it/s]
*** Error completing request
*** Arguments: ('task(oyle8vwdqzq4xwd)', 2, '1girl', 'lowres, bad anatomy, bad hands, text, error, missing fingers, extra digit, fewer digits, cropped, worst quality, low quality, normal quality, jpeg artifacts, signature, watermark, username, blurry, artist name', [], None, None, {'image': <PIL.Image.Image image mode=RGBA size=960x1280 at 0x268A244CAD0>, 'mask': <PIL.Image.Image image mode=RGB size=960x1280 at 0x268A248B610>}, None, None, None, None, 30, 'DPM++ 2M Karras', 8, 0, 1, 1, 4, 7, 1.5, 0.65, 0.0, 1280, 960, 1, 0, 0, 32, 0, '', '', '', [], False, [], '', <gradio.routes.Request object at 0x00000268A22FECD0>, 0, False, 1, 0.5, 4, 0, 0.5, 2, False, '', 0.8, -1, False, -1, 0, 0, 0, UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), False, 1.01, 1.02, 0.99, 0.95, False, 256, 2, 0, False, False, 3, 2, 0, 0.35, True, 'bicubic', 'bicubic', False, 0.5, 2, False, False, False, {'ad_model': 'face_yolov8n.pt', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, False, 'MultiDiffusion', False, True, 1024, 1024, 96, 96, 48, 4, 'None', 2, False, 10, 1, 1, 64, False, False, False, False, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 3072, 192, True, True, True, False, True, False, 1, False, False, False, 1.1, 1.5, 100, 0.7, False, False, True, False, False, 0, 'Gustavosta/MagicPrompt-Stable-Diffusion', '', '* `CFG Scale` should be 2 or lower.', True, True, '', '', True, 50, True, 1, 0, False, 4, 0.5, 'Linear', 'None', '<p style="margin-bottom:0.75em">Recommended settings: Sampling Steps: 80-100, Sampler: Euler a, Denoising strength: 0.8</p>', 128, 8, ['left', 'right', 'up', 'down'], 1, 0.05, 128, 4, 0, ['left', 'right', 'up', 'down'], False, False, 'positive', 'comma', 0, False, False, 'start', '', '<p style="margin-bottom:0.75em">Will upscale the image by the selected scale factor; use width and height sliders to set tile size</p>', 64, 0, 2, 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {}
    Traceback (most recent call last):
      File "C:\ML\stable-diffusion-webui-forge\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
                   ^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\call_queue.py", line 36, in f
        res = func(*args, **kwargs)
              ^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\img2img.py", line 235, in img2img
        processed = process_images(p)
                    ^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\processing.py", line 749, in process_images
        res = process_images_inner(p)
              ^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\processing.py", line 920, in process_images_inner
        samples_ddim = p.sample(conditioning=p.c, unconditional_conditioning=p.uc, seeds=p.seeds, subseeds=p.subseeds, subseed_strength=p.subseed_strength, prompts=p.prompts)
                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\processing.py", line 1703, in sample
        samples = self.sampler.sample_img2img(self, self.init_latent, x, conditioning, unconditional_conditioning, image_conditioning=self.image_conditioning)
                  ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 197, in sample_img2img
        samples = self.launch_sampling(t_enc + 1, lambda: self.func(self.model_wrap_cfg, xi, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
                  ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\sd_samplers_common.py", line 260, in launch_sampling
        return func()
               ^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 197, in <lambda>
        samples = self.launch_sampling(t_enc + 1, lambda: self.func(self.model_wrap_cfg, xi, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
                                                          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\venv\Lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
               ^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\sampling.py", line 594, in sample_dpmpp_2m
        denoised = model(x, sigmas[i] * s_in, **extra_args)
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\venv\Lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\venv\Lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl
        return forward_call(*args, **kwargs)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "C:\ML\stable-diffusion-webui-forge\modules\sd_samplers_cfg_denoiser.py", line 176, in forward
        noisy_initial_latent = self.init_latent + sigma * torch.randn_like(self.init_latent).to(self.init_latent)
                                                  ~~~~~~^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
    RuntimeError: The size of tensor a (4) must match the size of tensor b (120) at non-singleton dimension 3

Additional information

No response

[Bug]:

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument index in method wrapper_CUDA__index_select)

Steps to reproduce the problem

Installed Forge WebUI, generate first image then message appear

What should have happened?

Should chose the correct GPU

What browsers do you use to access the UI ?

Microsoft Edge

Sysinfo

sysinfo-2024-02-06-11-11.json

Console logs

Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.7-latest-41-g6aee7a20
Commit hash: 6aee7a20329b4a0e10b87d841d680562bdde65c7
Launching Web UI with arguments:
Total VRAM 6144 MB, total RAM 32677 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce GTX 1660 SUPER : native
VAE dtype: torch.float32
Using pytorch cross attention
ControlNet preprocessor location: E:\Forge\webui_forge_cu121_torch21\webui\models\ControlNetPreprocessor
Loading weights [2d5af23726] from E:\Forge\webui_forge_cu121_torch21\webui\models\Stable-diffusion\realismEngineSDXL_v30VAE.safetensors
2024-02-06 14:59:02,793 - ControlNet - INFO - ControlNet UI callback registered.
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 42.2s (prepare environment: 11.1s, import torch: 13.3s, import gradio: 4.5s, setup paths: 4.7s, initialize shared: 0.5s, other imports: 3.2s, load scripts: 2.9s, create ui: 0.6s, gradio launch: 1.7s).
model_type EPS
UNet ADM Dimension 2816
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_g.transformer.text_model.embeddings.position_ids', 'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection'}
Couldn't find VAE named None; using None instead
To load target model SDXLClipModel
Begin to load 1 model
loading stable diffusion model: RuntimeError
Traceback (most recent call last):
  File "threading.py", line 973, in _bootstrap
  File "threading.py", line 1016, in _bootstrap_inner
  File "threading.py", line 953, in run
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\initialize.py", line 162, in load_model
    shared.sd_model  # noqa: B018
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\shared_items.py", line 133, in sd_model
    return modules.sd_models.model_data.get_sd_model()
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models.py", line 509, in get_sd_model
    load_model()
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models.py", line 614, in load_model
    sd_model.cond_stage_model_empty_prompt = get_empty_cond(sd_model)
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models.py", line 536, in get_empty_cond
    d = sd_model.get_learned_conditioning([""])
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models_xl.py", line 36, in get_learned_conditioning
    c = self.conditioner(sdxl_conds, force_zero_embeddings=['txt'] if force_zero_negative_prompt else [])
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
    return forward_call(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\webui\repositories\generative-models\sgm\modules\encoders\modules.py", line 141, in forward
    emb_out = embedder(batch[embedder.input_key])
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
    return forward_call(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_hijack_clip.py", line 234, in forward
    z = self.process_tokens(tokens, multipliers)
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_hijack_clip.py", line 273, in process_tokens
    z = self.encode_with_transformers(tokens)
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules_forge\forge_clip.py", line 50, in encode_with_transformers
    outputs = self.wrapped.transformer(tokens, output_hidden_states=self.wrapped.layer == "hidden")
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
    return forward_call(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\models\clip\modeling_clip.py", line 822, in forward
    return self.text_model(
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
    return forward_call(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\models\clip\modeling_clip.py", line 730, in forward
    hidden_states = self.embeddings(input_ids=input_ids, position_ids=position_ids)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
    return forward_call(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\models\clip\modeling_clip.py", line 227, in forward
    inputs_embeds = self.token_embedding(input_ids)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
    return forward_call(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_hijack.py", line 177, in forward
    inputs_embeds = self.wrapped(input_ids)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
    return forward_call(*args, **kwargs)
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\sparse.py", line 162, in forward
    return F.embedding(
  File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\functional.py", line 2233, in embedding
    return torch.embedding(weight, input, padding_idx, scale_grad_by_freq, sparse)
RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument index in method wrapper_CUDA__index_select)


Stable diffusion model failed to load
Loading weights [2d5af23726] from E:\Forge\webui_forge_cu121_torch21\webui\models\Stable-diffusion\realismEngineSDXL_v30VAE.safetensors
model_type EPS
UNet ADM Dimension 2816
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_g.transformer.text_model.embeddings.position_ids', 'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection'}
Couldn't find VAE named None; using None instead
To load target model SDXLClipModel
Begin to load 1 model
Token merging is under construction now and the setting will not take effect.
*** Error completing request
*** Arguments: ('task(v1jhe6y27xuw8dt)', <gradio.routes.Request object at 0x000002357B55D330>, 'amateur cellphone photography  cute woman with blonde hair at mardi gras, sunset,  (freckles:0.2) . f8.0, samsung galaxy, noise, jpeg artefacts, poor lighting,  low light, underexposed, high contrast', '(watermark:1.2), (text:1.2), (logo:1.2), (3d render:1.2), drawing, painting, crayon', [], 25, 'DPM++ 2M Karras', 1, 1, 4, 512, 512, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', '', '', [], 0, False, '', 0.8, -1, False, -1, 0, 0, 0, UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_input_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_input_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_input_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), False, 1.01, 1.02, 0.99, 0.95, False, 256, 2, 0, False, False, 3, 2, 0, 0.35, True, 'bicubic', 'bicubic', False, 0.5, 2, False, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {}
    Traceback (most recent call last):
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\call_queue.py", line 36, in f
        res = func(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\txt2img.py", line 110, in txt2img
        processed = processing.process_images(p)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\processing.py", line 736, in process_images
        sd_models.reload_model_weights()
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models.py", line 628, in reload_model_weights
        return load_model(info)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models.py", line 614, in load_model
        sd_model.cond_stage_model_empty_prompt = get_empty_cond(sd_model)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models.py", line 536, in get_empty_cond
        d = sd_model.get_learned_conditioning([""])
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_models_xl.py", line 36, in get_learned_conditioning
        c = self.conditioner(sdxl_conds, force_zero_embeddings=['txt'] if force_zero_negative_prompt else [])
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\webui\repositories\generative-models\sgm\modules\encoders\modules.py", line 141, in forward
        emb_out = embedder(batch[embedder.input_key])
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_hijack_clip.py", line 234, in forward
        z = self.process_tokens(tokens, multipliers)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_hijack_clip.py", line 273, in process_tokens
        z = self.encode_with_transformers(tokens)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules_forge\forge_clip.py", line 50, in encode_with_transformers
        outputs = self.wrapped.transformer(tokens, output_hidden_states=self.wrapped.layer == "hidden")
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\models\clip\modeling_clip.py", line 822, in forward
        return self.text_model(
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\models\clip\modeling_clip.py", line 730, in forward
        hidden_states = self.embeddings(input_ids=input_ids, position_ids=position_ids)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\models\clip\modeling_clip.py", line 227, in forward
        inputs_embeds = self.token_embedding(input_ids)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\webui\modules\sd_hijack.py", line 177, in forward
        inputs_embeds = self.wrapped(input_ids)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\modules\sparse.py", line 162, in forward
        return F.embedding(
      File "E:\Forge\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\nn\functional.py", line 2233, in embedding
        return torch.embedding(weight, input, padding_idx, scale_grad_by_freq, sparse)
    RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument index in method wrapper_CUDA__index_select)

---

Additional information

1660 Super/32Gb Ram/Ryzen 7

[Feature Request]: DUAL GPU

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

can use a Dual GPU setup.

Proposed workflow

no workflow

Additional information

No response

TensorRT support

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

TensorRT extension installs and seems to function properly on a clean install, Console shows unet is loaded and TRT profile loaded, but there is no change in generation time.

Steps to reproduce the problem

  1. Install Forge
  2. Install TensorRT extension
  3. Generate image with and without TRT engine

What should have happened?

Image generation speed should have increased significantly.

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

{
    "Platform": "Windows-10-10.0.22631-SP0",
    "Python": "3.10.10",
    "Version": "f0.0.7-latest-44-g7359740f",
    "Commit": "7359740f36e9f59d8c358cbb5b07a4fde85900c3",
    "Script path": "D:\\AI\\Auto1111\\Forge",
    "Data path": "D:\\AI\\Auto1111\\Forge",
    "Extensions dir": "D:\\AI\\Auto1111\\Forge\\extensions",
    "Checksum": "cc09ece5a30ee1a1f33cfb3b1ada98495f13935771dd980222821fd63b68dd30",
    "Commandline": [
        "launch.py",
        "--always-gpu",
        "--xformers",
        "--ckpt-dir",
        "D:\\AI\\Models\\checkpoints",
        "--hypernetwork-dir",
        "D:\\AI\\Models\\hypernetworks",
        "--embeddings-dir",
        "D:\\AI\\Models\\embeddings",
        "--lora-dir",
        "D:\\AI\\Models\\loras",
        "--vae-dir",
        "D:\\AI\\Models\\vae",
        "--realesrgan-models-path",
        "D:\\AI\\Models\\upscalers",
        "--esrgan-models-path",
        "D:\\AI\\Models\\upscalers"
    ],
    "Torch env info": {
        "torch_version": "2.1.2+cu121",
        "is_debug_build": "False",
        "cuda_compiled_version": "12.1",
        "gcc_version": null,
        "clang_version": null,
        "cmake_version": null,
        "os": "Microsoft Windows 11 Home",
        "libc_version": "N/A",
        "python_version": "3.10.10 (tags/v3.10.10:aad5f6a, Feb  7 2023, 17:20:36) [MSC v.1929 64 bit (AMD64)] (64-bit runtime)",
        "python_platform": "Windows-10-10.0.22631-SP0",
        "is_cuda_available": "True",
        "cuda_runtime_version": null,
        "cuda_module_loading": "LAZY",
        "nvidia_driver_version": "551.23",
        "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 4090",
        "cudnn_version": null,
        "pip_version": "pip3",
        "pip_packages": [
            "numpy==1.26.2",
            "open-clip-torch==2.20.0",
            "pytorch-lightning==1.9.4",
            "torch==2.1.2+cu121",
            "torchdiffeq==0.2.3",
            "torchmetrics==1.3.0.post0",
            "torchsde==0.2.6",
            "torchvision==0.16.2+cu121"
        ],
        "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=32768",
            "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": "20GB",
        "free": "43GB"
    },
    "Extensions": [
        {
            "name": "Stable-Diffusion-WebUI-TensorRT",
            "path": "D:\\AI\\Auto1111\\Forge\\extensions\\Stable-Diffusion-WebUI-TensorRT",
            "version": "e2b6980c",
            "branch": "main",
            "remote": "https://github.com/NVIDIA/Stable-Diffusion-WebUI-TensorRT"
        },
        {
            "name": "adetailer",
            "path": "D:\\AI\\Auto1111\\Forge\\extensions\\adetailer",
            "version": "8f01dfda",
            "branch": "main",
            "remote": "https://github.com/Bing-su/adetailer.git"
        }
    ],
    "Inactive extensions": [],
    "Environment": {
        "COMMANDLINE_ARGS": "--always-gpu --xformers --ckpt-dir \"D:\\AI\\Models\\checkpoints\" --hypernetwork-dir \"D:\\AI\\Models\\hypernetworks\" --embeddings-dir \"D:\\AI\\Models\\embeddings\" --lora-dir \"D:\\AI\\Models\\loras\" --vae-dir \"D:\\AI\\Models\\vae\" --realesrgan-models-path \"D:\\AI\\Models\\upscalers\" --esrgan-models-path \"D:\\AI\\Models\\upscalers\"",
        "GRADIO_ANALYTICS_ENABLED": "False"
    },
    "Config": {
        "ldsr_steps": 100,
        "ldsr_cached": false,
        "SCUNET_tile": 256,
        "SCUNET_tile_overlap": 8,
        "SWIN_tile": 192,
        "SWIN_tile_overlap": 8,
        "SWIN_torch_compile": false,
        "control_net_detectedmap_dir": "detected_maps",
        "control_net_models_path": "D:\\AI\\Models\\controlnet",
        "control_net_modules_path": "",
        "control_net_unit_count": 3,
        "control_net_model_cache_size": 5,
        "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_input_thumbnail": true,
        "sd_checkpoint_hash": "093fe6613182949a3a1d58003180e14dee9d3ca6447a144900034f5e075214ee",
        "sd_model_checkpoint": "ProtoLarkXL_v5.fp16_vae_NSFW.fp16.ckpt",
        "outdir_samples": "D:\\AI\\Output\\new-images",
        "outdir_txt2img_samples": "D:\\AI\\Output\\new-images",
        "outdir_img2img_samples": "D:\\AI\\Output\\new-images",
        "outdir_extras_samples": "D:\\AI\\Output\\new-images",
        "outdir_grids": "D:\\AI\\Output\\new-images",
        "outdir_txt2img_grids": "D:\\AI\\Output\\new-images",
        "outdir_img2img_grids": "D:\\AI\\Output\\new-images",
        "outdir_save": "D:\\AI\\Output\\saved",
        "outdir_init_images": "D:\\AI\\Output\\init-images",
        "samples_save": true,
        "samples_format": "png",
        "samples_filename_pattern": "[datetime<%Y%m%d_%H%M%S>]_[seed]",
        "save_images_add_number": false,
        "save_images_replace_action": "Replace",
        "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",
        "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": false,
        "img_downscale_threshold": 4.0,
        "target_side_length": 4000.0,
        "img_max_size_mp": 200.0,
        "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,
        "save_to_dirs": false,
        "grid_save_to_dirs": false,
        "use_save_to_dirs_for_ui": false,
        "directories_filename_pattern": "",
        "directories_max_prompt_words": 8,
        "auto_backcompat": 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,
        "use_downcasted_alpha_bar": false,
        "lora_functional": false,
        "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.0,
        "extra_networks_card_height": 0.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_tree_view_default_enabled": false,
        "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",
        "sd_lora": "None",
        "lora_preferred_name": "Filename",
        "lora_add_hashes_to_infotext": true,
        "lora_show_all": false,
        "lora_hide_unknown_for_versions": [],
        "lora_in_memory_limit": 0,
        "lora_not_found_warning_console": false,
        "lora_not_found_gradio_warning": false,
        "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,
        "pad_cond_uncond_v0": false,
        "persistent_cond_cache": true,
        "batch_cond_uncond": true,
        "fp8_storage": "Disable",
        "cache_fp16_weight": 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.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,
        "sd_noise_schedule": "Default",
        "sd_checkpoints_limit": 4,
        "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,
        "upcast_attn": false,
        "randn_source": "GPU",
        "tiling": false,
        "hires_fix_refiner_pass": "second pass",
        "sdxl_crop_top": 0.0,
        "sdxl_crop_left": 0.0,
        "sdxl_refiner_low_aesthetic_score": 2.5,
        "sdxl_refiner_high_aesthetic_score": 6.0,
        "sd_vae_checkpoint_cache": 2,
        "sd_vae_overrides_per_model_preferences": true,
        "auto_vae_precision_bfloat16": false,
        "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,
        "overlay_inpaint": true,
        "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.0,
        "sd_webui_modal_lightbox_icon_opacity": 1,
        "sd_webui_modal_lightbox_toolbar_opacity": 0.9,
        "gallery_height": "",
        "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.0,
        "live_preview_fast_interrupt": true,
        "js_live_preview_in_modal_lightbox": true,
        "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,
        "extra_options_txt2img": [],
        "extra_options_img2img": [],
        "extra_options_cols": 1,
        "extra_options_accordion": false,
        "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,
        "interrupt_after_current": false,
        "localization": "None",
        "quicksettings_list": [
            "sd_model_checkpoint",
            "sd_vae",
            "CLIP_stop_at_last_layers",
            "sd_unet",
            "cross_attention_optimization"
        ],
        "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,
        "api_enable_requests": true,
        "api_forbid_local_requests": true,
        "api_useragent": "",
        "auto_launch_browser": "Disable",
        "enable_console_prompts": false,
        "show_warnings": true,
        "show_gradio_deprecation_warnings": true,
        "memmon_poll_rate": 8,
        "samples_log_stdout": false,
        "multiple_tqdm": true,
        "enable_upscale_progressbar": true,
        "print_hypernet_extra": false,
        "list_hidden_files": true,
        "disable_mmap_load_safetensors": false,
        "hide_ldm_prints": true,
        "dump_stacks_on_signal": false,
        "face_restoration": false,
        "face_restoration_model": "CodeFormer",
        "code_former_weight": 0.5,
        "face_restoration_unload": false,
        "postprocessing_enable_in_main_ui": [],
        "postprocessing_operation_order": [],
        "upscaling_max_images_in_cache": 5,
        "postprocessing_existing_caption_action": "Ignore",
        "ESRGAN_tile": 192,
        "ESRGAN_tile_overlap": 8,
        "realesrgan_enabled_models": [
            "R-ESRGAN 4x+",
            "R-ESRGAN 4x+ Anime6B"
        ],
        "dat_enabled_models": [
            "DAT x2",
            "DAT x3",
            "DAT x4"
        ],
        "DAT_tile": 192,
        "DAT_tile_overlap": 8,
        "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.0,
        "training_xattention_optimizations": false,
        "training_enable_tensorboard": false,
        "training_tensorboard_save_images": false,
        "training_tensorboard_flush_every": 120.0,
        "canvas_hotkey_zoom": "Alt",
        "canvas_hotkey_adjust": "Ctrl",
        "canvas_hotkey_shrink_brush": "Q",
        "canvas_hotkey_grow_brush": "W",
        "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"
        ],
        "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.0,
        "interrogate_clip_skip_categories": [],
        "interrogate_deepbooru_score_threshold": 0.5,
        "deepbooru_sort_alpha": true,
        "deepbooru_use_spaces": true,
        "deepbooru_escape": true,
        "deepbooru_filter_tags": "",
        "disabled_extensions": [],
        "disable_all_extensions": "none",
        "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,
        "CLIP_stop_at_last_layers": 1,
        "sd_vae": "sdxl_vae-fp16-fix.safetensors"
    },
    "Startup": {
        "total": 10.948799848556519,
        "records": {
            "initial startup": 0.017045021057128906,
            "prepare environment/checks": 0.007546901702880859,
            "prepare environment/git version info": 0.05465841293334961,
            "prepare environment/torch GPU test": 1.6307337284088135,
            "prepare environment/clone repositores": 0.11122941970825195,
            "prepare environment/run extensions installers/adetailer": 0.10972023010253906,
            "prepare environment/run extensions installers/Stable-Diffusion-WebUI-TensorRT": 0.11524391174316406,
            "prepare environment/run extensions installers": 0.22496414184570312,
            "prepare environment/run extensions_builtin installers/canvas-zoom-and-pan": 0.0,
            "prepare environment/run extensions_builtin installers/extra-options-section": 0.0,
            "prepare environment/run extensions_builtin installers/forge_legacy_preprocessors": 0.23349308967590332,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_inpaint": 0.0005006790161132812,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_marigold": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_normalbae": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_recolor": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_reference": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_revision": 0.0,
            "prepare environment/run extensions_builtin installers/forge_preprocessor_tile": 0.0,
            "prepare environment/run extensions_builtin installers/LDSR": 0.0,
            "prepare environment/run extensions_builtin installers/Lora": 0.0,
            "prepare environment/run extensions_builtin installers/mobile": 0.0,
            "prepare environment/run extensions_builtin installers/prompt-bracket-checker": 0.0,
            "prepare environment/run extensions_builtin installers/ScuNET": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_controlllite": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_controlnet": 0.20536065101623535,
            "prepare environment/run extensions_builtin installers/sd_forge_controlnet_example": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_freeu": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_hypertile": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_ipadapter": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_kohya_hrfix": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_photomaker": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_sag": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_stylealign": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_svd": 0.0,
            "prepare environment/run extensions_builtin installers/sd_forge_z123": 0.0005002021789550781,
            "prepare environment/run extensions_builtin installers/soft-inpainting": 0.0,
            "prepare environment/run extensions_builtin installers/SwinIR": 0.0,
            "prepare environment/run extensions_builtin installers": 0.43985462188720703,
            "prepare environment": 2.4950222969055176,
            "launcher": 0.006000518798828125,
            "import torch": 3.378505229949951,
            "import gradio": 0.8846189975738525,
            "setup paths": 0.5222210884094238,
            "import ldm": 0.0049839019775390625,
            "import sgm": 0.0,
            "initialize shared": 0.1600627899169922,
            "other imports": 0.8507680892944336,
            "opts onchange": 0.0,
            "setup SD model": 0.0,
            "setup codeformer": 0.0015099048614501953,
            "setup gfpgan": 0.011515617370605469,
            "set samplers": 0.0,
            "list extensions": 0.0014989376068115234,
            "restore config state file": 0.0,
            "list SD models": 0.06541204452514648,
            "list localizations": 0.001010894775390625,
            "load scripts/custom_code.py": 0.0035066604614257812,
            "load scripts/img2imgalt.py": 0.0004994869232177734,
            "load scripts/loopback.py": 0.0004994869232177734,
            "load scripts/outpainting_mk_2.py": 0.0005009174346923828,
            "load scripts/poor_mans_outpainting.py": 0.0004990100860595703,
            "load scripts/postprocessing_caption.py": 0.0004999637603759766,
            "load scripts/postprocessing_codeformer.py": 0.0,
            "load scripts/postprocessing_create_flipped_copies.py": 0.0004999637603759766,
            "load scripts/postprocessing_focal_crop.py": 0.0025022029876708984,
            "load scripts/postprocessing_gfpgan.py": 0.001008749008178711,
            "load scripts/postprocessing_split_oversized.py": 0.0005025863647460938,
            "load scripts/postprocessing_upscale.py": 0.0004999637603759766,
            "load scripts/processing_autosized_crop.py": 0.0,
            "load scripts/prompt_matrix.py": 0.0004999637603759766,
            "load scripts/prompts_from_file.py": 0.0005002021789550781,
            "load scripts/sd_upscale.py": 0.000499725341796875,
            "load scripts/xyz_grid.py": 0.0015001296997070312,
            "load scripts/ldsr_model.py": 0.2950904369354248,
            "load scripts/lora_script.py": 0.0691525936126709,
            "load scripts/scunet_model.py": 0.013014078140258789,
            "load scripts/swinir_model.py": 0.010008811950683594,
            "load scripts/hotkey_config.py": 0.0005002021789550781,
            "load scripts/extra_options_section.py": 0.000499725341796875,
            "load scripts/legacy_preprocessors.py": 0.007002353668212891,
            "load scripts/preprocessor_inpaint.py": 0.01101827621459961,
            "load scripts/preprocessor_marigold.py": 0.0778038501739502,
            "load scripts/preprocessor_normalbae.py": 0.004111289978027344,
            "load scripts/preprocessor_recolor.py": 0.0,
            "load scripts/forge_reference.py": 0.0009300708770751953,
            "load scripts/preprocessor_revision.py": 0.0,
            "load scripts/preprocessor_tile.py": 0.0005037784576416016,
            "load scripts/forge_controllllite.py": 0.005502223968505859,
            "load scripts/controlnet.py": 0.236037015914917,
            "load scripts/xyz_grid_support.py": 0.0010004043579101562,
            "load scripts/sd_forge_controlnet_example.py": 0.0005006790161132812,
            "load scripts/forge_freeu.py": 0.001499176025390625,
            "load scripts/forge_hypertile.py": 0.002518177032470703,
            "load scripts/forge_ipadapter.py": 0.004499912261962891,
            "load scripts/kohya_hrfix.py": 0.0019996166229248047,
            "load scripts/forge_photomaker.py": 0.0009996891021728516,
            "load scripts/forge_sag.py": 0.0020170211791992188,
            "load scripts/forge_stylealign.py": 0.0005030632019042969,
            "load scripts/forge_svd.py": 0.017520427703857422,
            "load scripts/forge_z123.py": 0.013013839721679688,
            "load scripts/soft_inpainting.py": 0.0005002021789550781,
            "load scripts/lora.py": 0.0005006790161132812,
            "load scripts/trt.py": 0.17665934562683105,
            "load scripts/!adetailer.py": 0.7216448783874512,
            "load scripts/refiner.py": 0.0009989738464355469,
            "load scripts/seed.py": 0.0005006790161132812,
            "load scripts": 1.692070484161377,
            "load upscalers": 0.0034999847412109375,
            "refresh VAE": 0.0014994144439697266,
            "refresh textual inversion templates": 0.0,
            "scripts list_optimizers": 0.0005002021789550781,
            "scripts list_unets": 0.0,
            "reload hypernetworks": 0.0015039443969726562,
            "initialize extra networks": 0.0065155029296875,
            "scripts before_ui_callback": 0.000499725341796875,
            "create ui": 0.7580077648162842,
            "gradio launch": 0.10605955123901367,
            "add APIs": 0.004004001617431641,
            "app_started_callback/lora_script.py": 0.0004990100860595703,
            "app_started_callback/!adetailer.py": 0.0,
            "app_started_callback": 0.0004990100860595703
        }
    },
    "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",
        "albumentations==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",
        "blendmodes==2022",
        "certifi==2024.2.2",
        "cffi==1.16.0",
        "chardet==5.2.0",
        "charset-normalizer==3.3.2",
        "clean-fid==0.1.35",
        "click==8.1.7",
        "clip==1.0",
        "colorama==0.4.6",
        "coloredlogs==15.0.1",
        "colorlog==6.8.2",
        "contourpy==1.2.0",
        "cssselect2==0.7.0",
        "cycler==0.12.1",
        "cython==3.0.8",
        "datasets==2.16.1",
        "deprecation==2.1.0",
        "depth-anything==2024.1.22.0",
        "diffusers==0.25.0",
        "dill==0.3.7",
        "easydict==1.11",
        "einops==0.4.1",
        "embreex==2.17.7.post4",
        "exceptiongroup==1.2.0",
        "facexlib==0.3.0",
        "fastapi==0.94.0",
        "ffmpy==0.3.1",
        "filelock==3.13.1",
        "filterpy==1.4.5",
        "flatbuffers==23.5.26",
        "fonttools==4.47.2",
        "frozenlist==1.4.1",
        "fsspec==2023.10.0",
        "ftfy==6.1.3",
        "future==0.18.3",
        "fvcore==0.1.5.post20221221",
        "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",
        "handrefinerportable==2024.1.18.0",
        "httpcore==0.15.0",
        "httpx==0.24.1",
        "huggingface-hub==0.20.3",
        "humanfriendly==10.0",
        "idna==3.6",
        "imageio==2.33.1",
        "importlib-metadata==7.0.1",
        "importlib-resources==6.1.1",
        "inflection==0.5.1",
        "insightface==0.7.3",
        "iopath==0.1.9",
        "jinja2==3.1.3",
        "joblib==1.3.2",
        "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",
        "llvmlite==0.42.0",
        "lmdb==1.4.1",
        "lxml==5.1.0",
        "mapbox-earcut==1.0.1",
        "markdown-it-py==3.0.0",
        "markdown==3.5.2",
        "markupsafe==2.1.5",
        "matplotlib==3.8.2",
        "mdurl==0.1.2",
        "mediapipe==0.10.9",
        "mpmath==1.3.0",
        "multidict==6.0.5",
        "multiprocess==0.70.15",
        "networkx==3.2.1",
        "numba==0.59.0",
        "numpy==1.26.2",
        "nvidia-cublas-cu11==11.11.3.6",
        "nvidia-cuda-nvrtc-cu11==11.8.89",
        "nvidia-cuda-runtime-cu11==11.8.89",
        "omegaconf==2.2.3",
        "onnx-graphsurgeon==0.3.27",
        "onnx==1.15.0",
        "onnxruntime==1.17.0",
        "open-clip-torch==2.20.0",
        "opencv-contrib-python==4.9.0.80",
        "opencv-python-headless==4.9.0.80",
        "opencv-python==4.9.0.80",
        "optimum==1.16.2",
        "orjson==3.9.13",
        "packaging==23.2",
        "pandas==2.2.0",
        "piexif==1.1.3",
        "pillow==9.5.0",
        "pip==24.0",
        "platformdirs==4.2.0",
        "polygraphy==0.49.0",
        "portalocker==2.8.2",
        "prettytable==3.9.0",
        "protobuf==3.20.2",
        "psutil==5.9.5",
        "py-cpuinfo==9.0.0",
        "pyarrow-hotfix==0.6",
        "pyarrow==15.0.0",
        "pycollada==0.8",
        "pycparser==2.21",
        "pydantic==1.10.14",
        "pydub==0.25.1",
        "pygments==2.17.2",
        "pyparsing==3.1.1",
        "pyreadline3==3.4.1",
        "python-dateutil==2.8.2",
        "python-multipart==0.0.7",
        "pytorch-lightning==1.9.4",
        "pytz==2024.1",
        "pywavelets==1.5.0",
        "pywin32==306",
        "pyyaml==6.0.1",
        "qudida==0.0.4",
        "referencing==0.33.0",
        "regex==2023.12.25",
        "reportlab==4.0.9",
        "requests==2.31.0",
        "resize-right==0.0.2",
        "rich==13.7.0",
        "rpds-py==0.17.1",
        "rtree==1.2.0",
        "safetensors==0.4.2",
        "scikit-image==0.21.0",
        "scikit-learn==1.4.0",
        "scipy==1.12.0",
        "seaborn==0.13.2",
        "semantic-version==2.10.0",
        "sentencepiece==0.1.99",
        "setuptools==65.5.0",
        "shapely==2.0.2",
        "six==1.16.0",
        "smmap==5.0.1",
        "sniffio==1.3.0",
        "sounddevice==0.4.6",
        "spandrel==0.1.6",
        "starlette==0.26.1",
        "svg.path==6.3",
        "svglib==1.5.1",
        "sympy==1.12",
        "tabulate==0.9.0",
        "tb-nightly==2.16.0a20240205",
        "tensorboard-data-server==0.7.2",
        "tensorrt-bindings==9.0.1.post11.dev4",
        "tensorrt-libs==9.0.1.post11.dev4",
        "tensorrt==9.0.1.post11.dev4",
        "termcolor==2.4.0",
        "tf-keras-nightly==2.16.0.dev2024020510",
        "thop==0.1.1.post2209072238",
        "threadpoolctl==3.2.0",
        "tifffile==2024.1.30",
        "timm==0.9.12",
        "tinycss2==1.2.1",
        "tokenizers==0.13.3",
        "tomesd==0.1.3",
        "tomli==2.0.1",
        "toolz==0.12.1",
        "torch==2.1.2+cu121",
        "torchdiffeq==0.2.3",
        "torchmetrics==1.3.0.post0",
        "torchsde==0.2.6",
        "torchvision==0.16.2+cu121",
        "tqdm==4.66.1",
        "trampoline==0.1.2",
        "transformers==4.30.2",
        "trimesh==4.1.3",
        "typing-extensions==4.9.0",
        "tzdata==2023.4",
        "ultralytics==8.1.9",
        "urllib3==2.2.0",
        "uvicorn==0.27.0.post1",
        "vhacdx==0.0.5",
        "wcwidth==0.2.13",
        "webencodings==0.5.1",
        "websockets==11.0.3",
        "werkzeug==3.0.1",
        "xformers==0.0.23.post1",
        "xxhash==3.4.1",
        "yacs==0.1.8",
        "yapf==0.40.2",
        "yarl==1.9.4",
        "zipp==3.17.0"
    ]
}

Console logs

N/A

Additional information

No response

[Bug]: Built in control net extention throws exception when used via API

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

When making an api request with Controlnet modules defined in the payload controlnet will throw an exception. (Same payload works with standard webgui + controlnet extention )

File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 97, in get_enabled_units enabled_units = [x for x in units if x.enabled]

Steps to reproduce the problem

Make a post request with a payload which includes control net modules

What should have happened?

Controlnet args should be parsed correctly from the request.

What browsers do you use to access the UI ?

Other

Sysinfo

sysinfo-2024-02-07-17-20.json

Console logs

VAE dtype: torch.bfloat16
Using pytorch cross attention
ControlNet preprocessor location: D:\stable-diffusion-webui-forge\models\ControlNetPreprocessor
Loading weights [15012c538f] from D:\stable-diffusion-webui-forge\models\Stable-diffusion\realisticVisionV51_v51VAE.safetensors
2024-02-07 14:27:33,043 - ControlNet - INFO - ControlNet UI callback registered.
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
model_type EPS
UNet ADM Dimension 0
Startup time: 13.0s (prepare environment: 3.1s, import torch: 4.0s, import gradio: 1.2s, setup paths: 1.1s, initialize shared: 0.1s, other imports: 0.8s, load scripts: 1.3s, create ui: 0.6s, gradio launch: 0.4s, add APIs: 0.4s).
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_l.text_projection', 'cond_stage_model.clip_l.logit_scale'}
loaded straight to GPU
To load target model BaseModel
Begin to load 1 model
To load target model SD1ClipModel
Begin to load 1 model
Moving model(s) has taken 0.11 seconds
Model loaded in 3.1s (load weights from disk: 0.7s, forge load real models: 1.9s, calculate empty prompt: 0.5s).
*** Error running process: D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\stable-diffusion-webui-forge\modules\scripts.py", line 798, in process
        script.process(p, *script_args)
      File "D:\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 475, in process
        enabled_units = self.get_enabled_units(args)
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 97, in get_enabled_units
        enabled_units = [x for x in units if x.enabled]
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 97, in <listcomp>
        enabled_units = [x for x in units if x.enabled]
    AttributeError: 'dict' object has no attribute 'enabled'

---
To load target model AutoencoderKL
Begin to load 1 model
Moving model(s) has taken 0.22 seconds
*** Error running process_before_every_sampling: D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\stable-diffusion-webui-forge\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "D:\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 486, in process_before_every_sampling
        for i, unit in enumerate(self.get_enabled_units(args)):
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 97, in get_enabled_units
        enabled_units = [x for x in units if x.enabled]
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 97, in <listcomp>
        enabled_units = [x for x in units if x.enabled]
    AttributeError: 'dict' object has no attribute 'enabled'

---
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 17/17 [00:06<00:00,  2.53it/s]
*** Error running postprocess_batch_list: D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\stable-diffusion-webui-forge\modules\scripts.py", line 854, in postprocess_batch_list
        script.postprocess_batch_list(p, pp, *script_args, **kwargs)
      File "D:\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 492, in postprocess_batch_list
        for i, unit in enumerate(self.get_enabled_units(args)):
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 97, in get_enabled_units
        enabled_units = [x for x in units if x.enabled]
      File "D:\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 97, in <listcomp>
        enabled_units = [x for x in units if x.enabled]
    AttributeError: 'dict' object has no attribute 'enabled'

---
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 17/17 [00:06<00:00,  2.59it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 17/17 [00:06<00:00,  2.65it/s]

Additional information

We are creating a custom extension that is used via api that works in conjunction with control net so it would be great if we could test using forge.

[Bug]: When ControlNet and Batch are used, only the first piece does not reflect ControlNet.

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

When ControlNet and Batch are used, only the first image reflects ControlNet; the second and later images are generated reflecting only the prompts. In the attached images, ControlNet Lineart has been adapted and only the prompt "girl" is shown. the first image reflects ControlNet, but the second and later images do not.
grid-0003

Steps to reproduce the problem

Set ControlNet, set multiple Batch, and generate multiple images.

What should have happened?

ControlNet is applied to the second and subsequent images.

What browsers do you use to access the UI ?

No response

Sysinfo

sysinfo-2024-02-06-10-15.json

Console logs

100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 10.27it/s]
To load target model AutoencoderKLโ–ˆโ–ˆโ–‹                                                  | 19/80 [00:01<00:05, 11.44it/s]
Begin to load 1 model
*** Error running process_before_every_sampling: D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\webui_forge_cu121_torch21\webui\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "D:\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 457, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
    KeyError: 0

---
To load target model BaseModel
Begin to load 1 model
unload clone 2
Moving model(s) has taken 0.62 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 15.86it/s]
*** Error running postprocess_batch_list: D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\webui_forge_cu121_torch21\webui\modules\scripts.py", line 854, in postprocess_batch_list
        script.postprocess_batch_list(p, pp, *script_args, **kwargs)
      File "D:\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 463, in postprocess_batch_list
        self.process_unit_after_every_sampling(p, unit, self.current_params[i], pp, *args, **kwargs)
    KeyError: 0

---
*** Error running process_before_every_sampling: D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\webui_forge_cu121_torch21\webui\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "D:\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 457, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
    KeyError: 0

---
To load target model BaseModel
Begin to load 1 model
unload clone 1
Moving model(s) has taken 0.59 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 16.18it/s]
*** Error running postprocess_batch_list: D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\webui_forge_cu121_torch21\webui\modules\scripts.py", line 854, in postprocess_batch_list
        script.postprocess_batch_list(p, pp, *script_args, **kwargs)
      File "D:\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 463, in postprocess_batch_list
        self.process_unit_after_every_sampling(p, unit, self.current_params[i], pp, *args, **kwargs)
    KeyError: 0

---
*** Error running process_before_every_sampling: D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\webui_forge_cu121_torch21\webui\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "D:\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 457, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
    KeyError: 0

---
To load target model BaseModel
Begin to load 1 model
unload clone 1
Moving model(s) has taken 0.58 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:01<00:00, 16.16it/s]
*** Error running postprocess_batch_list: D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\webui_forge_cu121_torch21\webui\modules\scripts.py", line 854, in postprocess_batch_list
        script.postprocess_batch_list(p, pp, *script_args, **kwargs)
      File "D:\webui_forge_cu121_torch21\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\webui_forge_cu121_torch21\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 463, in postprocess_batch_list
        self.process_unit_after_every_sampling(p, unit, self.current_params[i], pp, *args, **kwargs)
    KeyError: 0

---
Token merging is under construction now and the setting will not take effect.
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 80/80 [00:08<00:00,  9.07it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 80/80 [00:08<00:00, 14.93it/s]

Additional information

Thank you so much for always releasing great applications and software. I sincerely hope that this wonderful Forge will continue to grow.

[Bug]: Controlnet is not working in i2i mode when you not uploading independent image

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Controlnet is not working in i2i mode when you not uploading independent image. Using this https://huggingface.co/bdsqlsz/qinglong_controlnet-lllite/blob/main/bdsqlsz_controlllite_xl_tile_anime_%CE%B1.safetensors model and trying to upscale with tile cnet tile selected

Steps to reproduce the problem

  1. Generate image in t2i
  2. Send it to i2i
  3. Turn cnet tile on and select model with other settings to upscale, but dont add image
  4. Press generate

What should have happened?

It should work with just an image that is in i2i menu, not additionally add that to cnet window too, at least its how it was on auto1111 implementation

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

sysinfo-2024-02-06-19-12.json

Console logs

2024-02-06 22:10:44,732 - ControlNet - INFO - ControlNet Input Mode: InputMode.SIMPLE| 16/16 [00:06<00:00,  3.31it/s]
*** Error running process: B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "B:\progs\SD\stable-diffusion-webui-forge\modules\scripts.py", line 798, in process
        script.process(p, *script_args)
      File "B:\progs\SD\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 450, in process
        self.process_unit_after_click_generate(p, unit, params, *args, **kwargs)
      File "B:\progs\SD\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 253, in process_unit_after_click_generate
        input_list, resize_mode = self.get_input_data(p, unit, preprocessor)
      File "B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 192, in get_input_data
        mask = HWC3(np.asarray(a1111_i2i_mask))
      File "B:\progs\SD\stable-diffusion-webui-forge\modules_forge\forge_util.py", line 13, in HWC3
        assert x.dtype == np.uint8
    AssertionError

---
Upscale script freed memory successfully.
tiled upscale: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 35/35 [00:02<00:00, 17.11it/s]
*** Error running process_before_every_sampling: B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "B:\progs\SD\stable-diffusion-webui-forge\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "B:\progs\SD\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 457, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
    KeyError: 0

---
To load target model SDXL
Begin to load 1 model
unload clone 1
Moving model(s) has taken 0.25 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 16/16 [00:04<00:00,  3.26it/s]
*** Error running postprocess_batch_list: B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "B:\progs\SD\stable-diffusion-webui-forge\modules\scripts.py", line 854, in postprocess_batch_list
        script.postprocess_batch_list(p, pp, *script_args, **kwargs)
      File "B:\progs\SD\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "B:\progs\SD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 463, in postprocess_batch_list
        self.process_unit_after_every_sampling(p, unit, self.current_params[i], pp, *args, **kwargs)
    KeyError: 0

---
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 16/16 [00:06<00:00,  2.63it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 16/16 [00:06<00:00,  3.34it/s]

Additional information

No response

[Feature Request]: Support AnyText (Multilingual Visual Text Generation And Editing)

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

If Forge allows for it please add support for the "AnyText" model that attempts to allow for text correction on images.

https://github.com/tyxsspa/AnyText

Proposed workflow

Perhaps this could be added as a controlnet option as Photomaker and InstantID have been.

Additional information

Repo: https://github.com/tyxsspa/AnyText

The new version of Llama Cleaner (renamed IOPaint) added support for AnyText. If there are any hiccups w/ implementation/model conversions that repo/code may provide guidance.

Thanks for all of your efforts!!! Amazing work.

[Bug]: "Disable All Extensions" option in Extension tab prevents UI from launching afterwards

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

I was attempting to get info to report a different bug (full quality previews not appearing) when I used the option in Extensions to disable all extensions. After setting that the following restart and any other attempts to relaunch the webui-user.bat file end w/ a silent crash "Press any key to continue . . ."

Fortunately I happened to have config.json open in Notepad++ so I was able to resave the pre-disable settings and the webui launched again w/o any problem.

I then renamed my extensions folder (so WEbui wouldn't find my extensions) and it loaded fine. That left all the baked in extensions still there.

At that point (w/o any of my added extensions there) I tried the "disable all extensions" button and again it broke the UI from launching.

This could be a common problem if it happens to everyone as the bug report forum here ask if you've tried reproducing the issue w/o any extensions running.

Steps to reproduce the problem

Go To extensions tab, use disable all extensions "All" button, restart.

What should have happened?

Restart completely w/o extensions - not crash

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

can update tomorrow if needed - too late now

Console logs

venv "D:\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.7-latest-41-g6aee7a20
Commit hash: 6aee7a20329b4a0e10b87d841d680562bdde65c7
Launching Web UI with arguments: --ckpt-dir e:\stable Diffusion Checkpoints
Total VRAM 24564 MB, total RAM 65244 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4090 : native
VAE dtype: torch.bfloat16
Using pytorch cross attention
*** "Disable all extensions" option was set, will not load any extensions ***
Loading weights [ba12f15e72] from e:\stable Diffusion Checkpoints\f222\juggernaut_aftermath.safetensors
Traceback (most recent call last):
  File "D:\stable-diffusion-webui-forge\launch.py", line 48, in <module>
    main()
  File "D:\stable-diffusion-webui-forge\launch.py", line 44, in main
    start()
  File "D:\stable-diffusion-webui-forge\modules\launch_utils.py", line 512, in start
    webui.webui()
  File "D:\stable-diffusion-webui-forge\webui.py", line 68, in webui
    shared.demo = ui.create_ui()
  File "D:\stable-diffusion-webui-forge\modules\ui.py", line 1135, in create_ui
    parameters_copypaste.connect_paste_params_buttons()
  File "D:\stable-diffusion-webui-forge\modules\infotext_utils.py", line 141, in connect_paste_params_buttons
    destination_image_component = paste_fields[binding.tabname]["init_img"]
KeyError: 'svd'
model_type EPS
UNet ADM Dimension 0
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_l.text_projection', 'cond_stage_model.clip_l.logit_scale'}
left over keys: dict_keys(['alphas_cumprod', 'alphas_cumprod_prev', 'betas', 'log_one_minus_alphas_cumprod', 'model_ema.decay', 'model_ema.num_updates', 'posterior_log_variance_clipped', 'posterior_mean_coef1', 'posterior_mean_coef2', 'posterior_variance', 'sqrt_alphas_cumprod', 'sqrt_one_minus_alphas_cumprod', 'sqrt_recip_alphas_cumprod', 'sqrt_recipm1_alphas_cumprod'])
Loading VAE weights specified in settings: D:\stable-diffusion-webui-forge\models\VAE\vae-ft-mse-840000-ema-pruned.pt
To load target model SD1ClipModel
Begin to load 1 model
Model loaded in 1.2s (load weights from disk: 0.2s, forge load real models: 0.6s, load VAE: 0.2s, calculate empty prompt: 0.1s).
Press any key to continue . . .

Additional information

I can post sys info in the morning if needed - very late but wanted to add these two issues (this one came while I was reporting the last so took more time).

Thanks for all your work on these - amazing job!

You are breaking webui's interface for non-backend extensions

Hello, I've seen then you've added processed.extra_images. Processed - is one of the key part of interface on which extensions rely. Other extension, which are far from backend, rely on that they can find all result images inside processed.images. To resolve which images are generated in sd, we can check processed.all_seeds

You are breaking compatibility with non-backend webui's extensions. Maybe you want to develop completley new fork like sd-next, but I thought the purpose of forge is different (

[Bug]: Civitai Helper Extention's button don't show up

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

The civitai helper buttons don't show up after installing, this one : https://github.com/zixaphir/Stable-Diffusion-Webui-Civitai-Helper

Steps to reproduce the problem

  1. Install this extention https://github.com/zixaphir/Stable-Diffusion-Webui-Civitai-Helper
  2. Buttons should appear above lora cards but they dont.

What should have happened?

WebUI should show buttons on LORA cards after installing that extention.

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

sysinfo-2024-02-07-14-03.json

Console logs

venv "F:\E\ai\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.7-latest-42-g9c31b0dd
Commit hash: 9c31b0ddcba42afcbda310b46750decd33b6ea2e
Checking roop requirements
Install insightface==0.7.3
Installing sd-webui-roop requirement: insightface==0.7.3
Install onnx==1.14.0
Installing sd-webui-roop requirement: onnx==1.14.0
Install onnxruntime==1.15.0
Installing sd-webui-roop requirement: onnxruntime==1.15.0
Install opencv-python==4.7.0.72
Installing sd-webui-roop requirement: opencv-python==4.7.0.72
Checking roop requirements
Install insightface==0.7.3
Installing sd-webui-roop requirement: insightface==0.7.3
Install onnx==1.14.0
Installing sd-webui-roop requirement: onnx==1.14.0
Install onnxruntime==1.15.0
Installing sd-webui-roop requirement: onnxruntime==1.15.0
Install opencv-python==4.7.0.72
Installing sd-webui-roop requirement: opencv-python==4.7.0.72
Checking roop requirements
Install insightface==0.7.3
Installing sd-webui-roop requirement: insightface==0.7.3
Install onnx==1.14.0
Installing sd-webui-roop requirement: onnx==1.14.0
Install onnxruntime==1.15.0
Installing sd-webui-roop requirement: onnxruntime==1.15.0
Install opencv-python==4.7.0.72
Installing sd-webui-roop requirement: opencv-python==4.7.0.72
Installing forge_legacy_preprocessor requirement: changing opencv-python version from 4.7.0.72 to 4.8.0
Launching Web UI with arguments: --always-gpu --xformers --ckpt-dir F:\E\ai\stable-diffusion-webui\models\Stable-diffusion --lora-dir F:\E\ai\stable-diffusion-webui\models\Lora
Total VRAM 6144 MB, total RAM 16222 MB
WARNING:xformers:A matching Triton is not available, some optimizations will not be enabled.
Error caught was: No module named 'triton'
xformers version: 0.0.17
Set vram state to: HIGH_VRAM
Device: cuda:0 NVIDIA GeForce RTX 2060 : native
VAE dtype: torch.float32
Using xformers cross attention
==============================================================================
You are running torch 2.0.1+cu118.
The program is tested to work with torch 2.1.2.
To reinstall the desired version, run with commandline flag --reinstall-torch.
Beware that this will cause a lot of large files to be downloaded, as well as
there are reports of issues with training tab on the latest version.

Use --skip-version-check commandline argument to disable this check.
==============================================================================
=================================================================================
You are running xformers 0.0.17.
The program is tested to work with xformers 0.0.23.post1.
To reinstall the desired version, run with commandline flag --reinstall-xformers.

Use --skip-version-check commandline argument to disable this check.
=================================================================================
ControlNet preprocessor location: F:\E\ai\stable-diffusion-webui-forge\models\ControlNetPreprocessor
Civitai Helper: Get Custom Model Folder
Tag Autocomplete: Could not locate model-keyword extension, Lora trigger word completion will be limited to those added through the extra networks menu.
[-] ADetailer initialized. version: 23.7.7, num models: 13
2024-02-07 19:35:49,725 - roop - INFO - roop v0.0.2
2024-02-07 19:35:49,726 - roop - INFO - roop v0.0.2
2024-02-07 19:35:49,729 - roop - INFO - roop v0.0.2
2024-02-07 19:35:49,733 - roop - INFO - roop v0.0.2
Loading weights [bb06ca39b8] from F:\E\ai\stable-diffusion-webui\models\Stable-diffusion\ToyBox2.safetensors
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop\scripts\faceswap.py:38: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  img = gr.inputs.Image(type="pil")
F:\E\ai\stable-diffusion-webui-forge\modules\gradio_extensons.py:25: GradioDeprecationWarning: `optional` parameter is deprecated, and it has no effect
  res = original_IOComponent_init(self, *args, **kwargs)
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop\scripts\faceswap.py:55: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  upscaler_name = gr.inputs.Dropdown(
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop\scripts\faceswap.py:74: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  model = gr.inputs.Dropdown(
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop2\scripts\faceswap.py:38: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  img = gr.inputs.Image(type="pil")
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop2\scripts\faceswap.py:55: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  upscaler_name = gr.inputs.Dropdown(
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop2\scripts\faceswap.py:74: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  model = gr.inputs.Dropdown(
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop3\scripts\faceswap.py:38: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  img = gr.inputs.Image(type="pil")
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop3\scripts\faceswap.py:55: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  upscaler_name = gr.inputs.Dropdown(
F:\E\ai\stable-diffusion-webui-forge\extensions\sd-webui-roop3\scripts\faceswap.py:74: GradioDeprecationWarning: Usage of gradio.inputs is deprecated, and will not be supported in the future, please import your component from gradio.components
  model = gr.inputs.Dropdown(
2024-02-07 19:35:50,186 - ControlNet - INFO - ControlNet UI callback registered.
Civitai Helper: Set Proxy:
add tab
[([button, button, button, button, button], button, gallery), ([button, button, button, button, button], button, gallery)]
F:\E\ai\stable-diffusion-webui-forge\modules\gradio_extensons.py:25: GradioDeprecationWarning: `height` is deprecated in `Interface()`, please use it within `launch()` instead.
  res = original_IOComponent_init(self, *args, **kwargs)
F:\E\ai\stable-diffusion-webui-forge\extensions\stable-diffusion-webui-instruct-pix2pix\scripts\instruct-pix2pix.py:204: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
  input_image = gr.Image(label="Image for ip2p", elem_id="ip2p_image", show_label=False, source="upload", interactive=True, type="pil", tool="editor").style(height=480)
*** Error executing callback ui_tabs_callback for F:\E\ai\stable-diffusion-webui-forge\extensions\stable-diffusion-webui-instruct-pix2pix\scripts\instruct-pix2pix.py
    Traceback (most recent call last):
      File "F:\E\ai\stable-diffusion-webui-forge\modules\script_callbacks.py", line 169, in ui_tabs_callback
        res += c.callback() or []
      File "F:\E\ai\stable-diffusion-webui-forge\extensions\stable-diffusion-webui-instruct-pix2pix\scripts\instruct-pix2pix.py", line 288, in on_ui_tabs
        create_tab(tab)
      File "F:\E\ai\stable-diffusion-webui-forge\extensions\stable-diffusion-webui-instruct-pix2pix\scripts\instruct-pix2pix.py", line 205, in create_tab
        ip2p_gallery, html_info_x, html_info, html_log = create_output_panel("ip2p", outdir)
    TypeError: cannot unpack non-iterable OutputPanel object

---
model_type EPS
UNet ADM Dimension 0
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 78.2s (prepare environment: 51.4s, import torch: 5.9s, import gradio: 1.1s, setup paths: 0.9s, initialize shared: 0.2s, other imports: 0.7s, opts onchange: 10.2s, list SD models: 0.3s, load scripts: 6.0s, create ui: 1.0s, gradio launch: 0.4s).

Additional information

Using the same extention doesnt cause any problem in the normal A1111

[Feature Request]: Restore Multi-inputs for Instant-LoRA workflows

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

From Discussions

Multi-inputs is removed. You now need to enable multiple IP-Adapter units to achieve effect of previous multi-inputs
We will add this back if there is a strong demand on that.

Yes, please! I was so stoked to see it added, and bummed to see it's now gone again. It's super important for IP Adapter "Instant LoRA" type workflows, and a whole lot faster than adding 2-4 different duplicate ControlNets to do the same thing.

Proposed workflow

Restore the "Multi-Inputs" functionality.

Additional information

No response

[Bug]: RuntimeError: Expected all tensors to be on the same device

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Stable diffusion model failed to load

Steps to reproduce the problem

setup virtualenv
start webui.sh

What should have happened?

Work

What browsers do you use to access the UI ?

No response

Sysinfo

Linux Manjaro kse btrfs

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 alexbespik user
################################################################

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

################################################################
python venv already activate or run without venv: /run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES
################################################################

################################################################
Launching launch.py...
################################################################
Using TCMalloc: libtcmalloc_minimal.so.4
libtcmalloc_minimal.so.4 is not linked with libpthreadand will trigger undefined symbol: ptthread_Key_Create error
Using TCMalloc: libtcmalloc.so.4
libtcmalloc.so.4 is not linked with libpthreadand will trigger undefined symbol: ptthread_Key_Create error
Python 3.11.6 (main, Nov 14 2023, 09:36:21) [GCC 13.2.1 20230801]
Version: f0.0.5-latest-29-g53057f33
Commit hash: 53057f33ed778b064ba96a6bf811524cb0f239b6
Legacy Preprocessor init warning: Unable to install insightface automatically. Please try run `pip install insightface` manually.
Launching Web UI with arguments: 
Total VRAM 3904 MB, total RAM 31937 MB
Trying to enable lowvram mode because your GPU seems to have 4GB or less. If you don't want this use: --always-normal-vram
Set vram state to: LOW_VRAM
Device: cuda:0 NVIDIA GeForce GTX 1650 : native
VAE dtype: torch.float32
Using pytorch cross attention
ControlNet preprocessor location: /run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/models/ControlNetPreprocessor
Loading weights [15012c538f] from /run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/models/Stable-diffusion/realisticVisionV51_v51VAE.safetensors
2024-02-06 20:06:37,574 - ControlNet - INFO - ControlNet UI callback registered.
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 8.5s (prepare environment: 1.8s, import torch: 3.0s, import gradio: 0.8s, setup paths: 0.7s, other imports: 0.5s, load scripts: 0.8s, create ui: 0.5s, gradio launch: 0.3s).
model_type EPS
UNet ADM Dimension 0
QObject::moveToThread: Current thread (0x55c61c1702a0) is not the object's thread (0x55c61c407aa0).
Cannot move to target thread (0x55c61c1702a0)

qt.qpa.plugin: Could not load the Qt platform plugin "xcb" in "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/cv2/qt/plugins" even though it was found.
This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: xcb, eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx.

/usr/bin/xdg-open: line 686:  6665 Aborted                 (core dumped) "kde-open${KDE_SESSION_VERSION}" "$1"
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection'}
To load target model SD1ClipModel
Begin to load 1 model
loading stable diffusion model: RuntimeError
Traceback (most recent call last):
  File "/usr/lib/python3.11/threading.py", line 1002, in _bootstrap
    self._bootstrap_inner()
  File "/usr/lib/python3.11/threading.py", line 1045, in _bootstrap_inner
    self.run()
  File "/usr/lib/python3.11/threading.py", line 982, in run
    self._target(*self._args, **self._kwargs)
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/initialize.py", line 162, in load_model
    shared.sd_model  # noqa: B018
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/shared_items.py", line 133, in sd_model
    return modules.sd_models.model_data.get_sd_model()
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/sd_models.py", line 510, in get_sd_model
    load_model()
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/sd_models.py", line 615, in load_model
    sd_model.cond_stage_model_empty_prompt = get_empty_cond(sd_model)
                                             ^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/sd_models.py", line 540, in get_empty_cond
    return sd_model.cond_stage_model([""])
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/sd_hijack_clip.py", line 234, in forward
    z = self.process_tokens(tokens, multipliers)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/sd_hijack_clip.py", line 273, in process_tokens
    z = self.encode_with_transformers(tokens)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules_forge/forge_clip.py", line 9, in encode_with_transformers
    outputs = self.wrapped.transformer(input_ids=tokens, output_hidden_states=-opts.CLIP_stop_at_last_layers)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/transformers/models/clip/modeling_clip.py", line 822, in forward
    return self.text_model(
           ^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/transformers/models/clip/modeling_clip.py", line 730, in forward
    hidden_states = self.embeddings(input_ids=input_ids, position_ids=position_ids)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/transformers/models/clip/modeling_clip.py", line 227, in forward
    inputs_embeds = self.token_embedding(input_ids)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/modules/sd_hijack.py", line 177, in forward
    inputs_embeds = self.wrapped(input_ids)
                    ^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/modules/sparse.py", line 163, in forward
    return F.embedding(
           ^^^^^^^^^^^^
  File "/run/media/alexbespik/e8df4068-7043-49ee-928b-ecb0cf9e68fb/webui_forge_cu121_torch21/webui/TES/lib/python3.11/site-packages/torch/nn/functional.py", line 2237, in embedding
    return torch.embedding(weight, input, padding_idx, scale_grad_by_freq, sparse)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument index in method wrapper_CUDA__index_select)


Stable diffusion model failed to load

Additional information

No response

[Feature Request]: disabling CN for 2nd pass

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

being able to disable CN in highres-fix is very important if you have low vram, this feature already exist in the other webui but its somehow not appearing, don't know if its a bug or the feature is cut

Proposed workflow

  1. Go to controlnet settings
  2. Press disable for 2nd pass
  3. done

[Bug]: Control mode - in ControlNet Unit 0 - disappearing and reappearing

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Control mode - in ControlNet Unit 0 - disappearing and reappearing

Steps to reproduce the problem

Control mode - in ControlNet Unit 0 - disappearing and reappearing

What should have happened?

Control mode - in ControlNet Unit 0 - disappearing and reappearing

What browsers do you use to access the UI ?

No response

Sysinfo

Control mode - in ControlNet Unit 0 - disappearing and reappearing

Console logs

nothing

Additional information

2024-02-07.05-00-54.mp4

[Bug]: Contronet is giving issues when generating on txt2img, AttributeError: 'NoneType' object has no attribute 'shape'

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

When genning an image in SDXL model, getting an error: AttributeError: 'NoneType' object has no attribute 'shape'
Trying lineart realistic preprocessor with t2i-adapter_diffusers_xl_lineart

Some testing:
Hiresfix off and controlnet balanced: Succesful image inference

Hiresfix on and controlnet my prompt is more important: image inference crashes immediately with error ***(log at bottom)

Hiresfix on and controlnet balanced: image inference starts, crashes at around 50% with error.

Only extension left installed is adetailer, turning if off makes no difference.

Steps to reproduce the problem

Try image generation on SDXL, place a controlnet image with lineart realistic and mentioned model.
Turn hiresfix on, and put settings for my prompt is more important

What should have happened?

Succesful image inference

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

sysinfo-2024-02-07-15-44.json

Console logs

****
Log:
*** Error completing request
*** Arguments: ('task(9lh8ji4wc91bl4i)', <gradio.routes.Request object at 0x000002BEFFBDA2F0>, 'score_9, score_8_up, score_7_up, score_6_up, score_5_up, score_4_up, full-body widowmaker from  overwatch', '', [], 25, 'Euler a', 1, 1, 5.5, 1024, 1024, False, 0.6, 1.25, 'Latent', 25, 0, 0, 'Use same checkpoint', 'Use same sampler', '', '', [], 0, False, '', 0.8, 3314208623, False, -1, 0, 0, 0, UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=array([[[ 5,  5,  5],
***         [10, 10, 10],
***         [ 5,  5,  5],
***         ...,
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1]],
***
***        [[ 8,  8,  8],
***         [11, 11, 11],
***         [ 5,  5,  5],
***         ...,
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1]],
***
***        [[ 5,  5,  5],
***         [ 2,  2,  2],
***         [ 4,  4,  4],
***         ...,
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1]],
***
***        ...,
***
***        [[ 1,  1,  1],
***         [ 0,  0,  0],
***         [ 1,  1,  1],
***         ...,
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1]],
***
***        [[ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         ...,
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1]],
***
***        [[ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         ...,
***         [ 1,  1,  1],
***         [ 1,  1,  1],
***         [ 1,  1,  1]]], dtype=uint8), mask_image=None, enabled=True, module='lineart_realistic', model='t2i-adapter_diffusers_xl_lineart [bae0efef]', weight=0.5, image={'image': array([[[60, 42, 42],
***         [60, 42, 42],
***         [60, 42, 42],
***         ...,
***         [ 3,  1,  2],
***         [ 3,  1,  2],
***         [ 3,  1,  2]],
***
***        [[60, 42, 42],
***         [60, 42, 42],
***         [60, 42, 42],
***         ...,
***         [ 3,  1,  2],
***         [ 3,  1,  2],
***         [ 3,  1,  2]],
***
***        [[60, 42, 42],
***         [60, 42, 42],
***         [61, 43, 43],
***         ...,
***         [ 3,  1,  2],
***         [ 3,  1,  2],
***         [ 3,  1,  2]],
***
***        ...,
***
***        [[ 0,  0,  0],
***         [ 0,  0,  0],
***         [ 0,  0,  0],
***         ...,
***         [ 0,  0,  0],
***         [ 0,  0,  0],
***         [ 0,  0,  0]],
***
***        [[ 0,  0,  0],
***         [ 0,  0,  0],
***         [ 0,  0,  0],
***         ...,
***         [ 0,  0,  0],
***         [ 0,  0,  0],
***         [ 0,  0,  0]],
***
***        [[ 0,  0,  0],
***         [ 0,  0,  0],
***         [ 0,  0,  0],
***         ...,
***         [ 0,  0,  0],
***         [ 0,  0,  0],
***         [ 0,  0,  0]]], dtype=uint8), 'mask': array([[[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        ...,
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]],
***
***        [[0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0],
***         ...,
***         [0, 0, 0],
***         [0, 0, 0],
***         [0, 0, 0]]], dtype=uint8)}, resize_mode='Crop and Resize', processor_res=512, threshold_a=0.5, threshold_b=0.5, guidance_start=0, guidance_end=0.5, pixel_perfect=False, control_mode='My prompt is more important'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), False, 1.01, 1.02, 0.99, 0.95, False, 256, 2, 0, False, False, 3, 2, 0, 0.35, True, 'bicubic', 'bicubic', False, 0.5, 2, False, True, False, {'ad_model': 'face_yolov8n.pt', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.45, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M Karras', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {}
    Traceback (most recent call last):
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\call_queue.py", line 36, in f
        res = func(*args, **kwargs)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\txt2img.py", line 110, in txt2img
        processed = processing.process_images(p)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\processing.py", line 749, in process_images
        res = process_images_inner(p)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\processing.py", line 920, in process_images_inner
        samples_ddim = p.sample(conditioning=p.c, unconditional_conditioning=p.uc, seeds=p.seeds, subseeds=p.subseeds, subseed_strength=p.subseed_strength, prompts=p.prompts)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\processing.py", line 1275, in sample
        samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x))
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 251, in sample
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\sd_samplers_common.py", line 260, in launch_sampling
        return func()
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 251, in <lambda>
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\sampling.py", line 145, in sample_euler_ancestral
        denoised = model(x, sigmas[i] * s_in, **extra_args)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
        return self._call_impl(*args, **kwargs)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
        return forward_call(*args, **kwargs)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules\sd_samplers_cfg_denoiser.py", line 182, in forward
        denoised = forge_sampler.forge_sample(self, denoiser_params=denoiser_params,
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\modules_forge\forge_sampler.py", line 82, in forge_sample
        denoised = sampling_function(model, x, timestep, uncond, cond, cond_scale, model_options, seed)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\ldm_patched\modules\samplers.py", line 282, in sampling_function
        cond_pred, uncond_pred = calc_cond_uncond_batch(model, cond, uncond_, x, timestep, model_options)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\ldm_patched\modules\samplers.py", line 248, in calc_cond_uncond_batch
        c['control'] = control.get_control(input_x, timestep_, control_cond, len(cond_or_uncond))
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\ldm_patched\modules\controlnet.py", line 555, in get_control
        return self.control_merge(control_input, mid, control_prev, x_noisy.dtype)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\ldm_patched\modules\controlnet.py", line 188, in control_merge
        out = compute_controlnet_weighting(out, self)
      File "X:\STABLEDIFFUSION\stable-diffusion-webui-forge\ldm_patched\modules\controlnet.py", line 67, in compute_controlnet_weighting
        B, C, H, W = control_signal.shape
    AttributeError: 'NoneType' object has no attribute 'shape'

---

Additional information

No response

[Bug]: Lora's effect does not ride on SDXL refiner in forge. The original webui does not have this problem.

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

When using SDXL's refiner and Lora, when switching checkpoints with the refiner during one image generation, Lora's effect is not effective after the switch.

The original webui does not have this problem.

Steps to reproduce the problem

Use SDXL refiner and Lora." Switch at" value to 0.3; Lora's effect is not apparent in the image.

"Switch at" value is set to 0.97. Lora is in effect.
Without Rifiner, Lora is in effect.

What should have happened?

Use SDXL refiner and Lora; set "Switch at" value to 0.3.

Lora's effect should be applied to both checpoints before and after the switch

Lora effect is valid for original webui1111

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

{
"Platform": "Windows-10-10.0.19045-SP0",
"Python": "3.10.6",
"Version": "f0.0.6-latest-40-g74ff4a9b",
"Commit": "74ff4a9ba95ad1d92d48f7bac5f0de8c0c15e398",
"Script path": "Q:\stable-diffusion-webui-forge",
"Data path": "Q:\stable-diffusion-webui-forge",
"Extensions dir": "Q:\stable-diffusion-webui-forge\extensions",
"Checksum": "e0da9804fe04fe19e5f12a7102ccb551f6d666954c0a9ae96fb1d74ddc91da30",
"Commandline": [
"launch.py",
"--ckpt-dir",
"Q:\stable-diffusion-webui_Anything\models",
"--lora-dir",
"Q:\stable-diffusion-webui_Anything\models\Lora",
"--always-gpu"
],
"Torch env info": {
"torch_version": "2.1.2+cu121",
"is_debug_build": "False",
"cuda_compiled_version": "12.1",
"gcc_version": null,
"clang_version": null,
"cmake_version": null,
"os": "Microsoft Windows 10 Pro",
"libc_version": "N/A",
"python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 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": "537.58",
"nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 4090",
"cudnn_version": "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.3\bin\cudnn_ops_train64_8.dll",
"pip_version": "pip3",
"pip_packages": [
"numpy==1.26.2",
"open-clip-torch==2.20.0",
"pytorch-lightning==1.9.4",
"torch==2.1.2+cu121",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.16.2+cu121"
],
"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=3400",
"DeviceID=CPU0",
"Family=198",
"L2CacheSize=8192",
"L2CacheSpeed=",
"Manufacturer=GenuineIntel",
"MaxClockSpeed=3400",
"Name=13th Gen Intel(R) Core(TM) i7-13700K",
"ProcessorType=3",
"Revision="
]
},
"Exceptions": [],
"CPU": {
"model": "Intel64 Family 6 Model 183 Stepping 1, GenuineIntel",
"count logical": 24,
"count physical": 16
},
"RAM": {
"total": "64GB",
"used": "33GB",
"free": "31GB"
},
"Extensions": [
{
"name": "Config-Presets",
"path": "Q:\stable-diffusion-webui-forge\extensions\Config-Presets",
"version": "d6b54327",
"branch": "main",
"remote": "https://github.com/Zyin055/Config-Presets"
},
{
"name": "a1111-sd-webui-tagcomplete",
"path": "Q:\stable-diffusion-webui-forge\extensions\a1111-sd-webui-tagcomplete",
"version": "829a4a7b",
"branch": "main",
"remote": "https://github.com/DominikDoom/a1111-sd-webui-tagcomplete"
},
{
"name": "adetailer",
"path": "Q:\stable-diffusion-webui-forge\extensions\adetailer",
"version": "8f01dfda",
"branch": "main",
"remote": "https://github.com/Bing-su/adetailer.git"
},
{
"name": "sd-dynamic-prompts",
"path": "Q:\stable-diffusion-webui-forge\extensions\sd-dynamic-prompts",
"version": "74991820",
"branch": "main",
"remote": "https://github.com/adieyal/sd-dynamic-prompts.git"
},
{
"name": "sd-webui-agent-scheduler",
"path": "Q:\stable-diffusion-webui-forge\extensions\sd-webui-agent-scheduler",
"version": "39159f2d",
"branch": "main",
"remote": "https://github.com/ArtVentureX/sd-webui-agent-scheduler.git"
},
{
"name": "sd-webui-enable-checker",
"path": "Q:\stable-diffusion-webui-forge\extensions\sd-webui-enable-checker",
"version": "e338efa4",
"branch": "main",
"remote": "https://github.com/shirayu/sd-webui-enable-checker.git"
},
{
"name": "stable-diffusion-webui-wd14-tagger",
"path": "Q:\stable-diffusion-webui-forge\extensions\stable-diffusion-webui-wd14-tagger",
"version": "e72d984b",
"branch": "master",
"remote": "http://github.com/picobyte/stable-diffusion-webui-wd14-tagger.git"
}
],
"Inactive extensions": [],
"Environment": {
"COMMANDLINE_ARGS": "--ckpt-dir "Q:\stable-diffusion-webui_Anything\models" --lora-dir "Q:\stable-diffusion-webui_Anything\models\Lora" --always-gpu",
"GRADIO_ANALYTICS_ENABLED": "False"
},
"Config": {
"ldsr_steps": 100,
"ldsr_cached": false,
"SCUNET_tile": 256,
"SCUNET_tile_overlap": 8,
"SWIN_tile": 192,
"SWIN_tile_overlap": 8,
"SWIN_torch_compile": false,
"control_net_detectedmap_dir": "detected_maps",
"control_net_models_path": "",
"control_net_modules_path": "",
"control_net_unit_count": 3,
"control_net_model_cache_size": 5,
"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_input_thumbnail": true,
"sd_checkpoint_hash": "1449e5b0b9de87b0f414c5f29cb11ce3b3dc61fa2b320e784c9441720bf7b766",
"outdir_samples": "",
"outdir_txt2img_samples": "J:\Work\02_Art\AI\__Output\txt2img-images",
"outdir_img2img_samples": "J:\Work\02_Art\AI\__Output\img2img-images",
"outdir_extras_samples": "J:\Work\02_Art\AI\__Output\extras-images",
"outdir_grids": "",
"outdir_txt2img_grids": "output\txt2img-grids",
"outdir_img2img_grids": "output\img2img-grids",
"outdir_save": "log\images",
"outdir_init_images": "output\init-images",
"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.0,
"target_side_length": 4000.0,
"img_max_size_mp": 200.0,
"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,
"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,
"auto_backcompat": 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,
"use_downcasted_alpha_bar": false,
"lora_functional": false,
"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.0,
"extra_networks_card_height": 0.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_tree_view_default_enabled": false,
"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",
"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,
"lora_not_found_warning_console": false,
"lora_not_found_gradio_warning": false,
"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,
"pad_cond_uncond_v0": false,
"persistent_cond_cache": true,
"batch_cond_uncond": true,
"fp8_storage": "Disable",
"cache_fp16_weight": 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.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,
"sd_noise_schedule": "Default",
"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,
"upcast_attn": false,
"randn_source": "GPU",
"tiling": false,
"hires_fix_refiner_pass": "second pass",
"sdxl_crop_top": 0.0,
"sdxl_crop_left": 0.0,
"sdxl_refiner_low_aesthetic_score": 2.5,
"sdxl_refiner_high_aesthetic_score": 6.0,
"sd_vae_checkpoint_cache": 0,
"sd_vae_overrides_per_model_preferences": true,
"auto_vae_precision_bfloat16": false,
"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,
"overlay_inpaint": true,
"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.0,
"sd_webui_modal_lightbox_icon_opacity": 1,
"sd_webui_modal_lightbox_toolbar_opacity": 0.9,
"gallery_height": "",
"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.0,
"live_preview_fast_interrupt": false,
"js_live_preview_in_modal_lightbox": false,
"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,
"extra_options_txt2img": [],
"extra_options_img2img": [],
"extra_options_cols": 1,
"extra_options_accordion": false,
"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,
"interrupt_after_current": true,
"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,
"api_enable_requests": true,
"api_forbid_local_requests": true,
"api_useragent": "",
"auto_launch_browser": "Disable",
"enable_console_prompts": false,
"show_warnings": false,
"show_gradio_deprecation_warnings": true,
"memmon_poll_rate": 8,
"samples_log_stdout": false,
"multiple_tqdm": true,
"enable_upscale_progressbar": true,
"print_hypernet_extra": false,
"list_hidden_files": true,
"disable_mmap_load_safetensors": false,
"hide_ldm_prints": true,
"dump_stacks_on_signal": false,
"face_restoration": false,
"face_restoration_model": "CodeFormer",
"code_former_weight": 0.5,
"face_restoration_unload": false,
"postprocessing_enable_in_main_ui": [],
"postprocessing_operation_order": [],
"upscaling_max_images_in_cache": 5,
"postprocessing_existing_caption_action": "Ignore",
"ESRGAN_tile": 192,
"ESRGAN_tile_overlap": 8,
"realesrgan_enabled_models": [
"R-ESRGAN 4x+",
"R-ESRGAN 4x+ Anime6B"
],
"dat_enabled_models": [
"DAT x2",
"DAT x3",
"DAT x4"
],
"DAT_tile": 192,
"DAT_tile_overlap": 8,
"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.0,
"training_xattention_optimizations": false,
"training_enable_tensorboard": false,
"training_tensorboard_save_images": false,
"training_tensorboard_flush_every": 120.0,
"canvas_hotkey_zoom": "Alt",
"canvas_hotkey_adjust": "Ctrl",
"canvas_hotkey_shrink_brush": "Q",
"canvas_hotkey_grow_brush": "W",
"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"
],
"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.0,
"interrogate_clip_skip_categories": [],
"interrogate_deepbooru_score_threshold": 0.5,
"deepbooru_sort_alpha": true,
"deepbooru_use_spaces": true,
"deepbooru_escape": true,
"deepbooru_filter_tags": "",
"sd_model_checkpoint": "Stable-diffusion\animagine-xl-3.0.safetensors [1449e5b0b9]",
"sd_vae": "None",
"disabled_extensions": [],
"disable_all_extensions": "none",
"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,
"tac_showAllResults": false,
"tac_resultStepLength": 100,
"tac_delayTime": 100,
"tac_useWildcards": true,
"tac_sortWildcardResults": true,
"tac_wildcardExclusionList": "",
"tac_skipWildcardRefresh": false,
"tac_useEmbeddings": true,
"tac_includeEmbeddingsInNormalResults": false,
"tac_useHypernetworks": true,
"tac_useLoras": true,
"tac_useLycos": true,
"tac_useLoraPrefixForLycos": true,
"tac_showWikiLinks": false,
"tac_showExtraNetworkPreviews": true,
"tac_modelSortOrder": "Name",
"tac_useStyleVars": false,
"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": "Home",\n "JumpToEnd": "End",\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",
"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,
"queue_paused": true,
"queue_button_hide_checkpoint": true,
"queue_button_placement": "Under Generate button",
"queue_ui_placement": "As a tab",
"queue_history_retention_days": "30 days",
"queue_automatic_requeue_failed_task": false,
"queue_grid_page_size": 0,
"queue_keyboard_shortcut": "Ctrl+KeyE",
"queue_completion_action": "Do nothing",
"enable_checker_fix_forever_randomly_seed": true,
"enable_checker_activate_dropdown_check": true,
"enable_checker_activate_weight_check": true,
"enable_checker_activate_extra_network_check": true,
"enable_checker_custom_color": false,
"enable_checker_custom_color_enable": "#a0d8ef",
"enable_checker_custom_color_disable": "#aeaeae",
"enable_checker_custom_color_dropdown_enable": "#233873",
"enable_checker_custom_color_dropdown_disable": "#aeaeae",
"enable_checker_custom_color_zero_weihgt": "#aeaeae",
"enable_checker_custom_color_invalid_additional_networks": "#ed9797",
"tagger_out_filename_fmt": "[name].[output_extension]",
"tagger_count_threshold": 100.0,
"tagger_batch_recursive": true,
"tagger_auto_serde_json": true,
"tagger_store_images": false,
"tagger_weighted_tags_files": false,
"tagger_verbose": false,
"tagger_repl_us": true,
"tagger_repl_us_excl": "0_0, (o)
(o), +
+, +
-, .., , <|><|>, ==, ><, 3_3, 6_9, >o, @@, ^^, o_o, u_u, x_x, ||, ||||",
"tagger_escape": false,
"tagger_batch_size": 1024,
"tagger_hf_cache_dir": "Q:\stable-diffusion-webui-forge\models\diffusers",
"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
},
"Startup": {
"total": 43.15750002861023,
"records": {
"initial startup": 0.04500102996826172,
"prepare environment/checks": 0.04499936103820801,
"prepare environment/git version info": 0.1119992733001709,
"prepare environment/torch GPU test": 4.263999938964844,
"prepare environment/clone repositores": 0.44900035858154297,
"prepare environment/run extensions installers/a1111-sd-webui-tagcomplete": 0.001001119613647461,
"prepare environment/run extensions installers/adetailer": 0.24799895286560059,
"prepare environment/run extensions installers/Config-Presets": 0.0004992485046386719,
"prepare environment/run extensions installers/sd-dynamic-prompts": 0.3789999485015869,
"prepare environment/run extensions installers/sd-webui-agent-scheduler": 0.18899965286254883,
"prepare environment/run extensions installers/sd-webui-enable-checker": 0.0,
"prepare environment/run extensions installers/stable-diffusion-webui-wd14-tagger": 4.493500232696533,
"prepare environment/run extensions installers": 5.310999155044556,
"prepare environment/run extensions_builtin installers/canvas-zoom-and-pan": 0.0005006790161132812,
"prepare environment/run extensions_builtin installers/extra-options-section": 0.0,
"prepare environment/run extensions_builtin installers/forge_legacy_preprocessors": 1.5724992752075195,
"prepare environment/run extensions_builtin installers/forge_preprocessor_inpaint": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_marigold": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_normalbae": 0.0004999637603759766,
"prepare environment/run extensions_builtin installers/forge_preprocessor_recolor": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_reference": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_revision": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_tile": 0.0,
"prepare environment/run extensions_builtin installers/LDSR": 0.0,
"prepare environment/run extensions_builtin installers/Lora": 0.0,
"prepare environment/run extensions_builtin installers/mobile": 0.0,
"prepare environment/run extensions_builtin installers/prompt-bracket-checker": 0.0,
"prepare environment/run extensions_builtin installers/ScuNET": 0.0005006790161132812,
"prepare environment/run extensions_builtin installers/sd_forge_controlllite": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_controlnet": 1.264000654220581,
"prepare environment/run extensions_builtin installers/sd_forge_controlnet_example": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_freeu": 0.0004994869232177734,
"prepare environment/run extensions_builtin installers/sd_forge_hypertile": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_ipadapter": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_kohya_hrfix": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_photomaker": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_sag": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_stylealign": 0.0005002021789550781,
"prepare environment/run extensions_builtin installers/sd_forge_svd": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_z123": 0.0,
"prepare environment/run extensions_builtin installers/soft-inpainting": 0.0,
"prepare environment/run extensions_builtin installers/SwinIR": 0.0,
"prepare environment/run extensions_builtin installers": 2.839000940322876,
"prepare environment": 13.1229989528656,
"launcher": 0.02649998664855957,
"import torch": 9.106499433517456,
"import gradio": 2.4685001373291016,
"setup paths": 8.432999849319458,
"import ldm": 0.017000436782836914,
"import sgm": 0.0,
"initialize shared": 0.1614995002746582,
"other imports": 0.8984999656677246,
"opts onchange": 0.0005002021789550781,
"setup SD model": 0.0,
"setup codeformer": 0.0014996528625488281,
"setup gfpgan": 0.025500059127807617,
"set samplers": 0.0,
"list extensions": 0.004000186920166016,
"restore config state file": 0.0,
"list SD models": 2.1155009269714355,
"list localizations": 0.0010006427764892578,
"load scripts/custom_code.py": 0.006998777389526367,
"load scripts/img2imgalt.py": 0.0009999275207519531,
"load scripts/loopback.py": 0.0004999637603759766,
"load scripts/outpainting_mk_2.py": 0.0005004405975341797,
"load scripts/poor_mans_outpainting.py": 0.0,
"load scripts/postprocessing_caption.py": 0.0034999847412109375,
"load scripts/postprocessing_codeformer.py": 0.0,
"load scripts/postprocessing_create_flipped_copies.py": 0.0005004405975341797,
"load scripts/postprocessing_focal_crop.py": 0.008999109268188477,
"load scripts/postprocessing_gfpgan.py": 0.0004994869232177734,
"load scripts/postprocessing_split_oversized.py": 0.0004999637603759766,
"load scripts/postprocessing_upscale.py": 0.0005013942718505859,
"load scripts/processing_autosized_crop.py": 0.0015001296997070312,
"load scripts/prompt_matrix.py": 0.000499725341796875,
"load scripts/prompts_from_file.py": 0.0004994869232177734,
"load scripts/sd_upscale.py": 0.0005006790161132812,
"load scripts/xyz_grid.py": 0.002499103546142578,
"load scripts/ldsr_model.py": 0.3534996509552002,
"load scripts/lora_script.py": 0.21499991416931152,
"load scripts/scunet_model.py": 0.0280001163482666,
"load scripts/swinir_model.py": 0.02200007438659668,
"load scripts/hotkey_config.py": 0.0015003681182861328,
"load scripts/extra_options_section.py": 0.000499725341796875,
"load scripts/legacy_preprocessors.py": 0.015500545501708984,
"load scripts/preprocessor_inpaint.py": 0.02450084686279297,
"load scripts/preprocessor_marigold.py": 0.18249845504760742,
"load scripts/preprocessor_normalbae.py": 0.00850057601928711,
"load scripts/preprocessor_recolor.py": 0.000499725341796875,
"load scripts/forge_reference.py": 0.002499818801879883,
"load scripts/preprocessor_revision.py": 0.0005004405975341797,
"load scripts/preprocessor_tile.py": 0.0005004405975341797,
"load scripts/forge_controllllite.py": 0.013998985290527344,
"load scripts/controlnet.py": 0.42149972915649414,
"load scripts/xyz_grid_support.py": 0.0010008811950683594,
"load scripts/sd_forge_controlnet_example.py": 0.0014996528625488281,
"load scripts/forge_freeu.py": 0.004999876022338867,
"load scripts/forge_hypertile.py": 0.005000591278076172,
"load scripts/forge_ipadapter.py": 0.009000539779663086,
"load scripts/kohya_hrfix.py": 0.0029990673065185547,
"load scripts/forge_photomaker.py": 0.00400090217590332,
"load scripts/forge_sag.py": 0.003499269485473633,
"load scripts/forge_stylealign.py": 0.0005018711090087891,
"load scripts/forge_svd.py": 0.044499874114990234,
"load scripts/forge_z123.py": 0.042498111724853516,
"load scripts/soft_inpainting.py": 0.002001047134399414,
"load scripts/config_presets.py": 0.003000497817993164,
"load scripts/model_keyword_support.py": 0.011500120162963867,
"load scripts/shared_paths.py": 0.0004985332489013672,
"load scripts/tag_autocomplete_helper.py": 0.18200039863586426,
"load scripts/!adetailer.py": 1.2894985675811768,
"load scripts/dynamic_prompting.py": 0.2725028991699219,
"load scripts/task_scheduler.py": 0.6804983615875244,
"load scripts/enable_checker.py": 0.05000138282775879,
"load scripts/tagger.py": 0.15999817848205566,
"load scripts/refiner.py": 0.002499818801879883,
"load scripts/seed.py": 0.0004999637603759766,
"load scripts": 4.093998432159424,
"load upscalers": 0.010999917984008789,
"refresh VAE": 0.04499983787536621,
"refresh textual inversion templates": 0.0009999275207519531,
"scripts list_optimizers": 0.0015003681182861328,
"scripts list_unets": 0.0,
"reload hypernetworks": 0.0014998912811279297,
"initialize extra networks": 0.02449965476989746,
"scripts before_ui_callback": 0.002500295639038086,
"create ui": 1.5504999160766602,
"gradio launch": 0.32050061225891113,
"add APIs": 0.009001493453979492,
"app_started_callback/lora_script.py": 0.0,
"app_started_callback/tag_autocomplete_helper.py": 0.0015003681182861328,
"app_started_callback/!adetailer.py": 0.0004987716674804688,
"app_started_callback/task_scheduler.py": 0.76650071144104,
"app_started_callback/tagger.py": 0.0034987926483154297,
"app_started_callback": 0.7719986438751221
}
},
"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",
"albumentations==1.3.1",
"altair==5.2.0",
"antlr4-python3-runtime==4.9.3",
"anyio==3.7.1",
"astunparse==1.6.3",
"async-timeout==4.0.3",
"attrs==23.2.0",
"basicsr==1.4.2",
"blendmodes==2022",
"cachetools==5.3.2",
"certifi==2024.2.2",
"cffi==1.16.0",
"chardet==5.2.0",
"charset-normalizer==3.3.2",
"clean-fid==0.1.35",
"click==8.1.7",
"clip==1.0",
"colorama==0.4.6",
"coloredlogs==15.0.1",
"colorlog==6.8.2",
"contourpy==1.2.0",
"cssselect2==0.7.0",
"cycler==0.12.1",
"cython==3.0.8",
"deepdanbooru==1.0.2",
"deprecation==2.1.0",
"depth-anything==2024.1.22.0",
"diffusers==0.25.0",
"dynamicprompts==0.30.4",
"easydict==1.11",
"einops==0.4.1",
"embreex==2.17.7.post4",
"exceptiongroup==1.2.0",
"facexlib==0.3.0",
"fastapi==0.94.0",
"ffmpy==0.3.1",
"filelock==3.13.1",
"filterpy==1.4.5",
"flatbuffers==23.5.26",
"fonttools==4.47.2",
"frozenlist==1.4.1",
"fsspec==2024.2.0",
"ftfy==6.1.3",
"future==0.18.3",
"fvcore==0.1.5.post20221221",
"gast==0.5.4",
"gitdb==4.0.11",
"gitpython==3.1.32",
"google-auth-oauthlib==1.2.0",
"google-auth==2.27.0",
"google-pasta==0.2.0",
"gradio-client==0.5.0",
"gradio==3.41.2",
"greenlet==3.0.3",
"grpcio==1.60.1",
"h11==0.12.0",
"h5py==3.10.0",
"handrefinerportable==2024.1.18.0",
"httpcore==0.15.0",
"httpx==0.24.1",
"huggingface-hub==0.20.3",
"humanfriendly==10.0",
"idna==3.6",
"imageio==2.33.1",
"importlib-metadata==7.0.1",
"importlib-resources==6.1.1",
"inflection==0.5.1",
"insightface==0.7.3",
"iopath==0.1.9",
"jinja2==3.1.3",
"joblib==1.3.2",
"jsonmerge==1.8.0",
"jsonschema-specifications==2023.12.1",
"jsonschema==4.21.1",
"keras==2.15.0",
"kiwisolver==1.4.5",
"kornia==0.6.7",
"lark==1.1.2",
"lazy-loader==0.3",
"libclang==16.0.6",
"lightning-utilities==0.10.1",
"llvmlite==0.42.0",
"lmdb==1.4.1",
"lxml==5.1.0",
"mapbox-earcut==1.0.1",
"markdown-it-py==3.0.0",
"markdown==3.5.2",
"markupsafe==2.1.5",
"matplotlib==3.8.2",
"mdurl==0.1.2",
"mediapipe==0.10.9",
"ml-dtypes==0.2.0",
"mpmath==1.3.0",
"multidict==6.0.5",
"networkx==3.2.1",
"numba==0.59.0",
"numpy==1.26.2",
"oauthlib==3.2.2",
"omegaconf==2.2.3",
"onnx==1.15.0",
"onnxruntime==1.17.0",
"open-clip-torch==2.20.0",
"opencv-contrib-python==4.9.0.80",
"opencv-python-headless==4.9.0.80",
"opencv-python==4.9.0.80",
"opt-einsum==3.3.0",
"orjson==3.9.13",
"packaging==23.2",
"pandas==2.2.0",
"piexif==1.1.3",
"pillow==9.5.0",
"pip==22.2.1",
"platformdirs==4.2.0",
"portalocker==2.8.2",
"prettytable==3.9.0",
"protobuf==3.20.3",
"psutil==5.9.5",
"py-cpuinfo==9.0.0",
"pyasn1-modules==0.3.0",
"pyasn1==0.5.1",
"pycollada==0.8",
"pycparser==2.21",
"pydantic==1.10.14",
"pydub==0.25.1",
"pygments==2.17.2",
"pyparsing==3.1.1",
"pyreadline3==3.4.1",
"python-dateutil==2.8.2",
"python-multipart==0.0.7",
"pytorch-lightning==1.9.4",
"pytz==2024.1",
"pywavelets==1.5.0",
"pywin32==306",
"pyyaml==6.0.1",
"qudida==0.0.4",
"referencing==0.33.0",
"regex==2023.12.25",
"reportlab==4.0.9",
"requests-oauthlib==1.3.1",
"requests==2.31.0",
"resize-right==0.0.2",
"rich==13.7.0",
"rpds-py==0.17.1",
"rsa==4.9",
"rtree==1.2.0",
"safetensors==0.4.2",
"scikit-image==0.21.0",
"scikit-learn==1.4.0",
"scipy==1.12.0",
"seaborn==0.13.2",
"semantic-version==2.10.0",
"send2trash==1.8.2",
"sentencepiece==0.1.99",
"setuptools==63.2.0",
"shapely==2.0.2",
"six==1.16.0",
"smmap==5.0.1",
"sniffio==1.3.0",
"sounddevice==0.4.6",
"spandrel==0.1.6",
"sqlalchemy==2.0.25",
"starlette==0.26.1",
"svg.path==6.3",
"svglib==1.5.1",
"sympy==1.12",
"tabulate==0.9.0",
"tb-nightly==2.16.0a20240205",
"tensorboard-data-server==0.7.2",
"tensorboard==2.15.1",
"tensorflow-estimator==2.15.0",
"tensorflow-intel==2.15.0",
"tensorflow-io-gcs-filesystem==0.31.0",
"tensorflow==2.15.0",
"termcolor==2.4.0",
"tf-keras-nightly==2.16.0.dev2024020510",
"thop==0.1.1.post2209072238",
"threadpoolctl==3.2.0",
"tifffile==2024.1.30",
"timm==0.9.12",
"tinycss2==1.2.1",
"tokenizers==0.13.3",
"tomesd==0.1.3",
"tomli==2.0.1",
"toolz==0.12.1",
"torch==2.1.2+cu121",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.16.2+cu121",
"tqdm==4.66.1",
"trampoline==0.1.2",
"transformers==4.30.2",
"trimesh==4.1.3",
"typing-extensions==4.9.0",
"tzdata==2023.4",
"ultralytics==8.1.9",
"urllib3==2.2.0",
"uvicorn==0.27.0.post1",
"vhacdx==0.0.5",
"wcwidth==0.2.13",
"webencodings==0.5.1",
"websockets==11.0.3",
"werkzeug==3.0.1",
"wheel==0.42.0",
"wrapt==1.14.1",
"xxhash==3.4.1",
"yacs==0.1.8",
"yapf==0.40.2",
"yarl==1.9.4",
"zipp==3.17.0"
]
}

Console logs

I don't know how.

Additional information

No response

[Bug]: batch processing ControlNet with instantID error

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

batch processing ControlNet with instantID error

Steps to reproduce the problem

batch processing ControlNet with instantID error

What should have happened?

batch processing ControlNet with instantID error

What browsers do you use to access the UI ?

No response

Sysinfo

Laptop with RTX 2080 super 8GB VRAM

Console logs

Begin to load 1 model
Moving model(s) has taken 2.23 seconds
*** Error running postprocess_batch_list: D:\SD_webui_forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\SD_webui_forge\webui\modules\scripts.py", line 854, in postprocess_batch_list
        script.postprocess_batch_list(p, pp, *script_args, **kwargs)
      File "D:\SD_webui_forge\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\SD_webui_forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 493, in postprocess_batch_list
        self.process_unit_after_every_sampling(p, unit, self.current_params[i], pp, *args, **kwargs)
    KeyError: 0

---
*** Error running process_before_every_sampling: D:\SD_webui_forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "D:\SD_webui_forge\webui\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "D:\SD_webui_forge\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "D:\SD_webui_forge\webui\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 487, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
    KeyError: 0

Additional information

2024-02-07.05-21-24.mp4

png chunks

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

i can't seem to find the "save text information about generation parameters as chunks in png files" and "create a text file next to every image with generation parameters" settings ... they got renamed?
if they got removed it's an instant deal breaker

and while you're at it, you could put an option in that prevents the "invisible" watermark silliness... the reasoning behind it is irrelevant.. ppl have their reasons.

sure.. i could go into python and do it myself.. but there IS original auto that would save me at least half the trip.

Proposed workflow

open python
comment in png chunk options
comment out watermark shenanigans

Additional information

No response

[Bug]: No module named 'appdirs'

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Running the WebUI fails as required packages are not installed.

Steps to reproduce the problem

  1. Download the latest release
  2. Run update.bat
  3. Run run.bat
  4. Failure

What should have happened?

Properly install required packages.

What browsers do you use to access the UI ?

No response

Sysinfo

N/A

Console logs

Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.10-latest-61-g65f9c7d4
Commit hash: 65f9c7d442c0e1e1dafaee9da1df587a48b742d0
Launching Web UI with arguments:
Total VRAM 16380 MB, total RAM 32668 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4060 Ti : native
VAE dtype: torch.bfloat16
Traceback (most recent call last):
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\utils\import_utils.py", line 1086, in _get_module
    return importlib.import_module("." + module_name, self.__name__)
  File "importlib\__init__.py", line 126, in import_module
  File "<frozen importlib._bootstrap>", line 1050, in _gcd_import
  File "<frozen importlib._bootstrap>", line 1027, in _find_and_load
  File "<frozen importlib._bootstrap>", line 1006, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 688, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\models\clip\modeling_clip.py", line 27, in <module>
    from ...modeling_utils import PreTrainedModel
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\modeling_utils.py", line 85, in <module>
    from accelerate import __version__ as accelerate_version
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\accelerate\__init__.py", line 3, in <module>
    from .accelerator import Accelerator
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\accelerate\accelerator.py", line 41, in <module>
    from .tracking import LOGGER_TYPE_TO_CLASS, GeneralTracker, filter_trackers
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\accelerate\tracking.py", line 50, in <module>
    import wandb
  File "C:\Users\admin\AppData\Roaming\Python\Python310\site-packages\wandb\__init__.py", line 26, in <module>
    from wandb import sdk as wandb_sdk
  File "C:\Users\admin\AppData\Roaming\Python\Python310\site-packages\wandb\sdk\__init__.py", line 3, in <module>
    from . import wandb_helper as helper  # noqa: F401
  File "C:\Users\admin\AppData\Roaming\Python\Python310\site-packages\wandb\sdk\wandb_helper.py", line 6, in <module>
    from .lib import config_util
  File "C:\Users\admin\AppData\Roaming\Python\Python310\site-packages\wandb\sdk\lib\config_util.py", line 10, in <module>
    from wandb.util import load_yaml
  File "C:\Users\admin\AppData\Roaming\Python\Python310\site-packages\wandb\util.py", line 51, in <module>
    import wandb.env
  File "C:\Users\admin\AppData\Roaming\Python\Python310\site-packages\wandb\env.py", line 19, in <module>
    import appdirs
ModuleNotFoundError: No module named 'appdirs'

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "M:\Accessories\webui_forge_cu121_torch21\webui\launch.py", line 48, in <module>
    main()
  File "M:\Accessories\webui_forge_cu121_torch21\webui\launch.py", line 44, in main
    start()
  File "M:\Accessories\webui_forge_cu121_torch21\webui\modules\launch_utils.py", line 508, in start
    import webui
  File "M:\Accessories\webui_forge_cu121_torch21\webui\webui.py", line 17, in <module>
    initialize.imports()
  File "M:\Accessories\webui_forge_cu121_torch21\webui\modules\initialize.py", line 39, in imports
    from modules import paths, timer, import_hook, errors  # noqa: F401
  File "M:\Accessories\webui_forge_cu121_torch21\webui\modules\paths.py", line 60, in <module>
    import sgm  # noqa: F401
  File "M:\Accessories\webui_forge_cu121_torch21\webui\repositories\generative-models\sgm\__init__.py", line 1, in <module>
    from .models import AutoencodingEngine, DiffusionEngine
  File "M:\Accessories\webui_forge_cu121_torch21\webui\repositories\generative-models\sgm\models\__init__.py", line 1, in <module>
    from .autoencoder import AutoencodingEngine
  File "M:\Accessories\webui_forge_cu121_torch21\webui\repositories\generative-models\sgm\models\autoencoder.py", line 12, in <module>
    from ..modules.diffusionmodules.model import Decoder, Encoder
  File "M:\Accessories\webui_forge_cu121_torch21\webui\repositories\generative-models\sgm\modules\__init__.py", line 1, in <module>
    from .encoders.modules import GeneralConditioner
  File "M:\Accessories\webui_forge_cu121_torch21\webui\repositories\generative-models\sgm\modules\encoders\modules.py", line 13, in <module>
    from transformers import (
  File "<frozen importlib._bootstrap>", line 1075, in _handle_fromlist
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\utils\import_utils.py", line 1077, in __getattr__
    value = getattr(module, name)
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\utils\import_utils.py", line 1076, in __getattr__
    module = self._get_module(self._class_to_module[name])
  File "M:\Accessories\webui_forge_cu121_torch21\system\python\lib\site-packages\transformers\utils\import_utils.py", line 1088, in _get_module
    raise RuntimeError(
RuntimeError: Failed to import transformers.models.clip.modeling_clip because of the following error (look up to see its traceback):
No module named 'appdirs'


### Additional information

_No response_

[Bug]: Disabling SVD causes Errors

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

If sd_forge_svd is disabled, the Webui will not launch

Steps to reproduce the problem

  1. Go to Extensions tab
  2. Scroll down and find sd_forge_svd
  3. Untick the enable checkbox
  4. Apply and restart UI
  5. See the errors below
  6. Press any key to continue . . .
  7. Console is then closed with no UI shown

What should have happened?

Simply removes the SVD tab

What browsers do you use to access the UI ?

Microsoft Edge

Sysinfo

{
"Platform": "Windows-10-10.0.22621-SP0",
"Python": "3.10.10",
"Version": "f0.0.6-latest-39-g1ecbff15",
"Commit": "1ecbff15fa6893c68875cdc2d2f60ca5cc9c0343",
"Script path": "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge",
"Data path": "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge",
"Extensions dir": "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\extensions",
"Checksum": "f848aa1c4dffacecb3ff5b90594681c28e280181b179b60f849e1ae4e45b3164",
"Commandline": [
"launch.py",
"--xformers"
],
"Torch env info": {
"torch_version": "2.1.2+cu121",
"is_debug_build": "False",
"cuda_compiled_version": "12.1",
"gcc_version": null,
"clang_version": null,
"cmake_version": "version 3.26.0-rc6",
"os": "Microsoft Windows 11 Pro",
"libc_version": "N/A",
"python_version": "3.10.10 (tags/v3.10.10:aad5f6a, Feb 7 2023, 17:20:36) [MSC v.1929 64 bit (AMD64)] (64-bit runtime)",
"python_platform": "Windows-10-10.0.22621-SP0",
"is_cuda_available": "True",
"cuda_runtime_version": "11.8.89\r",
"cuda_module_loading": "LAZY",
"nvidia_driver_version": "546.01",
"nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3060",
"cudnn_version": null,
"pip_version": "pip3",
"pip_packages": [
"numpy==1.26.2",
"open-clip-torch==2.20.0",
"pytorch-lightning==1.9.4",
"torch==2.1.2+cu121",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.16.2+cu121",
"triton==2.1.0"
],
"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=2100",
"DeviceID=CPU0",
"Family=198",
"L2CacheSize=24576",
"L2CacheSpeed=",
"Manufacturer=GenuineIntel",
"MaxClockSpeed=2100",
"Name=13th Gen Intel(R) Core(TM) i7-13700",
"ProcessorType=3",
"Revision="
]
},
"Exceptions": [],
"CPU": {
"model": "Intel64 Family 6 Model 183 Stepping 1, GenuineIntel",
"count logical": 24,
"count physical": 16
},
"RAM": {
"total": "32GB",
"used": "15GB",
"free": "17GB"
},
"Extensions": [
{
"name": "Catppuccin",
"path": "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\extensions\Catppuccin",
"version": "6f1eebbe",
"branch": "main",
"remote": "https://github.com/catppuccin/stable-diffusion-webui"
},
{
"name": "sd-webui-memory-release",
"path": "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\extensions\sd-webui-memory-release",
"version": "bca5ccce",
"branch": "main",
"remote": "https://github.com/Haoming02/sd-webui-memory-release"
},
{
"name": "sd-webui-prompt-format",
"path": "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\extensions\sd-webui-prompt-format",
"version": "b7b9c07c",
"branch": "main",
"remote": "https://github.com/Haoming02/sd-webui-prompt-format"
},
{
"name": "sd-webui-tabs-extension",
"path": "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\extensions\sd-webui-tabs-extension",
"version": "7cb72eea",
"branch": "main",
"remote": "https://github.com/Haoming02/sd-webui-tabs-extension"
}
],
"Inactive extensions": [],
"Environment": {
"COMMANDLINE_ARGS": " --xformers",
"GRADIO_ANALYTICS_ENABLED": "False"
},
"Config": {
"ldsr_steps": 100,
"ldsr_cached": false,
"SCUNET_tile": 256,
"SCUNET_tile_overlap": 8,
"SWIN_tile": 192,
"SWIN_tile_overlap": 8,
"SWIN_torch_compile": false,
"control_net_detectedmap_dir": "detected_maps",
"control_net_models_path": "",
"control_net_modules_path": "",
"control_net_unit_count": 3,
"control_net_model_cache_size": 5,
"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_input_thumbnail": true,
"sd_model_checkpoint": "animagineXLV3_v30.safetensors",
"sd_checkpoint_hash": "1449e5b0b9de87b0f414c5f29cb11ce3b3dc61fa2b320e784c9441720bf7b766",
"outdir_samples": "",
"outdir_txt2img_samples": "output\txt2img-images",
"outdir_img2img_samples": "output\img2img-images",
"outdir_extras_samples": "output\extras-images",
"outdir_grids": "",
"outdir_txt2img_grids": "output\txt2img-grids",
"outdir_img2img_grids": "output\img2img-grids",
"outdir_save": "log\images",
"outdir_init_images": "output\init-images",
"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.0,
"target_side_length": 4000.0,
"img_max_size_mp": 200.0,
"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,
"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,
"auto_backcompat": 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,
"use_downcasted_alpha_bar": false,
"lora_functional": false,
"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.0,
"extra_networks_card_height": 0.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_tree_view_default_enabled": false,
"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",
"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,
"lora_not_found_warning_console": false,
"lora_not_found_gradio_warning": false,
"cross_attention_optimization": "xformers",
"s_min_uncond": 0,
"token_merging_ratio": 0,
"token_merging_ratio_img2img": 0,
"token_merging_ratio_hr": 0,
"pad_cond_uncond": true,
"pad_cond_uncond_v0": false,
"persistent_cond_cache": true,
"batch_cond_uncond": true,
"fp8_storage": "Disable",
"cache_fp16_weight": 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.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,
"sd_noise_schedule": "Default",
"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,
"upcast_attn": false,
"randn_source": "CPU",
"tiling": false,
"hires_fix_refiner_pass": "second pass",
"sdxl_crop_top": 0.0,
"sdxl_crop_left": 0.0,
"sdxl_refiner_low_aesthetic_score": 2.5,
"sdxl_refiner_high_aesthetic_score": 6.0,
"sd_vae_checkpoint_cache": 0,
"sd_vae_overrides_per_model_preferences": true,
"auto_vae_precision_bfloat16": false,
"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,
"overlay_inpaint": true,
"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.0,
"sd_webui_modal_lightbox_icon_opacity": 1,
"sd_webui_modal_lightbox_toolbar_opacity": 0.9,
"gallery_height": "",
"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": "jpeg",
"show_progress_grid": true,
"show_progress_every_n_steps": 4,
"show_progress_type": "TAESD",
"live_preview_allow_lowvram_full": false,
"live_preview_content": "Combined",
"live_preview_refresh_period": 1000.0,
"live_preview_fast_interrupt": true,
"js_live_preview_in_modal_lightbox": false,
"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,
"extra_options_txt2img": [],
"extra_options_img2img": [],
"extra_options_cols": 1,
"extra_options_accordion": false,
"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,
"interrupt_after_current": true,
"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,
"api_enable_requests": true,
"api_forbid_local_requests": true,
"api_useragent": "",
"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,
"enable_upscale_progressbar": true,
"print_hypernet_extra": false,
"list_hidden_files": true,
"disable_mmap_load_safetensors": false,
"hide_ldm_prints": true,
"dump_stacks_on_signal": false,
"face_restoration": false,
"face_restoration_model": "CodeFormer",
"code_former_weight": 0.5,
"face_restoration_unload": false,
"postprocessing_enable_in_main_ui": [],
"postprocessing_operation_order": [],
"upscaling_max_images_in_cache": 5,
"postprocessing_existing_caption_action": "Ignore",
"ESRGAN_tile": 192,
"ESRGAN_tile_overlap": 8,
"realesrgan_enabled_models": [
"R-ESRGAN 4x+",
"R-ESRGAN 4x+ Anime6B"
],
"dat_enabled_models": [
"DAT x2",
"DAT x3",
"DAT x4"
],
"DAT_tile": 192,
"DAT_tile_overlap": 8,
"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.0,
"training_xattention_optimizations": false,
"training_enable_tensorboard": false,
"training_tensorboard_save_images": false,
"training_tensorboard_flush_every": 120.0,
"canvas_hotkey_zoom": "Alt",
"canvas_hotkey_adjust": "Ctrl",
"canvas_hotkey_shrink_brush": "Q",
"canvas_hotkey_grow_brush": "W",
"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"
],
"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.0,
"interrogate_clip_skip_categories": [],
"interrogate_deepbooru_score_threshold": 0.5,
"deepbooru_sort_alpha": true,
"deepbooru_use_spaces": true,
"deepbooru_escape": true,
"deepbooru_filter_tags": "",
"disabled_extensions": [
"ScuNET",
"SwinIR",
"sd_forge_hypertile",
"sd_forge_kohya_hrfix"
],
"disable_all_extensions": "none",
"ctp_flavor": "mocha",
"accent_color": "maroon",
"memre_debug": false,
"memre_unload": false,
"pf_disableupdateinput": false,
"pf_startinauto": true,
"pf_startwithdedupe": true,
"pf_startwithrmudscr": false,
"tabs_ex_delay": 10
},
"Startup": {
"total": 7.244654893875122,
"records": {
"initial startup": 0.01399993896484375,
"prepare environment/checks": 0.0050029754638671875,
"prepare environment/git version info": 0.02999734878540039,
"prepare environment/torch GPU test": 1.2456755638122559,
"prepare environment/clone repositores": 0.10100388526916504,
"prepare environment/run extensions installers/Catppuccin": 0.004999637603759766,
"prepare environment/run extensions installers/sd-webui-memory-release": 0.0,
"prepare environment/run extensions installers/sd-webui-prompt-format": 0.0,
"prepare environment/run extensions installers/sd-webui-tabs-extension": 0.0,
"prepare environment/run extensions installers": 0.004999637603759766,
"prepare environment/run extensions_builtin installers/canvas-zoom-and-pan": 0.001041412353515625,
"prepare environment/run extensions_builtin installers/extra-options-section": 0.0,
"prepare environment/run extensions_builtin installers/forge_legacy_preprocessors": 0.21195769309997559,
"prepare environment/run extensions_builtin installers/forge_preprocessor_inpaint": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_marigold": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_normalbae": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_recolor": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_reference": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_revision": 0.0,
"prepare environment/run extensions_builtin installers/forge_preprocessor_tile": 0.0,
"prepare environment/run extensions_builtin installers/LDSR": 0.0,
"prepare environment/run extensions_builtin installers/Lora": 0.0,
"prepare environment/run extensions_builtin installers/mobile": 0.0010004043579101562,
"prepare environment/run extensions_builtin installers/prompt-bracket-checker": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_controlllite": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_controlnet": 0.20831847190856934,
"prepare environment/run extensions_builtin installers/sd_forge_controlnet_example": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_freeu": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_ipadapter": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_photomaker": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_sag": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_stylealign": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_svd": 0.0,
"prepare environment/run extensions_builtin installers/sd_forge_z123": 0.0,
"prepare environment/run extensions_builtin installers/soft-inpainting": 0.0,
"prepare environment/run extensions_builtin installers": 0.4223179817199707,
"prepare environment": 1.8282389640808105,
"launcher": 0.0019989013671875,
"import torch": 2.5522780418395996,
"import gradio": 0.5890505313873291,
"setup paths": 0.3713691234588623,
"import ldm": 0.0039997100830078125,
"import sgm": 0.0,
"initialize shared": 0.08098769187927246,
"other imports": 0.4270145893096924,
"opts onchange": 0.0,
"setup SD model": 0.0,
"setup codeformer": 0.0010018348693847656,
"setup gfpgan": 0.005997180938720703,
"set samplers": 0.0,
"list extensions": 0.0030045509338378906,
"restore config state file": 0.0,
"list SD models": 0.0049953460693359375,
"list localizations": 0.0009999275207519531,
"load scripts/custom_code.py": 0.0019998550415039062,
"load scripts/img2imgalt.py": 0.0010006427764892578,
"load scripts/loopback.py": 0.0,
"load scripts/outpainting_mk_2.py": 0.0,
"load scripts/poor_mans_outpainting.py": 0.0,
"load scripts/postprocessing_caption.py": 0.0,
"load scripts/postprocessing_codeformer.py": 0.0,
"load scripts/postprocessing_create_flipped_copies.py": 0.0009999275207519531,
"load scripts/postprocessing_focal_crop.py": 0.0019996166229248047,
"load scripts/postprocessing_gfpgan.py": 0.0,
"load scripts/postprocessing_split_oversized.py": 0.0010001659393310547,
"load scripts/postprocessing_upscale.py": 0.0,
"load scripts/processing_autosized_crop.py": 0.0,
"load scripts/prompt_matrix.py": 0.0,
"load scripts/prompts_from_file.py": 0.0,
"load scripts/sd_upscale.py": 0.0009999275207519531,
"load scripts/xyz_grid.py": 0.004002094268798828,
"load scripts/ldsr_model.py": 0.30700087547302246,
"load scripts/lora_script.py": 0.06499671936035156,
"load scripts/hotkey_config.py": 0.0010004043579101562,
"load scripts/extra_options_section.py": 0.0,
"load scripts/legacy_preprocessors.py": 0.006309032440185547,
"load scripts/preprocessor_inpaint.py": 0.0060465335845947266,
"load scripts/preprocessor_marigold.py": 0.0625302791595459,
"load scripts/preprocessor_normalbae.py": 0.002997875213623047,
"load scripts/preprocessor_recolor.py": 0.0,
"load scripts/forge_reference.py": 0.0,
"load scripts/preprocessor_revision.py": 0.0,
"load scripts/preprocessor_tile.py": 0.0,
"load scripts/forge_controllllite.py": 0.0050885677337646484,
"load scripts/controlnet.py": 0.18680882453918457,
"load scripts/xyz_grid_support.py": 0.0,
"load scripts/sd_forge_controlnet_example.py": 0.0,
"load scripts/forge_freeu.py": 0.0020782947540283203,
"load scripts/forge_ipadapter.py": 0.004999876022338867,
"load scripts/forge_photomaker.py": 0.0009992122650146484,
"load scripts/forge_sag.py": 0.0010001659393310547,
"load scripts/forge_stylealign.py": 0.0010001659393310547,
"load scripts/forge_svd.py": 0.014906167984008789,
"load scripts/forge_z123.py": 0.012960672378540039,
"load scripts/soft_inpainting.py": 0.0,
"load scripts/main.py": 0.009999275207519531,
"load scripts/release.py": 0.01199960708618164,
"load scripts/pf_settings.py": 0.01000070571899414,
"load scripts/tabs_config.py": 0.0,
"load scripts/tabsex.py": 0.010999917984008789,
"load scripts/refiner.py": 0.0,
"load scripts/seed.py": 0.0,
"load scripts": 0.7357254028320312,
"load upscalers": 0.003234386444091797,
"refresh VAE": 0.0,
"refresh textual inversion templates": 0.0,
"scripts list_optimizers": 0.00099945068359375,
"scripts list_unets": 0.0,
"reload hypernetworks": 0.003999948501586914,
"initialize extra networks": 0.003000020980834961,
"scripts before_ui_callback": 0.0009999275207519531,
"create ui": 0.3920004367828369,
"gradio launch": 0.2329998016357422,
"add APIs": 0.00500035285949707,
"app_started_callback/lora_script.py": 0.0010004043579101562,
"app_started_callback": 0.0010004043579101562
}
},
"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",
"albumentations==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",
"blendmodes==2022",
"certifi==2024.2.2",
"cffi==1.16.0",
"chardet==5.2.0",
"charset-normalizer==3.3.2",
"clean-fid==0.1.35",
"click==8.1.7",
"clip==1.0",
"colorama==0.4.6",
"coloredlogs==15.0.1",
"colorlog==6.8.2",
"contourpy==1.2.0",
"cssselect2==0.7.0",
"cycler==0.12.1",
"cython==3.0.8",
"deprecation==2.1.0",
"depth-anything==2024.1.22.0",
"diffusers==0.25.0",
"easydict==1.11",
"einops==0.4.1",
"embreex==2.17.7.post4",
"exceptiongroup==1.2.0",
"facexlib==0.3.0",
"fastapi==0.94.0",
"ffmpy==0.3.1",
"filelock==3.13.1",
"filterpy==1.4.5",
"flatbuffers==23.5.26",
"fonttools==4.47.2",
"frozenlist==1.4.1",
"fsspec==2024.2.0",
"ftfy==6.1.3",
"future==0.18.3",
"fvcore==0.1.5.post20221221",
"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",
"handrefinerportable==2024.1.18.0",
"httpcore==0.15.0",
"httpx==0.24.1",
"huggingface-hub==0.20.3",
"humanfriendly==10.0",
"idna==3.6",
"imageio==2.33.1",
"importlib-metadata==7.0.1",
"importlib-resources==6.1.1",
"inflection==0.5.1",
"insightface==0.7.3",
"iopath==0.1.9",
"jinja2==3.1.3",
"joblib==1.3.2",
"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",
"llvmlite==0.42.0",
"lmdb==1.4.1",
"lxml==5.1.0",
"mapbox-earcut==1.0.1",
"markdown==3.5.2",
"markupsafe==2.1.5",
"matplotlib==3.8.2",
"mediapipe==0.10.9",
"mpmath==1.3.0",
"multidict==6.0.5",
"networkx==3.2.1",
"numba==0.59.0",
"numpy==1.26.2",
"omegaconf==2.2.3",
"onnx==1.15.0",
"onnxruntime==1.17.0",
"open-clip-torch==2.20.0",
"opencv-contrib-python==4.9.0.80",
"opencv-python-headless==4.9.0.80",
"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",
"portalocker==2.8.2",
"prettytable==3.9.0",
"protobuf==3.20.3",
"psutil==5.9.5",
"pycollada==0.8",
"pycparser==2.21",
"pydantic==1.10.14",
"pydub==0.25.1",
"pyparsing==3.1.1",
"pyreadline3==3.4.1",
"python-dateutil==2.8.2",
"python-multipart==0.0.7",
"pytorch-lightning==1.9.4",
"pytz==2024.1",
"pywavelets==1.5.0",
"pywin32==306",
"pyyaml==6.0.1",
"qudida==0.0.4",
"referencing==0.33.0",
"regex==2023.12.25",
"reportlab==4.0.9",
"requests==2.31.0",
"resize-right==0.0.2",
"rpds-py==0.17.1",
"rtree==1.2.0",
"safetensors==0.4.2",
"scikit-image==0.21.0",
"scikit-learn==1.4.0",
"scipy==1.12.0",
"semantic-version==2.10.0",
"sentencepiece==0.1.99",
"setuptools==65.5.0",
"shapely==2.0.2",
"six==1.16.0",
"smmap==5.0.1",
"sniffio==1.3.0",
"sounddevice==0.4.6",
"spandrel==0.1.6",
"starlette==0.26.1",
"svg.path==6.3",
"svglib==1.5.1",
"sympy==1.12",
"tabulate==0.9.0",
"tb-nightly==2.16.0a20240205",
"tensorboard-data-server==0.7.2",
"termcolor==2.4.0",
"tf-keras-nightly==2.16.0.dev2024020510",
"threadpoolctl==3.2.0",
"tifffile==2024.1.30",
"timm==0.9.12",
"tinycss2==1.2.1",
"tokenizers==0.13.3",
"tomesd==0.1.3",
"tomli==2.0.1",
"toolz==0.12.1",
"torch==2.1.2+cu121",
"torchdiffeq==0.2.3",
"torchmetrics==1.3.0.post0",
"torchsde==0.2.6",
"torchvision==0.16.2+cu121",
"tqdm==4.66.1",
"trampoline==0.1.2",
"transformers==4.30.2",
"trimesh==4.1.3",
"triton==2.1.0",
"typing-extensions==4.9.0",
"tzdata==2023.4",
"urllib3==2.2.0",
"uvicorn==0.27.0.post1",
"vhacdx==0.0.5",
"wcwidth==0.2.13",
"webencodings==0.5.1",
"websockets==11.0.3",
"werkzeug==3.0.1",
"xformers==0.0.23.post1",
"xxhash==3.4.1",
"yacs==0.1.8",
"yapf==0.40.2",
"yarl==1.9.4",
"zipp==3.17.0"
]
}

Console logs

Traceback (most recent call last):
  File "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\launch.py", line 48, in <module>
    main()
  File "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\launch.py", line 44, in main
    start()
  File "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\modules\launch_utils.py", line 512, in start
    webui.webui()
  File "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\webui.py", line 68, in webui
    shared.demo = ui.create_ui()
  File "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\modules\ui.py", line 1135, in create_ui
    parameters_copypaste.connect_paste_params_buttons()
  File "C:\Users\Michael.C\Documents\GitHub\stable-diffusion-webui-forge\modules\infotext_utils.py", line 141, in connect_paste_params_buttons
    destination_image_component = paste_fields[binding.tabname]["init_img"]
KeyError: 'svd'
model_type EPS
UNet ADM Dimension 2816
Using xformers attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using xformers attention in VAE
extra {'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_g.transformer.text_model.embeddings.position_ids', 'cond_stage_model.clip_l.text_projection'}
To load target model SDXLClipModel
Begin to load 1 model
Moving model(s) has taken 0.33 seconds
Model loaded in 5.5s (load weights from disk: 0.4s, forge load real models: 4.5s, calculate empty prompt: 0.6s).
Press any key to continue . . .

Additional information

If I open config.json and delete the entry from the list of disabled_extensions manually, then the UI opens as normal again

ControlNet and Kohya HRFix interop support

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

ๆˆ‘็ปๅธธไฝฟ็”จ้ซ˜ๅˆ†่พจ็Ž‡็š„ๅ›พ็”Ÿๅ›พ๏ผŒไผšไฝฟ็”จCN็š„lineArtๅ’ŒTileไธคไธชๆจกๅž‹็š„ๆ ทๅญใ€‚่€Œไธ”ๆˆ‘ๅ‘็Žฐ๏ผŒๅฐๅˆ†่พจ็Ž‡็š„ๆ—ถๅ€™๏ผˆ1000px๏ผ‰๏ผŒSD็”Ÿๆˆ็š„ๅ›พ๏ผŒๅ…‰ๅฝฑๅ’Œ็ป“ๆž„ๆ›ดๅŠ ๆญฃ็กฎใ€ไผ˜็ง€๏ผŒ่ถ…่ฟ‡2000px็š„ๆ—ถๅ€™ๅฐฑไผšๅ˜ๅพ—ๅพˆๅนณใ€ๅพˆๅฎนๆ˜“ๅ‡บ้”™็š„ๆ ทๅญ๏ผŒๆ— ่ฎบๆ˜ฏ็ป“ๆž„ไธŠ๏ผŒ่ฟ˜ๆ˜ฏๅ…‰ๅฝฑใ€‚

็„ถๅŽๆˆ‘ไฝฟ็”จไบ†ๅ†…็ฝฎ็š„Kohya HRFix๏ผŒๅฎƒ็š„ๅทฅไฝœๆœบๅˆถๅฐฑๆ˜ฏๅ…ˆ็ผฉๆ”พๅˆ†่พจ็Ž‡่ฟญไปฃๅ‡บๆญฃ็กฎ็š„็ป“ๆž„๏ผŒ็„ถๅŽๅ†ๆๅ‡ไผšๅŽŸๆœฌ็š„ๅˆ†่พจ็Ž‡๏ผŒ่€Œไธ”ๅฏไปฅๆŽงๅˆถๅ‚ไธŽ็š„ๆญฅ้ชค็š„ๆ ทๅญใ€‚ๅœจๆ–‡็”Ÿๅ›พ๏ผˆ1500x1500๏ผŒ็”š่‡ณ2000x2000ไปฅไธŠ๏ผ‰๏ผŒ่ƒฝๅพ—ๅˆฐ็ป“ๆž„ๆญฃ็กฎไธ”้žๅธธไผ˜็ง€็š„็”ป้ขใ€‚
ๆˆ‘ๅฐฑๆƒณ็€่ฏ•็€ๆญ้…CNๆจกๅž‹ไธ€่ตท๏ผŒ่ฟ›ไธ€ๆญฅๆŽงๅˆถ็”ป้ข็š„ๆ ทๅญ๏ผŒ็„ถๅŽๅฐฑๅ‡บ็Žฐไบ†ๆŠฅ้”™็š„ๆ ทๅญ๏ผŒๅœจKohya HRFix่ตทไฝœ็”จ็š„้˜ถๆฎตไธญ๏ผŒCNๅฐฑไผšๅ‡บ็Žฐ
warning control could not be applied torch.Size([2, 1280, 11, 8]) torch.Size([2, 1280, 32, 22])
warning control could not be applied torch.Size([2, 1280, 11, 8]) torch.Size([2, 1280, 32, 22])
warning control could not be applied torch.Size([2, 1280, 11, 8]) torch.Size([2, 1280, 32, 22])
warning control could not be applied torch.Size([2, 1280, 22, 15]) torch.Size([2, 1280, 64, 43])
warning control could not be applied torch.Size([2, 1280, 22, 15]) torch.Size([2, 1280, 64, 43])
warning control could not be applied torch.Size([2, 640, 22, 15]) torch.Size([2, 640, 64, 43])
warning control could not be applied torch.Size([2, 640, 43, 29]) torch.Size([2, 640, 128, 86])
warning control could not be applied torch.Size([2, 640, 43, 29]) torch.Size([2, 640, 128, 86])
็„ถๅŽๅนถไธ่ตทไฝœ็”จ็š„ๆ ทๅญใ€‚ๅ› ไธบ่ฟ™ไธชๅˆ†่พจ็Ž‡ๅ’ŒCN่ฎพๅฎš็š„ๅŽŸๆœฌ็š„ๅˆ†่พจ็Ž‡ไธๅŒน้…็š„ๆ ทๅญใ€‚

ๆ‰€ไปฅๆˆ‘็‰นๅˆซๅธŒๆœ›CNไนŸ่ƒฝ่‡ชๅŠจๅŒน้…ๅ’ŒKohya HRFix็š„ๆต็จ‹ใ€‚

Proposed workflow

  1. ๅˆฐๅ›พ็”Ÿๅ›พ/ๆ–‡็”Ÿๅ›พ๏ผŒๅ†™ๅฅฝๅ‚ๆ•ฐๅ’Œ่ฎพ็ฝฎ
  2. ๅฏ็”จKohya HRFix Integrated๏ผŒ่ฎพ็ฝฎๅฅฝๅ‚ๆ•ฐ
  3. ๅฏ็”จCN๏ผŒ่ฎพ็ฝฎๅฅฝๅ‚ๆ•ฐๅ’Œๆจกๅž‹
  4. CN่ƒฝๅ’ŒHRFixไธ€่ตทๆญฃๅธธ่ฟ่ฝฌ

Additional information

No response

[Feature Request]: Let model to be kept on VRAM to not lose performance moving the model.

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

Thanks for the new UI!

I'm wondering if it was possible to add an option to keep the model all times in VRAM. Tried disabling the option "Only keep one model on device" but it still loads-unloads the model for every stage.

I have a 4090, using Windows and:

  • python: 3.11.6
  • torch: 2.3.0.dev20240102+cu121
  • xformers: 0.0.24+042abc8.d20240102

And SDXL. Using the same settings and venv that on a1111.

Generation itself seems to be a bit faster, but for total time, it seems to take about 15-20% more time to do the same task, and it seems to be related to the model being loaded first into RAM, then into VRAM, then into RAM, etc.

So if using normal txt2img + hires fix + adetailer, the model does this 3 times. For that workflow specifically, it takes an extra 4.59 seconds moving the model, for a image gen on SDXL at 896x1088, 1.3 upscale with ESRGAN and adetailer for the face.

CD Tuner Effective : [0, 0, 0, 0, 0, 0, 0, 0, 0, 0, 0, -1, -1, 0, 0]
To load target model SDXLClipModel
Begin to load 1 model
unload clone 2
Moving model(s) has taken 0.71 seconds
To load target model SDXL
Begin to load 1 model
unload clone 2
Moving model(s) has taken 1.32 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 25/25 [00:03<00:00,  7.56it/s]
Upscale script freed memory successfully.โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–    | 130/140 [01:29<00:01,  7.66it/s]
tiled upscale: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 30/30 [00:01<00:00, 22.05it/s]
To load target model SDXL
Begin to load 1 model
unload clone 1
Moving model(s) has taken 0.90 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 10/10 [00:04<00:00,  2.33it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 140/140 [01:36<00:00,  2.12it/s]
0: 640x544 1 face, 8.5ms
Speed: 2.0ms preprocess, 8.5ms inference, 1.0ms postprocess per image at shape (1, 3, 640, 544)
To load target model SDXLClipModel
Begin to load 1 model
unload clone 2
Moving model(s) has taken 0.73 seconds
To load target model SDXL
Begin to load 1 model
unload clone 2
Moving model(s) has taken 0.93 seconds

Proposed workflow

  1. Go to Settings
  2. Search option to keep always the model in VRAM
  3. Enable it
  4. Keep model all times into VRAM.

Additional information

No response

[Feature Request]: Enable running on sagemaker studio lab

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

run it on sagemaker studio labs

Proposed workflow

  1. Go to .... sagemaker
  2. Press .... clone from
  3. ... launch

Additional information

No response

Restoring pencil function

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

IMG2IMG option does not have a "pencil" icon after importing images ๏ผŒThis pencil allows the AI to adjust the canvas size for expanding images.

Proposed workflow

The original WEBUI has lost this feature since it was updated to 1.4, and the "pencil" icon occasionally appears by repeatedly clicking across the area......

Additional information

{B20FD991-F86C-414a-8E71-98AE5772ECCA}

[Bug]: "euler" and "euler a" is crushed ,

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

use eular or euler a.

Steps to reproduce the problem

just text2img or img2text

What should have happened?

crushed

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

1

Console logs

*** Error completing request                                                                                                                                                                                          | 0/8 [00:00<?, ?it/s]
*** Arguments: ('task(abstaelzjbxoxi4)', <gradio.routes.Request object at 0x0000015A61818A90>, '1boy \nmuscular,anime style. <lora:traver:1>', '', [], 8, 'Euler a', 1, 1, 2.5, 768, 768, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', '', '', [], 0, False, '', 0.8, 3465962176, False, -1, 0, 0, 0, UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), UiControlNetUnit(input_mode=<InputMode.SIMPLE: 'simple'>, use_preview_as_input=False, batch_image_dir='', batch_mask_dir='', batch_input_gallery=[], batch_mask_gallery=[], generated_image=None, mask_image=None, enabled=False, module='None', model='None', weight=1, image=None, resize_mode='Crop and Resize', processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced'), False, 1.01, 1.02, 0.99, 0.95, False, 256, 2, 0, False, False, 3, 2, 0, 0.35, True, 'bicubic', 'bicubic', False, 0.5, 2, False, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {}
    Traceback (most recent call last):
      File "E:\forge\webui\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
      File "E:\forge\webui\modules\call_queue.py", line 36, in f
        res = func(*args, **kwargs)
      File "E:\forge\webui\modules\txt2img.py", line 110, in txt2img
        processed = processing.process_images(p)
      File "E:\forge\webui\modules\processing.py", line 749, in process_images
        res = process_images_inner(p)
      File "E:\forge\webui\modules\processing.py", line 920, in process_images_inner
        samples_ddim = p.sample(conditioning=p.c, unconditional_conditioning=p.uc, seeds=p.seeds, subseeds=p.subseeds, subseed_strength=p.subseed_strength, prompts=p.prompts)
      File "E:\forge\webui\modules\processing.py", line 1275, in sample
        samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x))
      File "E:\forge\webui\modules\sd_samplers_kdiffusion.py", line 251, in sample
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "E:\forge\webui\modules\sd_samplers_common.py", line 260, in launch_sampling
        return func()
      File "E:\forge\webui\modules\sd_samplers_kdiffusion.py", line 251, in <lambda>
        samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
      File "E:\forge\system\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "E:\forge\webui\repositories\k-diffusion\k_diffusion\sampling.py", line 149, in sample_euler_ancestral
        d = to_d(x, sigmas[i], denoised)
      File "E:\forge\webui\repositories\k-diffusion\k_diffusion\sampling.py", line 48, in to_d
        return (x - denoised) / utils.append_dims(sigma, x.ndim)
    RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu!

---

Additional information

No response

[Bug]: webui reactor using cpu instead of cuda (gpu)

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

WEBUI Reactor is using the full CPU instead of GPU, it seems to be taking longer than automatic1111 webui. No use of CUDA and consistent VRAM usage when Reactor is applied during image generation.

cpu task manager

Steps to reproduce the problem

  1. Start webui.bat
  2. Use txt2img or img2img
  3. Enable Reactor and add a single image with codeformers. On Settings, select CUDA
  4. Run

What should have happened?

WebUI should go through VRAM or use CUDA I believe.

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

(No Sysinfo)
(laptop) i7-11800H, nvidia 3070 8gb, 64gb RAM, Windows 10 64-bit

Console logs

venv "C:\Git\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.10-latest-58-ge6263135
Commit hash: e62631350a408edf3b1f0a9dd45a43f9f0e95ead
Launching Web UI with arguments: --ckpt-dir E:\Stable-diffusion
Total VRAM 8192 MB, total RAM 65352 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3070 Laptop GPU : native
VAE dtype: torch.bfloat16
Using pytorch cross attention
ControlNet preprocessor location: C:\Git\stable-diffusion-webui-forge\models\ControlNetPreprocessor
21:07:18 - ReActor - STATUS - Running v0.6.1 on Device: CUDA
Loading weights [84835fc746] from E:\Stable-diffusion\photo_v5.safetensors
2024-02-06 21:07:21,447 - ControlNet - INFO - ControlNet UI callback registered.
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
model_type EPS
UNet ADM Dimension 0
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
Startup time: 51.3s (prepare environment: 9.9s, import torch: 5.6s, import gradio: 1.5s, setup paths: 1.2s, initialize shared: 0.2s, other imports: 1.1s, list SD models: 12.7s, load scripts: 14.3s, create ui: 2.5s, gradio launch: 1.3s, app_started_callback: 0.8s).
extra {'cond_stage_model.clip_l.text_projection', 'cond_stage_model.clip_l.logit_scale'}
Loading VAE weights specified in settings: C:\Git\stable-diffusion-webui\models\VAE\vae-ft-mse-840000-ema-pruned.vae.safetensors
To load target model SD1ClipModel
Begin to load 1 model
Moving model(s) has taken 0.17 seconds
Model loaded in 9.5s (load weights from disk: 3.4s, forge load real models: 2.0s, load VAE: 2.9s, load textual inversion embeddings: 0.7s, calculate empty prompt: 0.5s).
Automatic Memory Management: 52 Modules in 0.01 seconds.
[] []
2024-02-06 21:25:42,576 - ControlNet - INFO - Current ControlNet ControlNetPatcher: C:\Git\stable-diffusion-webui-forge\models\ControlNet\models\control_v11p_sd15_lineart_fp16.safetensors
To load target model AutoencoderKL
Begin to load 1 model
2024-02-06 21:25:44,620 - ControlNet - INFO - ControlNet Method lineart_coarse patched.
To load target model BaseModel
To load target model ControlNet
Begin to load 2 models
Moving model(s) has taken 4.21 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 7/7 [00:02<00:00,  2.40it/s]
21:25:59 - ReActor - STATUS - Working: source face index [0], target face index [0]โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 7/7 [00:01<00:00,  3.10it/s]
21:25:59 - ReActor - STATUS - Analyzing Source Image...
21:26:03 - ReActor - STATUS - Analyzing Target Image...
21:26:04 - ReActor - STATUS - Detecting Source Face, Index = 0
21:26:04 - ReActor - STATUS - Detected: -39- y.o. Male
21:26:06 - ReActor - STATUS - Detecting Target Face, Index = 0
21:26:06 - ReActor - STATUS - Detected: -39- y.o. Male
21:26:06 - ReActor - STATUS - Swapping Source into Target
21:26:08 - ReActor - STATUS - Correcting Face Mask
21:26:08 - ReActor - STATUS - Restoring the face with CodeFormer
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 7/7 [00:24<00:00,  3.57s/it]
2024-02-06 21:27:22,487 - ControlNet - INFO - ControlNet Input Mode: InputMode.SIMPLEโ–ˆโ–ˆโ–ˆโ–ˆ| 7/7 [00:24<00:00,  3.10it/s]

Additional information

No response

[Bug]: Ip-Adapter ControlNet, RuntimeError: Cannot set version_counter for inference tensor

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

ControlNet errors out, output image doesn't use it.

Steps to reproduce the problem

When using IpAdapter with or without InsightFace

What should have happened?

ControlNet use.

What browsers do you use to access the UI ?

Other

Sysinfo

sysinfo-2024-02-06-18-46.json

Console logs

venv "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.10.10 (tags/v3.10.10:aad5f6a, Feb  7 2023, 17:20:36) [MSC v.1929 64 bit (AMD64)]
Version: f0.0.7-latest-44-g7359740f
Commit hash: 7359740f36e9f59d8c358cbb5b07a4fde85900c3
Launching Web UI with arguments: --ckpt-dir C:/AI/Makeayo/Models --hypernetwork-dir /models/hypernetworks --embeddings-dir /models/embeddings --lora-dir C:/AI/Makeayo/Extras --directml --skip-torch-cuda-test --always-normal-vram
Using directml with device:
Total VRAM 1024 MB, total RAM 32662 MB
Set vram state to: NORMAL_VRAM
Device: privateuseone
VAE dtype: torch.float32
Warning: caught exception 'Torch not compiled with CUDA enabled', memory monitor disabled
Using sub quadratic optimization for cross attention, if you have memory or speed issues try using: --attention-split
==============================================================================
You are running torch 2.0.0+cpu.
The program is tested to work with torch 2.1.2.
To reinstall the desired version, run with commandline flag --reinstall-torch.
Beware that this will cause a lot of large files to be downloaded, as well as
there are reports of issues with training tab on the latest version.

Use --skip-version-check commandline argument to disable this check.
==============================================================================
ControlNet preprocessor location: C:\AI\Webui-Forge\stable-diffusion-webui-forge\models\ControlNetPreprocessor
Loading weights [71e14760e2] from C:/AI/Makeayo/Models\lazymixRealAmateur_v30b.safetensors
2024-02-06 13:33:59,339 - ControlNet - INFO - ControlNet UI callback registered.
model_type EPS
UNet ADM Dimension 0
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 9.3s (prepare environment: 0.9s, import torch: 3.2s, import gradio: 1.0s, setup paths: 0.8s, initialize shared: 0.1s, other imports: 0.5s, list SD models: 0.1s, load scripts: 1.8s, create ui: 0.6s, gradio launch: 0.2s).
Using split attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using split attention in VAE
extra {'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection'}
left over keys: dict_keys(['alphas_cumprod', 'alphas_cumprod_prev', 'betas', 'log_one_minus_alphas_cumprod', 'posterior_log_variance_clipped', 'posterior_mean_coef1', 'posterior_mean_coef2', 'posterior_variance', 'sqrt_alphas_cumprod', 'sqrt_one_minus_alphas_cumprod', 'sqrt_recip_alphas_cumprod', 'sqrt_recipm1_alphas_cumprod'])
To load target model SD1ClipModel
Begin to load 1 model
Model loaded in 1.9s (load weights from disk: 0.6s, forge load real models: 0.9s, load VAE: 0.1s, calculate empty prompt: 0.2s).
Token merging is under construction now and the setting will not take effect.
2024-02-06 13:42:33,775 - ControlNet - INFO - ControlNet Input Mode: InputMode.SIMPLE
2024-02-06 13:42:33,778 - ControlNet - INFO - Using preprocessor: InsightFace+CLIP-H (IPAdapter)
2024-02-06 13:42:33,778 - ControlNet - INFO - preprocessor resolution = 0.5
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: C:\AI\Webui-Forge\stable-diffusion-webui-forge\models\insightface\models\buffalo_l\1k3d68.onnx landmark_3d_68 ['None', 3, 192, 192] 0.0 1.0
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: C:\AI\Webui-Forge\stable-diffusion-webui-forge\models\insightface\models\buffalo_l\2d106det.onnx landmark_2d_106 ['None', 3, 192, 192] 0.0 1.0
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: C:\AI\Webui-Forge\stable-diffusion-webui-forge\models\insightface\models\buffalo_l\det_10g.onnx detection [1, 3, '?', '?'] 127.5 128.0
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: C:\AI\Webui-Forge\stable-diffusion-webui-forge\models\insightface\models\buffalo_l\genderage.onnx genderage ['None', 3, 96, 96] 0.0 1.0
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: C:\AI\Webui-Forge\stable-diffusion-webui-forge\models\insightface\models\buffalo_l\w600k_r50.onnx recognition ['None', 3, 112, 112] 127.5 127.5
set det-size: (640, 640)
Warning torch.load doesn't support weights_only on this pytorch version, loading unsafely.
2024-02-06 13:42:35,485 - ControlNet - INFO - Current ControlNet IPAdapterPatcher: C:\AI\Webui-Forge\stable-diffusion-webui-forge\models\ControlNet\ip-adapter-faceid-plusv2_sd15.bin
C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\insightface\utils\transform.py:68: FutureWarning: `rcond` parameter will change to the default of machine precision times ``max(M, N)`` where M and N are the input matrix dimensions.
To use the future default and silence this warning we advise to pass `rcond=None`, to keep using the old, explicitly pass `rcond=-1`.
  P = np.linalg.lstsq(X_homo, Y)[0].T # Affine matrix. 3 x 4
To load target model CLIPVisionModelProjection
Begin to load 1 model
*** Error running process_before_every_sampling: C:\AI\Webui-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py
    Traceback (most recent call last):
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\modules\scripts.py", line 830, in process_before_every_sampling
        script.process_before_every_sampling(p, *script_args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 457, in process_before_every_sampling
        self.process_unit_before_every_sampling(p, unit, self.current_params[i], *args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\scripts\controlnet.py", line 403, in process_unit_before_every_sampling
        params.model.process_before_every_sampling(p, cond, mask, *args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_ipadapter\scripts\forge_ipadapter.py", line 147, in process_before_every_sampling
        unet = opIPAdapterApply(
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_ipadapter\lib_ipadapter\IPAdapterPlus.py", line 743, in apply_ipadapter
        image_prompt_embeds = self.ipadapter.get_image_embeds_faceid_plus(face_embed.to(self.device, dtype=self.dtype), clip_embed.to(self.device, dtype=self.dtype), weight_v2, faceid_v2)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
        return func(*args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_ipadapter\lib_ipadapter\IPAdapterPlus.py", line 354, in get_image_embeds_faceid_plus
        embeds = self.image_proj_model(face_embed, clip_embed, scale=s_scale, shortcut=shortcut)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1501, in _call_impl
        return forward_call(*args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\extensions-builtin\sd_forge_ipadapter\lib_ipadapter\IPAdapterPlus.py", line 128, in forward
        x = self.proj(id_embeds)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1501, in _call_impl
        return forward_call(*args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\container.py", line 217, in forward
        input = module(input)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\module.py", line 1501, in _call_impl
        return forward_call(*args, **kwargs)
      File "C:\AI\Webui-Forge\stable-diffusion-webui-forge\venv\lib\site-packages\torch\nn\modules\linear.py", line 114, in forward
        return F.linear(input, self.weight, self.bias)
    RuntimeError: Cannot set version_counter for inference tensor

---

Additional information

No response

User mistake

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

When making a picture using t2i using AldobaseXL at 1024 x 1024 with 40 steps and cfg 7 and the same seed, the image quality is always worse in auto1111 forge compared to normal auto1111, see pictures in attachment, look at the skin and the eyes difference.

sd
sdforge

Steps to reproduce the problem

Prompt: a close-up photograph off a German white woman wearing a German dress sitting together with a Senegalese woman wearing a Senegalese dress, colorful clothing, extremely detailed beautiful faces, extremely detailed fabric, high quality, 8k
-1024*1024
-cfg 7
-steps 40
-seed: 1506083485

What should have happened?

show the same quality of image

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

sysinfo-2024-02-06-22-42.json

Console logs

Creating venv in directory F:\AI\SD Forge\webui\venv using python "C:\Users\jona0\AppData\Local\Microsoft\WindowsApps\PythonSoftwareFoundation.Python.3.10_qbz5n2kfra8p0\python.exe"
venv "F:\AI\SD Forge\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: f0.0.9-latest-52-gb58b0bd4
Commit hash: b58b0bd4259cf71077dfd7787fb77af4c02760a1
Installing torch and torchvision
Looking in indexes: https://pypi.org/simple, https://download.pytorch.org/whl/cu121
Collecting torch==2.1.2
  Using cached https://download.pytorch.org/whl/cu121/torch-2.1.2%2Bcu121-cp310-cp310-win_amd64.whl (2473.9 MB)
Collecting torchvision==0.16.2
  Using cached https://download.pytorch.org/whl/cu121/torchvision-0.16.2%2Bcu121-cp310-cp310-win_amd64.whl (5.6 MB)
Collecting fsspec
  Using cached fsspec-2024.2.0-py3-none-any.whl (170 kB)
Collecting sympy
  Using cached https://download.pytorch.org/whl/sympy-1.12-py3-none-any.whl (5.7 MB)
Collecting typing-extensions
  Using cached typing_extensions-4.9.0-py3-none-any.whl (32 kB)
Collecting jinja2
  Using cached Jinja2-3.1.3-py3-none-any.whl (133 kB)
Collecting networkx
  Using cached https://download.pytorch.org/whl/networkx-3.2.1-py3-none-any.whl (1.6 MB)
Collecting filelock
  Using cached filelock-3.13.1-py3-none-any.whl (11 kB)
Collecting numpy
  Using cached numpy-1.26.4-cp310-cp310-win_amd64.whl (15.8 MB)
Collecting requests
  Using cached requests-2.31.0-py3-none-any.whl (62 kB)
Collecting pillow!=8.3.*,>=5.3.0
  Using cached https://download.pytorch.org/whl/pillow-10.2.0-cp310-cp310-win_amd64.whl (2.6 MB)
Collecting MarkupSafe>=2.0
  Using cached MarkupSafe-2.1.5-cp310-cp310-win_amd64.whl (17 kB)
Collecting idna<4,>=2.5
  Using cached idna-3.6-py3-none-any.whl (61 kB)
Collecting charset-normalizer<4,>=2
  Using cached charset_normalizer-3.3.2-cp310-cp310-win_amd64.whl (100 kB)
Collecting urllib3<3,>=1.21.1
  Using cached urllib3-2.2.0-py3-none-any.whl (120 kB)
Collecting certifi>=2017.4.17
  Using cached certifi-2024.2.2-py3-none-any.whl (163 kB)
Collecting mpmath>=0.19
  Using cached https://download.pytorch.org/whl/mpmath-1.3.0-py3-none-any.whl (536 kB)
Installing collected packages: mpmath, urllib3, typing-extensions, sympy, pillow, numpy, networkx, MarkupSafe, idna, fsspec, filelock, charset-normalizer, certifi, requests, jinja2, torch, torchvision
Successfully installed MarkupSafe-2.1.5 certifi-2024.2.2 charset-normalizer-3.3.2 filelock-3.13.1 fsspec-2024.2.0 idna-3.6 jinja2-3.1.3 mpmath-1.3.0 networkx-3.2.1 numpy-1.26.4 pillow-10.2.0 requests-2.31.0 sympy-1.12 torch-2.1.2+cu121 torchvision-0.16.2+cu121 typing-extensions-4.9.0 urllib3-2.2.0

[notice] A new release of pip is available: 23.0.1 -> 24.0
[notice] To update, run: F:\AI\SD Forge\webui\venv\Scripts\python.exe -m pip install --upgrade pip
Installing clip
Installing open_clip
Installing requirements
Installing forge_legacy_preprocessor requirement: fvcore
Installing forge_legacy_preprocessor requirement: mediapipe
Installing forge_legacy_preprocessor requirement: onnxruntime
Installing forge_legacy_preprocessor requirement: svglib
Installing forge_legacy_preprocessor requirement: insightface
Installing forge_legacy_preprocessor requirement: handrefinerportable
Installing forge_legacy_preprocessor requirement: depth_anything
Launching Web UI with arguments:
Total VRAM 16379 MB, total RAM 16326 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4060 Ti : native
VAE dtype: torch.bfloat16
The cache for model files in Transformers v4.22.0 has been updated. Migrating your old cache. This is a one-time only operation. You can interrupt this and resume the migration later on by calling `transformers.utils.move_cache()`.
0it [00:00, ?it/s]
Using pytorch cross attention
ControlNet preprocessor location: F:\AI\SD Forge\webui\models\ControlNetPreprocessor
Loading weights [a928fee35b] from F:\AI\SD Forge\webui\models\Stable-diffusion\albedobaseXL_v20.safetensors
2024-02-06 23:38:26,826 - ControlNet - INFO - ControlNet UI callback registered.
Running on local URL:  http://127.0.0.1:7861

To create a public link, set `share=True` in `launch()`.
Startup time: 419.9s (prepare environment: 388.3s, import torch: 12.4s, import gradio: 5.0s, setup paths: 5.5s, initialize shared: 0.6s, other imports: 3.4s, setup gfpgan: 0.1s, load scripts: 2.7s, create ui: 0.9s, gradio launch: 0.8s).
model_type EPS
UNet ADM Dimension 2816
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_g.transformer.text_model.embeddings.position_ids', 'cond_stage_model.clip_l.text_projection'}
loaded straight to GPU
To load target model SDXL
Begin to load 1 model
To load target model SDXLClipModel
Begin to load 1 model
Moving model(s) has taken 0.75 seconds
Model loaded in 28.9s (load weights from disk: 1.4s, forge load real models: 26.2s, calculate empty prompt: 1.3s).
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 40/40 [00:38<00:00,  1.04it/s]
To load target model AutoencoderKLโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 40/40 [00:36<00:00,  1.11it/s]
Begin to load 1 model
Moving model(s) has taken 3.03 seconds
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 40/40 [00:41<00:00,  1.03s/it]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 40/40 [00:41<00:00,  1.11it/s]

Additional information

none

[Bug]: ESRGAN 4xUltrasharp.pth not shown in UI

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

I put the 4x-Ultrasharp upscaler in the folder ESRGAN - which is not present - and the Upscaler doesnt show on the gui. Don't know if ESRGAN is not implemented or not used. 4x-Ultrasharp is a great upscaler

Steps to reproduce the problem

  1. Create directory ESRGAN
  2. Place 4x-Ultrasharp.pth upscaler
  3. Not shown in the GUI (it is shown in original webui)

What should have happened?

should show the 4xUltrasharp upscaler for selection

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

sysinfo-2024-02-06-21-20.json

Console logs

venv "C:\SD\Forge\stable-diffusion-webui-forge\venv\Scripts\Python.exe"
Python 3.10.7 (tags/v3.10.7:6cc6b13, Sep  5 2022, 14:08:36) [MSC v.1933 64 bit (AMD64)]
Version: f0.0.9-latest-52-gb58b0bd4
Commit hash: b58b0bd4259cf71077dfd7787fb77af4c02760a1
Launching Web UI with arguments: --listen --enable-insecure-extension-access
Total VRAM 12287 MB, total RAM 16275 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3060 : native
VAE dtype: torch.bfloat16
Using pytorch cross attention
ControlNet preprocessor location: C:\SD\Forge\stable-diffusion-webui-forge\models\ControlNetPreprocessor
Civitai Helper: Get Custom Model Folder
[-] ADetailer initialized. version: 23.11.1, num models: 9
Loading weights [aeb7e9e689] from C:\SD\Forge\stable-diffusion-webui-forge\models\Stable-diffusion\juggernautXL_v8Rundiffusion.safetensors
2024-02-06 22:10:55,100 - ControlNet - INFO - ControlNet UI callback registered.Civitai Helper: Settings:
Civitai Helper: max_size_preview: True
Civitai Helper: skip_nsfw_preview: False
Civitai Helper: open_url_with_js: True
Civitai Helper: proxy:
Civitai Helper: use civitai api key: False
*** Error executing callback ui_tabs_callback for C:\SD\Forge\stable-diffusion-webui-forge\extensions\deforum\scripts\deforum.py
    Traceback (most recent call last):
      File "C:\SD\Forge\stable-diffusion-webui-forge\modules\script_callbacks.py", line 169, in ui_tabs_callback
        res += c.callback() or []
      File "C:\SD\Forge\stable-diffusion-webui-forge\extensions\deforum\scripts\deforum_helpers\ui_right.py", line 92, in on_ui_tabs
        deforum_gallery, generation_info, html_info, _ = create_output_panel("deforum", opts.outdir_img2img_samples)
    TypeError: cannot unpack non-iterable OutputPanel object

---
model_type EPS
UNet ADM Dimension 2816
Running on local URL:  http://0.0.0.0:7861

To create a public link, set `share=True` in `launch()`.
Startup time: 38.4s (prepare environment: 8.8s, import torch: 6.6s, import gradio: 2.0s, setup paths: 1.5s, initialize shared: 0.3s, other imports: 1.3s, load scripts: 5.2s, create ui: 8.3s, gradio launch: 4.4s).
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection', 'cond_stage_model.clip_g.transformer.text_model.embeddings.position_ids'}
loaded straight to GPU
To load target model SDXL
Begin to load 1 model
To load target model SDXLClipModel
Begin to load 1 model
Moving model(s) has taken 1.12 seconds
Model loaded in 51.4s (load weights from disk: 1.1s, forge instantiate config: 0.1s, forge load real models: 46.2s, load textual inversion embeddings: 0.2s, calculate empty prompt: 3.6s).

Additional information

No response

[Bug]: Config file not loaded for models that use v-prediction mode

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Zero terminal SNR models like EasyFluff (https://huggingface.co/zatochu/EasyFluff) require a config file to use in v-prediction mode, with Forge the config file does not appear to load.
Left is using Auto1111 where the config is loaded along with the model, right is Forge
92853-3470808785-not furry, (by mamaloni, by koahri_0 7), (by funitarefu_0 4), 1girl, brown hair, bob cut, outdoors, windy, floral print, puffy s

Steps to reproduce the problem

Place model and config file in models folder
Generate image

What should have happened?

Config file should be loaded

What browsers do you use to access the UI ?

No response

Sysinfo

sysinfo-2024-02-07-12-27.json

Console logs

Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: f0.0.10-latest-64-g257ac265
Commit hash: 257ac2653a565672b280f2851f37b1ba6e546548
Launching Web UI with arguments:
Total VRAM 8192 MB, total RAM 8156 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce GTX 1070 : native
VAE dtype: torch.float32
Using pytorch cross attention
ControlNet preprocessor location: F:\Forge\webui\models\ControlNetPreprocessor
Loading weights [821628644e] from F:\Forge\webui\models\Stable-diffusion\EasyFluffV11.2.safetensors
2024-02-07 04:11:57,149 - ControlNet - INFO - ControlNet UI callback registered.
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
model_type EPS
UNet ADM Dimension 0
Startup time: 27.3s (prepare environment: 8.0s, import torch: 8.1s, import gradio: 2.3s, setup paths: 2.0s, initialize shared: 0.2s, other imports: 1.5s, load scripts: 3.1s, create ui: 1.3s, gradio launch: 0.6s).
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
extra {'cond_stage_model.clip_l.text_projection', 'cond_stage_model.clip_l.logit_scale'}
loaded straight to GPU
To load target model BaseModel
Begin to load 1 model
Loading VAE weights specified in settings: F:\Forge\webui\models\VAE\furception_vae_1-0.safetensors
To load target model SD1ClipModel
Begin to load 1 model
Moving model(s) has taken 0.13 seconds
Model loaded in 23.5s (load weights from disk: 1.0s, forge solving config: 0.2s, forge instantiate config: 0.2s, forge load real models: 18.6s, load VAE: 2.5s, calculate empty prompt: 0.9s).
                                  To load target model BaseModel
Begin to load 1 model00:00, ?it/s]
unload clone 1
Moving model(s) has taken 10.51 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 28/28 [00:31<00:00,  1.14s/it]
To load target model AutoencoderKLโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–‰                       | 28/43 [00:41<00:15,  1.04s/it]
Begin to load 1 model
Moving model(s) has taken 4.37 seconds
Upscale script freed memory successfully.
tiled upscale: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 20/20 [00:06<00:00,  3.29it/s]
To load target model BaseModel
Begin to load 1 model
Moving model(s) has taken 4.34 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 15/15 [01:35<00:00,  6.36s/it]
To load target model AutoencoderKLโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 43/43 [02:35<00:00,  6.37s/it]
Begin to load 1 model
Moving model(s) has taken 0.84 seconds
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 43/43 [02:42<00:00,  3.79s/it]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 43/43 [02:42<00:00,  6.37s/it]

Additional information

No response

[Bug]: Seed in the Batch

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Transferring from PNG INFO and Positive prompt breaks img2img, Seed in Batch does not work as Random (-1).
image
In this video I show the whole process to get this error

Seed.mp4

Steps to reproduce the problem

  1. Go to PNG Info
  2. Press Send to img2img
  3. Resetting the Seed (-1)
  4. I expose Batch and start generation

What should have happened?

The Seed should be random at batch

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

Sysinfo

Console logs

Console without errors

Additional information

This problem has been around since September 2023. I wrote about this back in issue Automatic1111

[Bug]: UI is stuck and not working.UI operations cannot

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

WS001352

When editing the prompt, the image generation button suddenly says "Interrupting...". The UI stops working. It does not come back and nothing can be done.

I have to restart the UI to fix the problem.

Steps to reproduce the problem

Frequently occurs when typing prompts

What should have happened?

It's odd that the UI displays "Interrupting..." while typing prompts. " and the UI freezes, I want to generate an image so the UI doesn't freeze.

What browsers do you use to access the UI ?

Google Chrome
opera

Sysinfo

sysinfo-2024-02-07-03-35.json

Console logs

To load target model SDXLClipModel
Begin to load 1 model
Moving model(s) has taken 1.13 seconds
Model loaded in 17.4s (unload existing model: 1.8s, calculate hash: 8.7s, load weights from disk: 0.1s, forge load real models: 4.5s, calculate empty prompt: 2.2s).
To load target model SDXLClipModel
Begin to load 1 model
unload clone 0
Moving model(s) has taken 1.25 seconds
To load target model SDXL
Begin to load 1 model
Moving model(s) has taken 1.68 seconds
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 30/30 [00:04<00:00,  6.35it/s]
To load target model AutoencoderKLโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 30/30 [00:04<00:00,  6.63it/s]
Begin to load 1 model

0: 640x512 2 faces, 127.0ms
Speed: 2.5ms preprocess, 127.0ms inference, 1.5ms postprocess per image at shape (1, 3, 640, 512)
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 13/13 [00:02<00:00,  6.17it/s]
100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 13/13 [00:02<00:00,  6.09it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 30/30 [00:11<00:00,  2.60it/s]
Total progress: 100%|โ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆโ–ˆ| 30/30 [00:11<00:00,  6.63it/s]

Additional information

No response

[Bug]: ๅ†…็ฝฎ็š„CN๏ผŒๆ— ๆณ•่ฏปๅ–ไฟๅญ˜ๅฅฝ็š„้ข„่ฎพ๏ผŒไนŸๆ— ๆณ•ไปŽpng info่ฏปๅ–CN็š„ๅ‚ๆ•ฐ๏ผŒๆ— ่ฎบๆ˜ฏๆ–‡็”Ÿๅ›พ่ฟ˜ๆ˜ฏๅ›พ็”Ÿๅ›พใ€‚

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

ๅฆ‚้ข˜

Steps to reproduce the problem

ๅฆ‚้ข˜

What should have happened?

ๅฆ‚้ข˜

What browsers do you use to access the UI ?

Mozilla Firefox, Microsoft Edge

Sysinfo

Python 3.10.9 (tags/v3.10.9:1dd9be6, Dec 6 2022, 20:01:21) [MSC v.1934 64 bit (AMD64)]
Version: f0.0.9-latest-57-ge579fab4
Commit hash: e579fab

Console logs

File "D:\SSD\Stable-Diffusion-WebUI\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
    output = await app.get_blocks().process_api(
  File "D:\SSD\Stable-Diffusion-WebUI\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api
    result = await self.call_function(
  File "D:\SSD\Stable-Diffusion-WebUI\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function
    prediction = await anyio.to_thread.run_sync(
  File "D:\SSD\Stable-Diffusion-WebUI\venv\lib\site-packages\anyio\to_thread.py", line 31, in run_sync
    return await get_asynclib().run_sync_in_worker_thread(
  File "D:\SSD\Stable-Diffusion-WebUI\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 937, in run_sync_in_worker_thread
    return await future
  File "D:\SSD\Stable-Diffusion-WebUI\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 867, in run
    result = context.run(func, *args)
  File "D:\SSD\Stable-Diffusion-WebUI\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper
    response = f(*args, **kwargs)
  File "D:\SSD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\lib_controlnet\controlnet_ui\preset.py", line 150, in apply_preset
    new_control_type = infer_control_type(unit.module, unit.model)
  File "D:\SSD\stable-diffusion-webui-forge\extensions-builtin\sd_forge_controlnet\lib_controlnet\controlnet_ui\preset.py", line 40, in infer_control_type
    control_types = preprocessor_filters.keys()
NameError: name 'preprocessor_filters' is not defined

Additional information

No response

Implementing lora-ctl with webui-forge

Is there an existing issue for this?

  • I have searched the existing issues and checked the recent builds/commits

What would your feature do ?

I'd like to get the sd-webui-loractl extension working with webui-forge. It works with the latest Automatic1111 commit, so I'm guessing one of the more central changes here is making it incompatible.

Currently, it looks like the injected ExtraNetworkLora wrapper params are being inserted (it passes a dummy 1.0), but the new logic isn't being triggered.

I'm open to forking (or rewriting) it myself, but I'd appreciate any guidance on where to start.

Proposed workflow

  1. Install extension
  2. Activate in WebUI
  3. Use <lora:lora_name:0.0@0,1.0@1> syntax

Additional information

No response

[Bug]: IP adapters won't work

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

Getting

ValueError: Query/Key/Value should either all have the same dtype, or (in the quantized case) Key/Value should have dtype torch.int32
      query.dtype: torch.float16
      key.dtype  : torch.float32
      value.dtype: torch.float32

on generation with 2 controlnets with ip-adapter.

Steps to reproduce the problem

  1. Set the controlnet as follows and upload non-square image
    image
  2. Press Generate

What should have happened?

Normal image generation

What browsers do you use to access the UI ?

Google Chrome, Other

Sysinfo

sysinfo-2024-02-07-19-14.json

Console logs

pinokio cuts logs, sorry
https://paste.ee/p/3sUzP

Additional information

No response

[Bug]: No module name 'jsonmerge'

Checklist

  • The issue exists after disabling all extensions
  • 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
  • The issue exists in the current version of the webui
  • The issue has not been reported before recently
  • The issue has been reported before but has not been fixed yet

What happened?

I installed webui with webui.bat, but I get this error. Manual install in venv no helped:

VAE dtype: torch.bfloat16
Using pytorch cross attention
Traceback (most recent call last):
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\launch.py", line 48, in <module>
    main()
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\launch.py", line 44, in main
    start()
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\launch_utils.py", line 508, in start
    import webui
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\webui.py", line 17, in <module>
    initialize.imports()
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\initialize.py", line 53, in imports
    from modules import processing, gradio_extensons, ui  # noqa: F401
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\processing.py", line 18, in <module>
    import modules.sd_hijack
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_hijack.py", line 5, in <module>
    from modules import devices, sd_hijack_optimizations, shared, script_callbacks, errors, sd_unet, patches
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_hijack_optimizations.py", line 13, in <module>
    from modules.hypernetworks import hypernetwork
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\hypernetworks\hypernetwork.py", line 13, in <module>
    from modules import devices, sd_models, shared, sd_samplers, hashes, sd_hijack_checkpoint, errors
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_samplers.py", line 1, in <module>
    from modules import sd_samplers_kdiffusion, sd_samplers_timesteps, sd_samplers_lcm, shared
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 3, in <module>
    import k_diffusion.sampling
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\__init__.py", line 1, in <module>
    from . import augmentation, config, evaluation, external, gns, layers, models, sampling, utils
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\config.py", line 6, in <module>
    from jsonmerge import merge
ModuleNotFoundError: No module named 'jsonmerge'

Steps to reproduce the problem

  1. Start clean install with webui.bat
  2. You will get this error.

What should have happened?

This module missing from install?

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

(No Sysinfo)
I9-13900 K, 64 GB RAM, RTX 3090, Windows 10 64-bit

Console logs

venv "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\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: f0.0.9-latest-51-g5bea443d
Commit hash: 5bea443d94f3a85f819cb8541c1bba0aac208d83
Launching Web UI with arguments:
Total VRAM 24576 MB, total RAM 65292 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3090 : native
VAE dtype: torch.bfloat16
Using pytorch cross attention
Traceback (most recent call last):
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\launch.py", line 48, in <module>
    main()
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\launch.py", line 44, in main
    start()
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\launch_utils.py", line 508, in start
    import webui
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\webui.py", line 17, in <module>
    initialize.imports()
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\initialize.py", line 53, in imports
    from modules import processing, gradio_extensons, ui  # noqa: F401
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\processing.py", line 18, in <module>
    import modules.sd_hijack
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_hijack.py", line 5, in <module>
    from modules import devices, sd_hijack_optimizations, shared, script_callbacks, errors, sd_unet, patches
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_hijack_optimizations.py", line 13, in <module>
    from modules.hypernetworks import hypernetwork
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\hypernetworks\hypernetwork.py", line 13, in <module>
    from modules import devices, sd_models, shared, sd_samplers, hashes, sd_hijack_checkpoint, errors
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_samplers.py", line 1, in <module>
    from modules import sd_samplers_kdiffusion, sd_samplers_timesteps, sd_samplers_lcm, shared
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\modules\sd_samplers_kdiffusion.py", line 3, in <module>
    import k_diffusion.sampling
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\__init__.py", line 1, in <module>
    from . import augmentation, config, evaluation, external, gns, layers, models, sampling, utils
  File "I:\Stable-Diffusion-Automatic\stable-diffusion-webui-forge\repositories\k-diffusion\k_diffusion\config.py", line 6, in <module>
    from jsonmerge import merge
ModuleNotFoundError: No module named 'jsonmerge'
Press any key to continue . . .

Additional information

No response

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.