Giter Club home page Giter Club logo

sd-webui-model-converter's Introduction

sd-webui-model-converter

Model convert extension , Used for AUTOMATIC1111's stable diffusion webui image

Features

  • convert to precisions: fp32, fp16, bf16
  • pruning model: no-ema, ema-only
  • checkpoint ext convert: ckpt, safetensors
  • convert/copy/delete any parts of model: unet, text encoder(clip), vae
  • Fix CLIP
  • Force CLIP position_id to int64 before convert

Fix CLIP

Sometimes, the CLIP position_id becomes incorrect due to model merging. For example, Anything-v3.

This option will reset CLIP position to torch.Tensor([list(range(77))]).to(torch.int64)

Force CLIP position_id to int64 before convert

If you use this extension to convert a model to fp16, and the model has an incorrect CLIP, the precision of the CLIP position_id may decrease during the compression process, which might coincidentally correct the offset.

image

If you do not wish to correct this CLIP offset coincidentally (because fixing it would alter the model, even though the correction is accurate, not everyone prefers the most correct, right? :P), you can use this option. It will force the CLIP position_id to be int64 and retain the incorrect CLIP

sd-webui-model-converter's People

Contributors

akegarasu avatar vladmandic avatar w-e-w 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

sd-webui-model-converter's Issues

"Check your inputs. Multiple input was set or missing input"

Hi, I got this error today. I seemed to be converting models fine yesterday but not now. Have tried deleting and reinstalling extension, still the same thing. Using the latest version. Is there something wrong on my end? I'm just converting to fp16 + safetensors and deleting vae as normal, tried other settings but still the same thing...

edit: closed and tried again several times, here's the log message:

Traceback (most recent call last):
File "W:!!SDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "W:!!SDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api
result = await self.call_function(
File "W:!!SDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function
prediction = await anyio.to_thread.run_sync(
File "W:!!SDiffusion\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 "W:!!SDiffusion\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 937, in run_sync_in_worker_thread
return await future
File "W:!!SDiffusion\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 867, in run
result = context.run(func, *args)
File "W:!!SDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper
response = f(*args, **kwargs)
File "W:!!SDiffusion\stable-diffusion-webui\extensions\sd-webui-model-converter\scripts\convert.py", line 125, in convert_warp
return do_convert(sd_models.checkpoints_list[model_name])
TypeError: do_convert() missing 11 required positional arguments: 'checkpoint_formats', 'precision', 'conv_type', 'custom_name', 'unet_conv', 'text_encoder_conv', 'vae_conv', 'others_conv', 'fix_clip', 'force_position_id', and 'delete_known_junk_data'

AttributeError: 'dict' object has no attribute 'calls'

Traceback (most recent call last):
  File "D:\Repositories\Python\stable-diffusion-webui\pickle_check\pickle_scan.py", line 37, in <module>
    for c in result.calls:
AttributeError: 'dict' object has no attribute 'calls'

What might be an issue?

maybe bug: fix clip may not work?

model: AnythingV3.0.ckpt[8712e20a5d]

image
and I got a non-ema-pruned model which clip is not fixed.
最终得到一个没有修复clip的模型

image
this is the report:

Loading E:\AI\sd-webui\stable-diffusion-webui-directml(vae)\models\Stable-diffusion\Anything-V3.0.ckpt...
Converting model...
100%|████████████████████████████████████████████████████████████████████████████| 1819/1819 [00:00<00:00, 3050.14it/s]
clip in this model is fine, skip fixing...

and I got a non-ema-pruned model which clip is maybe fixed?
所以我得到了一个或许clip被修复了的模型?

run these 3 models, and I got 3 same images when use same seed.
运行这3个模型,在同种子下得到了一样的结果
image

  1. I decided to check these 3 models' clip using model-toolkit and got a surprising result:
    我决定用toolkit检测这三个模型的clip究竟是否正常,但是得到了一个令人惊讶的结果:

Anything-V3.0.ckpt [8712e20a5d]:
image
Anything-V3.0-fp16-no-ema-fixed-converter.safetensors [a08c1887cf]:
image
Anything-V3.0-fp16-no-ema-converter.safetensors [b8209f5b6a]:
image

So, while the original model's clip has 13 wrong position, I wonder if these two pruned models' clip are fine. If they're fixed, why I got 3 same images? If they're not fixed, why this extension report clip in this model is fine, and why model-toolkit report both clips are fine?
所以,在已知原模型存在13处clip偏移的情况下(实际上a3的clip存在偏移也是众所周知的事实),我很想知道剪枝出来的两个模型clip到底正常与否。如果它们都被修复了,为什么能得到跟原模型相同的图片?如果没被修复,为什么这个插件会报clip没有问题,并且toolkit会给出这么诡异的结果?

Feature request: convert diffusers

Need feature to convert safetensors to diffusers. There are some scripts in other repositories for this funciotn but don't why none of them works.

Does not work at 1.6.0.

O:\AI\SynologyDrive\stable-diffusion-webui\extensions\sd-webui-model-converter\scripts\convert.py:52: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=False):

What is in the "Others" part of the model

Hello! Thank you for this extremely helpful extension! I am not a technical person, so I apologize for what may be a stupid question. I have a model that I've converted, but in order to get it to work outside Automatic1111, I had to delete the "Others" option in the Extras section of your conversion tool. That worked great, but I wanted to know what the "Others" section contains. Can you tell me what the "Others" part of the model is? Also, it is this part of the model that is breaking some ckpt files for use outside of Automatic1111. Stripping the Others out makes these models work elsewhere. My next question is how can I convert the "Others" data into a format that can be used outside of A1111. I've tried using the convert method to no avail. Also, I am able to create a model with only the "Others" data in it. It works in A1111, but not in anything else. In short, I want to convert this "Others" data, it is causing many models to fail to work outside A1111. Thank you for your help!

[Feature Request] Batch conversion

If it wouldn't be too much work, I'd like to request implementation of batch processing. I have a ton of models laying around and it would be wonderful to be able to use this to batch remove the VAE from them to save space. I've not seen any other tools supporting removal of VAE.

ControlNet model with .pth extension not appearing in dropdown menu

Hi, I just want to check if it's normal behavior.

I want to convert a ControlNet model control_v11f1e_sd15_tile.pth to fp16 safetensors. I know it is possible because I downloaded some other model in this format previously (700MB vs 1.4 for the model I have).

Is is possible to do it with your extension? The model doesn't appear in the dropdown menu. I try refreshing the dropdown and restarted AUTO1111. No effects.

Checkpoint Format Checkbox Group Error

I tried to use the Model Converter extension, and found that it was misbehaving - in particular, it ignored the Checkpoint Format choice, and created the ckpt file four times. I looked into it, and found the error - on line 71 of the convert.py script, it says

value="ckpt"

It should say

value=["ckpt"]

As it currently stands, it stores the value as "ckpt" and ignores the options, and then when you run the converter, it reads "ckpt" as a list of four characters, and because none of those characters is "safetensors", it saves as ckpt each time through the loop over the list.

Unfortunately, I'm not experienced with Github, so I don't know how to offer an update properly, so posting it as an issue will have to do.

TypeError: unhashable type: 'list'

venv "D:\Ai_program\stable-diffusion-webui\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: v1.6.0
Commit hash: 5ef669de080814067961f28357256e8fe27544f4
Installing requirements
Requirement already satisfied: send2trash~=1.8 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (1.8.2)
Requirement already satisfied: dynamicprompts[attentiongrabber,magicprompt]=0.27.0 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (0.27.0)
Requirement already satisfied: jinja2
=3.1 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (3.1.2)
Requirement already satisfied: pyparsing
=3.0 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (3.0.9)
Requirement already satisfied: transformers[torch]
=4.19 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (4.30.2)
Requirement already satisfied: MarkupSafe>=2.0 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from jinja2
=3.1->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (2.1.2)
Requirement already satisfied: filelock in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (3.12.0)
Requirement already satisfied: huggingface-hub<1.0,>=0.14.1 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (0.14.1)
Requirement already satisfied: numpy>=1.17 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (1.23.5)
Requirement already satisfied: packaging>=20.0 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (23.1)
Requirement already satisfied: pyyaml>=5.1 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (6.0)
Requirement already satisfied: regex!=2019.12.17 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (2023.5.5)
Requirement already satisfied: requests in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (2.31.0)
Requirement already satisfied: tokenizers!=0.11.3,<0.14,>=0.11.1 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (0.13.3)
Requirement already satisfied: safetensors>=0.3.1 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (0.3.1)
Requirement already satisfied: tqdm>=4.27 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (4.65.0)
Requirement already satisfied: torch!=1.12.0,>=1.9 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (2.0.0+cu118)
Requirement already satisfied: accelerate>=0.20.2 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (0.21.0)
Requirement already satisfied: psutil in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from accelerate>=0.20.2->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (5.9.5)
Requirement already satisfied: fsspec in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from huggingface-hub<1.0,>=0.14.1->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (2023.5.0)
Requirement already satisfied: typing-extensions>=3.7.4.3 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from huggingface-hub<1.0,>=0.14.1->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (4.7.1)
Requirement already satisfied: sympy in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from torch!=1.12.0,>=1.9->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (1.11.1)
Requirement already satisfied: networkx in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from torch!=1.12.0,>=1.9->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (3.1)
Requirement already satisfied: colorama in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from tqdm>=4.27->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (0.4.6)
Requirement already satisfied: charset-normalizer<4,>=2 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from requests->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (3.1.0)
Requirement already satisfied: idna<4,>=2.5 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from requests->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (2.10)
Requirement already satisfied: urllib3<3,>=1.21.1 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from requests->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (1.26.15)
Requirement already satisfied: certifi>=2017.4.17 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from requests->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (2023.5.7)
Requirement already satisfied: mpmath>=0.19 in d:\ai_program\stable-diffusion-webui\venv\lib\site-packages (from sympy->torch!=1.12.0,>=1.9->transformers[torch]
=4.19->dynamicprompts[attentiongrabber,magicprompt]=0.27.0) (1.3.0)
sd-dynamic-prompts installer: running 'D:\Ai_program\stable-diffusion-webui\venv\Scripts\python.exe' -m pip install 'send2trash
=1.8' 'dynamicprompts[attentiongrabber,magicprompt]~=0.27.0'
If submitting an issue on github, please provide the full startup log for debugging purposes.

Initializing Dreambooth
Dreambooth revision: cf086c536b141fc522ff11f6cffc8b7b12da04b9
Successfully installed fastapi-0.94.1

[+] xformers version 0.0.17 installed.
[+] torch version 2.0.0+cu118 installed.
[+] torchvision version 0.15.1+cu118 installed.
[+] accelerate version 0.21.0 installed.
[+] diffusers version 0.19.3 installed.
[+] transformers version 4.30.2 installed.
[+] bitsandbytes version 0.35.4 installed.
Launching Web UI with arguments: --xformers --theme dark --disable-safe-unpickle --no-half-vae --disable-nan-check
D:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\pkg_resources_init_.py:123: PkgResourcesDeprecationWarning: llow is an invalid version and will not be supported in a future release
warnings.warn(

You are running xformers 0.0.17.
The program is tested to work with xformers 0.0.20.
To reinstall the desired version, run with commandline flag --reinstall-xformers.

Use --skip-version-check commandline argument to disable this check.

[-] ADetailer initialized. version: 23.7.7, num models: 9
[AddNet] Updating model hashes...
100%|███████████████████████████████████████████████████████████████████████████████| 73/73 [00:00<00:00, 18371.79it/s]
[AddNet] Updating model hashes...
100%|███████████████████████████████████████████████████████████████████████████████| 73/73 [00:00<00:00, 18371.79it/s]
dirname: D:\Ai_program\stable-diffusion-webui\localizations
localizations: {'zh_CN': 'D:\Ai_program\stable-diffusion-webui\extensions\stable-diffusion-webui-localization-zh_CN\localizations\zh_CN.json'}
2023-09-04 13:53:29,608 - ControlNet - INFO - ControlNet v1.1.313
ControlNet preprocessor location: D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads
2023-09-04 13:53:29,680 - ControlNet - INFO - ControlNet v1.1.313
Loading FABRIC v0.4.0
Loading weights [8035b51710] from D:\Ai_program\stable-diffusion-webui\models\Stable-diffusion\0.7(3Dcartoon_RANSnigi2) + 0.3(ReV_Animated_revAnimated_v122).safetensors
Creating model from config: D:\Ai_program\stable-diffusion-webui\configs\v1-inference.yaml
Couldn't find VAE named kl-f8-anime2.ckpt; using None instead
Model loaded in 3.5s (create model: 0.2s, apply weights to model: 1.8s, apply half(): 0.7s, load VAE: 0.1s, calculate empty prompt: 0.6s).
Applying attention optimization: Doggettx... done.
D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-fabric\scripts\fabric.py:99: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
self.selected_img_display = gr.Image(value=None, type="pil", label="Selected image").style(height=256)
D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-fabric\scripts\fabric.py:106: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
upload_img_input = gr.Image(type="pil", label="Upload image").style(height=256)
D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-fabric\scripts\fabric.py:118: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
like_gallery = gr.Gallery(label="Liked images", elem_id="fabric_like_gallery").style(columns=4, height=128)
D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-fabric\scripts\fabric.py:123: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
dislike_gallery = gr.Gallery(label="Disliked images", elem_id="fabric_dislike_gallery").style(columns=4, height=128)
D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-additional-networks\scripts\metadata_editor.py:399: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=False):
D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-additional-networks\scripts\metadata_editor.py:521: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
cover_image = gr.Image(
D:\Ai_program\stable-diffusion-webui\extensions\sd_dreambooth_extension\scripts\main.py:257: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=False):
CUDA SETUP: Loading binary D:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\bitsandbytes\libbitsandbytes_cudaall.dll...
D:\Ai_program\stable-diffusion-webui\extensions\sd_dreambooth_extension\scripts\main.py:1047: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
db_gallery = gr.Gallery(
D:\Ai_program\stable-diffusion-webui\extensions\sd_dreambooth_extension\scripts\main.py:1047: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
db_gallery = gr.Gallery(
D:\Ai_program\stable-diffusion-webui\extensions\stable-diffusion-webui-dataset-tag-editor\scripts\main.py:218: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=False):
D:\Ai_program\stable-diffusion-webui\extensions\stable-diffusion-webui-dataset-tag-editor\scripts\tag_editor_ui\block_dataset_gallery.py:25: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
self.gl_dataset_images = gr.Gallery(label='Dataset Images', elem_id="dataset_tag_editor_dataset_gallery").style(grid=image_columns)
D:\Ai_program\stable-diffusion-webui\extensions\stable-diffusion-webui-dataset-tag-editor\scripts\tag_editor_ui\block_dataset_gallery.py:25: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
self.gl_dataset_images = gr.Gallery(label='Dataset Images', elem_id="dataset_tag_editor_dataset_gallery").style(grid=image_columns)
D:\Ai_program\stable-diffusion-webui\extensions\stable-diffusion-webui-dataset-tag-editor\scripts\tag_editor_ui\tab_filter_by_selection.py:35: GradioDeprecationWarning: The style method is deprecated. Please set these arguments in the constructor instead.
self.gl_filter_images = gr.Gallery(label='Filter Images', elem_id="dataset_tag_editor_filter_gallery").style(grid=image_columns)
D:\Ai_program\stable-diffusion-webui\extensions\stable-diffusion-webui-dataset-tag-editor\scripts\tag_editor_ui\tab_filter_by_selection.py:35: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
self.gl_filter_images = gr.Gallery(label='Filter Images', elem_id="dataset_tag_editor_filter_gallery").style(grid=image_columns)
Running on local URL: http://127.0.0.1:7860

To create a public link, set share=True in launch().
Startup time: 35.1s (prepare environment: 20.8s, import torch: 3.9s, import gradio: 0.5s, setup paths: 0.3s, initialize shared: 0.3s, other imports: 0.4s, load scripts: 7.8s, create ui: 0.7s, gradio launch: 0.3s).
Loading D:\Ai_program\stable-diffusion-webui\models\Stable-diffusion\TJgricon01\TJgricon01_11520.safetensors...
Traceback (most recent call last):
File "D:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "D:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api
result = await self.call_function(
File "D:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function
prediction = await anyio.to_thread.run_sync(
File "D:\Ai_program\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:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 937, in run_sync_in_worker_thread
return await future
File "D:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 867, in run
result = context.run(func, *args)
File "D:\Ai_program\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper
response = f(*args, **kwargs)
File "D:\Ai_program\stable-diffusion-webui\extensions\sd-webui-model-converter\scripts\convert.py", line 190, in do_convert
conv_func = _g_precision_func[precision]
TypeError: unhashable type: 'list'

error occured while converting a version1.5 model
error_snapeshot

fp8

Hello!

Please, add the conversion to fp8

Bug: extension doesn't load with latest version of Automatic1111 / gradio

I think the gradio version has been bumped and is causing an issue when initialising the UI.

Error executing callback ui_tabs_callback for H:\GitHub\stable-diffusion-webui\extensions\sd-webui-model-converter\scripts\convert.py
Traceback (most recent call last):
  File "H:\GitHub\stable-diffusion-webui\modules\script_callbacks.py", line 125, in ui_tabs_callback
    res += c.callback() or []
  File "H:\GitHub\stable-diffusion-webui\extensions\sd-webui-model-converter\scripts\convert.py", line 94, in add_tab
    model_converter_convert.click(
  File "H:\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\events.py", line 129, in __call__
    dep, dep_index = self.trigger.set_event_trigger(
  File "H:\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 195, in set_event_trigger
    check_function_inputs_match(fn, inputs, inputs_as_dict)
  File "H:\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 940, in check_function_inputs_match
    if not is_special_typed_parameter(name):
  File "H:\GitHub\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 929, in is_special_typed_parameter
    is_event_data = issubclass(parameter_types.get(name, int), EventData)
TypeError: issubclass() arg 1 must be a class

Extension version: 7a998ed

Automatic1111 Info:
python: 3.10.6
torch: 1.13.1+cu117
xformers: 0.0.16rc425
gradio: 3.23.0
commit: 91ae48fd
checkpoint: cc6cb27103

Safetensors with EMA weights removed do not load properly.

I use it to remove EMA weights to optimize safetensors files.
Then a strange thing is that all optimized files can no longer be merged with other models using supermerger. An error will always be reported during the initial loading of webUI. You must switch to load another model. After the model is loaded, switch to load the optimized model before it can be used normally.

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.