Already up to date.
venv "C:\WebUI\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 Miaoshou assistant requirement: gpt_index==0.4.24
Installing Miaoshou assistant requirement: langchain==0.0.132
Installing Miaoshou assistant requirement: gradio_client==0.2.7
Launching Web UI with arguments: --no-half-vae --autolaunch --lowvram --xformers --precision full --no-half --theme dark
Civitai Helper: Get Custom Model Folder
Civitai Helper: Load setting from: C:\WebUI\stable-diffusion-webui\extensions\Stable-Diffusion-Webui-Civitai-Helper\setting.json
[-] ADetailer initialized. version: 23.8.1, num models: 9
logs_location: C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\logs
2023-09-02 13:18:44,821 - ControlNet - INFO - ControlNet v1.1.313
ControlNet preprocessor location: C:\WebUI\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads
2023-09-02 13:18:45,027 - ControlNet - INFO - ControlNet v1.1.313
Loading weights [0f1b80cfe8] from C:\WebUI\stable-diffusion-webui\models\Stable-diffusion\dreamshaperXL10_alpha2Xl10.safetensors
C:\WebUI\stable-diffusion-webui\extensions\sd-webui-controlnet\scripts\controlnet_ui\controlnet_ui_group.py:163: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
with gr.Row(elem_classes=["cnet-image-row"]).style(
C:\WebUI\stable-diffusion-webui\extensions\sd-webui-controlnet\scripts\controlnet_ui\controlnet_ui_group.py:184: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
self.generated_image = gr.Image(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:412: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
gr.Gallery(value=ResultDirectionImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:412: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
gr.Gallery(value=ResultDirectionImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:416: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
gr.Gallery(value=ResultMoodImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:416: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
gr.Gallery(value=ResultMoodImages, show_label=False).style(
Creating model from config: C:\WebUI\stable-diffusion-webui\repositories\generative-models\configs\inference\sd_xl_base.yaml
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:420: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
gr.Gallery(value=ResultArtistImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:420: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
gr.Gallery(value=ResultArtistImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:424: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
gr.Gallery(value=ArtMovementImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:424: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
gr.Gallery(value=ArtMovementImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:428: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
gr.Gallery(value=ResultColorImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\StylePile\scripts\StylePile.py:428: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
gr.Gallery(value=ResultColorImages, show_label=False).style(
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:154: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=True):
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:164: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
my_model_source_dropdown = gr.Dropdown(
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:173: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
my_model_type = gr.Radio(mtypes,
a
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:276: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=True):
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:277: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
model_source_dropdown = gr.Dropdown(choices=["civitai.com", "liandange.com", "official_models", 'hugging_face', "controlnet"],
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:286: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=True):
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:295: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=True):
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:297: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
model_type = gr.Radio(["All"] + list(self.prelude.model_type.keys()),
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:302: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
self.runtime.ds_models = gr.Dataset(
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:302: GradioDeprecationWarning: Unknown style parameter: type
self.runtime.ds_models = gr.Dataset(
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:302: GradioDeprecationWarning: Unknown style parameter: container
self.runtime.ds_models = gr.Dataset(
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:313: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
self.runtime.ds_cover_gallery = gr.Dataset(
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:313: GradioDeprecationWarning: Unknown style parameter: type
self.runtime.ds_cover_gallery = gr.Dataset(
C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant\scripts\assistant\miaoshou.py:313: GradioDeprecationWarning: Unknown style parameter: container
self.runtime.ds_cover_gallery = gr.Dataset(
C:\WebUI\stable-diffusion-webui\extensions\model_preset_manager\scripts\main.py:446: GradioDeprecationWarning: 'scale' value should be an integer. Using 0.1 will cause issues.
with gr.Column(min_width=100, scale = 0.1):
C:\WebUI\stable-diffusion-webui\extensions\model_preset_manager\scripts\main.py:463: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
model_generation_data = gr.Textbox(label = model_generation_data_label_text(), value = "", lines = 3, elem_id = "def_model_gen_data_textbox").style(show_copy_button=True)
C:\WebUI\stable-diffusion-webui\extensions\model_preset_manager\scripts\main.py:466: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
triggerWords = gr.CheckboxGroup([], multiselect=True, label="Trigger Words", interactive = True).style(container=True, item_container=True)
C:\WebUI\stable-diffusion-webui\extensions\model_preset_manager\scripts\main.py:466: GradioDeprecationWarning: The `item_container` parameter is deprecated.
triggerWords = gr.CheckboxGroup([], multiselect=True, label="Trigger Words", interactive = True).style(container=True, item_container=True)
C:\WebUI\stable-diffusion-webui\extensions\model_preset_manager\scripts\main.py:493: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
output_textbox = gr.Textbox(interactive=False, label="Output").style(show_copy_button=True)
C:\WebUI\stable-diffusion-webui\modules\gradio_extensons.py:25: GradioDeprecationWarning: `height` is deprecated in `Interface()`, please use it within `launch()` instead.
res = original_IOComponent_init(self, *args, **kwargs)
C:\WebUI\stable-diffusion-webui\extensions\sd-extension-system-info\scripts\system-info.py:449: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
bench_run_btn = gr.Button('Run benchmark', elem_id = 'system_info_tab_benchmark_btn', variant='primary').style()
C:\WebUI\stable-diffusion-webui\extensions\sd-extension-system-info\scripts\system-info.py:451: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
bench_submit_btn = gr.Button('Submit results', elem_id = 'system_info_tab_submit_btn', variant='primary').style()
C:\WebUI\stable-diffusion-webui\extensions\sd-extension-system-info\scripts\system-info.py:460: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
refresh_bench_btn = gr.Button('Refresh bench', elem_id = 'system_info_tab_refresh_bench_btn', visible = False).style(full_width = False) # quick refresh is used from js interval
C:\WebUI\stable-diffusion-webui\extensions\sd-extension-system-info\scripts\system-info.py:460: GradioDeprecationWarning: Use `scale` in place of full_width in the constructor. scale=1 will make the button expand, whereas 0 will not.
refresh_bench_btn = gr.Button('Refresh bench', elem_id = 'system_info_tab_refresh_bench_btn', visible = False).style(full_width = False) # quick refresh is used from js interval
C:\WebUI\stable-diffusion-webui\extensions\sd-extension-system-info\scripts\system-info.py:487: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
refresh_quick_btn = gr.Button('Refresh state', elem_id = 'system_info_tab_refresh_btn', visible = False).style() # quick refresh is used from js interval
C:\WebUI\stable-diffusion-webui\extensions\sd-extension-system-info\scripts\system-info.py:492: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
refresh_full_btn = gr.Button('Refresh data', elem_id = 'system_info_tab_refresh_full_btn', variant='primary').style()
Running on local URL: http://127.0.0.1:7860
To create a public link, set `share=True` in `launch()`.
Startup time: 63.5s (prepare environment: 21.0s, import torch: 14.1s, import gradio: 1.1s, setup paths: 1.0s, initialize shared: 0.3s, other imports: 0.6s, setup codeformer: 0.1s, load scripts: 5.2s, create ui: 17.8s, gradio launch: 2.0s).
Applying attention optimization: xformers... done.
Model loaded in 24.9s (load weights from disk: 1.2s, create model: 0.7s, apply weights to model: 16.1s, apply float(): 2.7s, calculate empty prompt: 4.1s).
ERROR: Exception in ASGI application
Traceback (most recent call last):
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\uvicorn\protocols\http\h11_impl.py", line 408, in run_asgi
result = await app( # type: ignore[func-returns-value]
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\uvicorn\middleware\proxy_headers.py", line 84, in __call__
return await self.app(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\fastapi\applications.py", line 273, in __call__
await super().__call__(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\applications.py", line 122, in __call__
await self.middleware_stack(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py", line 184, in __call__
raise exc
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py", line 162, in __call__
await self.app(scope, receive, _send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\cors.py", line 84, in __call__
await self.app(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\gzip.py", line 24, in __call__
await responder(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\gzip.py", line 44, in __call__
await self.app(scope, receive, self.send_with_gzip)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\exceptions.py", line 79, in __call__
raise exc
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\exceptions.py", line 68, in __call__
await self.app(scope, receive, sender)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\fastapi\middleware\asyncexitstack.py", line 21, in __call__
raise e
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\fastapi\middleware\asyncexitstack.py", line 18, in __call__
await self.app(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\routing.py", line 718, in __call__
await route.handle(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\routing.py", line 276, in handle
await self.app(scope, receive, send)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\routing.py", line 66, in app
response = await func(request)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\fastapi\routing.py", line 237, in app
raw_response = await run_endpoint_function(
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\fastapi\routing.py", line 165, in run_endpoint_function
return await run_in_threadpool(dependant.call, **values)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\starlette\concurrency.py", line 41, in run_in_threadpool
return await anyio.to_thread.run_sync(func, *args)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\anyio\to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 877, in run_sync_in_worker_thread
return await future
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 807, in run
result = context.run(func, *args)
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 302, in api_info
return gradio.blocks.get_api_info(config, serialize) # type: ignore
File "C:\WebUI\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 573, in get_api_info
if type in client_utils.SKIP_COMPONENTS:
AttributeError: module 'gradio_client.utils' has no attribute 'SKIP_COMPONENTS'
Is there an existing issue for this?
What happened?
many feature don't work
Steps to reproduce the problem
What should have happened?
ERROR: Exception in ASGI application?????
checking for extensions not working
Sysinfo
{ "Platform": "Windows-10-10.0.22621-SP0", "Python": "3.10.6", "Version": "v1.6.0", "Commit": "5ef669de080814067961f28357256e8fe27544f4", "Script path": "C:\WebUI\stable-diffusion-webui", "Data path": "C:\WebUI\stable-diffusion-webui", "Extensions dir": "C:\WebUI\stable-diffusion-webui\extensions", "Checksum": "3924257ed3f656ebb6f1887719db3b2c2a0948b005c89c2d0e36881f5cf66e86", "Commandline": [ "launch.py", "--no-half-vae", "--autolaunch", "--lowvram", "--xformers", "--precision", "full", "--no-half", "--theme", "dark" ], "Torch env info": { "torch_version": "2.0.1+cu118", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Microsoft Windows 11 Famille", "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.22621-SP0", "is_cuda_available": "True", "cuda_runtime_version": "12.1.105\r", "cuda_module_loading": "LAZY", "nvidia_driver_version": "536.99", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce GTX 1660 Ti", "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "mypy-extensions==1.0.0", "numpy==1.23.5", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.1.1", "torchsde==0.2.5", "torchvision==0.15.2+cu118" ], "conda_packages": null, "hip_compiled_version": "N/A", "hip_runtime_version": "N/A", "miopen_runtime_version": "N/A", "caching_allocator_config": "", "is_xnnpack_available": "True", "cpu_info": [ "Architecture=9", "CurrentClockSpeed=2900", "DeviceID=CPU0", "Family=107", "L2CacheSize=4096", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=2900", "Name=AMD Ryzen 7 4800H with Radeon Graphics ", "ProcessorType=3", "Revision=24577" ] }, "Exceptions": [], "CPU": { "model": "AMD64 Family 23 Model 96 Stepping 1, AuthenticAMD", "count logical": 16, "count physical": 8 }, "RAM": { "total": "31GB", "used": "22GB", "free": "10GB" }, "Extensions": [ { "name": "Stable-Diffusion-Webui-Civitai-Helper", "path": "C:\WebUI\stable-diffusion-webui\extensions\Stable-Diffusion-Webui-Civitai-Helper", "version": "920ca326", "branch": "main", "remote": "https://github.com/butaixianran/Stable-Diffusion-Webui-Civitai-Helper.git" }, { "name": "StylePile", "path": "C:\WebUI\stable-diffusion-webui\extensions\StylePile", "version": "85b549a1", "branch": "main", "remote": "https://github.com/some9000/StylePile.git" }, { "name": "adetailer", "path": "C:\WebUI\stable-diffusion-webui\extensions\adetailer", "version": "a97b9923", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "miaoshouai-assistant", "path": "C:\WebUI\stable-diffusion-webui\extensions\miaoshouai-assistant", "version": "21563676", "branch": "main", "remote": "https://github.com/miaoshouai/miaoshouai-assistant.git" }, { "name": "model-keyword", "path": "C:\WebUI\stable-diffusion-webui\extensions\model-keyword", "version": "10b5d5f2", "branch": "main", "remote": "https://github.com/mix1009/model-keyword.git" }, { "name": "model_preset_manager", "path": "C:\WebUI\stable-diffusion-webui\extensions\model_preset_manager", "version": "4e25eebd", "branch": "main", "remote": "https://github.com/rifeWithKaiju/model_preset_manager.git" }, { "name": "multi-subject-render", "path": "C:\WebUI\stable-diffusion-webui\extensions\multi-subject-render", "version": "03427e26", "branch": "main", "remote": "https://github.com/Extraltodeus/multi-subject-render.git" }, { "name": "sd-extension-system-info", "path": "C:\WebUI\stable-diffusion-webui\extensions\sd-extension-system-info", "version": "19d190e7", "branch": "main", "remote": "https://github.com/vladmandic/sd-extension-system-info.git" }, { "name": "sd-webui-controlnet", "path": "C:\WebUI\stable-diffusion-webui\extensions\sd-webui-controlnet", "version": "573fb2e1", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" }, { "name": "sd-webui-openpose-editor", "path": "C:\WebUI\stable-diffusion-webui\extensions\sd-webui-openpose-editor", "version": "870f9113", "branch": "main", "remote": "https://github.com/huchenlei/sd-webui-openpose-editor.git" } ], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": "--no-half-vae --autolaunch --lowvram --xformers --precision full --no-half --theme dark", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "grid_save": false, "grid_format": "png", "grid_extended_filename": false, "grid_only_if_multiple": false, "grid_prevent_empty_spots": false, "n_rows": -1, "enable_pnginfo": true, "save_txt": true, "save_images_before_face_restoration": false, "save_images_before_highres_fix": false, "save_images_before_color_correction": false, "save_mask": false, "save_mask_composite": false, "jpeg_quality": 80, "webp_lossless": false, "export_for_4chan": true, "img_downscale_threshold": 4.0, "target_side_length": 4000, "img_max_size_mp": 200, "use_original_name_batch": true, "use_upscaler_name_as_suffix": false, "save_selected_only": true, "save_init_img": false, "temp_dir": "", "clean_temp_dir_at_start": false, "outdir_samples": "D:\Pictures\AIGEN\WebUI", "outdir_txt2img_samples": "D:\Pictures\AIGEN\WebUI\outputs/txt2img-images", "outdir_img2img_samples": "D:\Pictures\AIGEN\WebUI\outputs/img2img-images", "outdir_extras_samples": "D:\Pictures\AIGEN\WebUI\outputs/extras-images", "outdir_grids": "D:\Pictures\AIGEN\WebUI\", "outdir_txt2img_grids": "D:\Pictures\AIGEN\WebUI\outputs/txt2img-grids", "outdir_img2img_grids": "D:\Pictures\AIGEN\WebUI\outputs/img2img-grids", "outdir_save": "D:\Pictures\AIGEN\WebUI\log/images", "outdir_init_images": "D:\Pictures\AIGEN\WebUI\outputs/init-images", "save_to_dirs": true, "grid_save_to_dirs": true, "use_save_to_dirs_for_ui": false, "directories_filename_pattern": "[date]", "directories_max_prompt_words": 8, "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "upscaler_for_img2img": null, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": true, "show_warnings": false, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": false, "list_hidden_files": true, "unload_models_when_training": false, "pin_memory": false, "save_optimizer_state": false, "save_training_settings_to_txt": true, "dataset_filename_word_regex": "", "dataset_filename_join_string": " ", "training_image_repeats_per_epoch": 1, "training_write_csv_every": 500, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "sd_model_checkpoint": "dreamshaperXL10_alpha2Xl10.safetensors [0f1b80cfe8]", "sd_checkpoint_cache": 0, "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_vae_as_default": true, "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "enable_quantization": true, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 2, "upcast_attn": true, "randn_source": "CPU", "cross_attention_optimization": "xformers", "s_min_uncond": 0, "token_merging_ratio": 0.0, "token_merging_ratio_img2img": 0.0, "token_merging_ratio_hr": 0.0, "use_old_emphasis_implementation": false, "use_old_karras_scheduler_sigmas": false, "no_dpmpp_sde_batch_determinism": true, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": true, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": false, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 24, "interrogate_clip_max_length": 48, "interrogate_clip_dict_limit": 1500, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "extra_networks_hidden_models": "When searched", "extra_networks_default_view": "cards", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "sd_hypernetwork": "None", "localization": "None", "gradio_theme": "Default", "img2img_editor_height": 720, "return_grid": true, "return_mask": false, "return_mask_composite": false, "do_not_show_images": false, "send_seed": true, "send_size": true, "font": "", "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "quicksettings_list": [ "sd_model_checkpoint", "CLIP_stop_at_last_layers" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder": "inpaint, sampler, checkboxes, hires_fix, dimensions, cfg, seed, batch, override_settings, scripts", "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "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_content": "Prompt", "live_preview_refresh_period": 1000, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_noise": 1.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "0f1b80cfe81b9c3bde7fdcbf6898897b2811b27be1df684583c3d85cbc9b1fa4", "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "lora_functional": false, "sd_lora": "None", "lora_preferred_name": "Alias from file", "lora_add_hashes_to_infotext": true, "control_net_model_config": "models\cldm_v15.yaml", "control_net_model_adapter_config": "models\t2iadapter_sketch_sd14v1.yaml", "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_max_models_num": 3, "control_net_model_cache_size": 1, "control_net_no_detectmap": false, "control_net_detectmap_autosaving": false, "control_net_allow_script_control": true, "control_net_sync_field_args": false, "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "controlnet_disable_control_type": false, "controlnet_disable_openpose_edit": false, "ui_reorder_list": [ "inpaint", "sampler", "checkboxes", "hires_fix", "dimensions", "cfg", "seed", "batch", "override_settings", "scripts" ], "grid_zip_filename_pattern": "", "sd_unet": "Automatic", "pad_cond_uncond": false, "experimental_persistent_cond_cache": false, "hires_fix_use_firstpass_conds": false, "disable_token_counters": false, "extra_options": [], "extra_options_accordion": false, "infotext_styles": "Apply if any", "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "canvas_hotkey_zoom": "Alt", "canvas_hotkey_adjust": "Ctrl", "canvas_hotkey_move": "F", "canvas_hotkey_fullscreen": "S", "canvas_hotkey_reset": "R", "canvas_hotkey_overlap": "O", "canvas_show_tooltip": true, "canvas_disabled_functions": [ "Overlap" ], "grid_text_active_color": "#000000", "grid_text_inactive_color": "#999999", "grid_background_color": "#ffffff", "disable_mmap_load_safetensors": false, "auto_vae_precision": true, "sdxl_crop_top": 0.0, "sdxl_crop_left": 0.0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "extra_networks_card_text_scale": 1, "extra_networks_card_show_desc": true, "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "lora_show_all": true, "lora_hide_unknown_for_versions": [], "keyedit_move": false, "add_user_name_to_info": false, "canvas_blur_prompt": false, "ad_max_models": 2, "ad_save_previews": false, "ad_save_images_before": false, "ad_only_seleted_scripts": true, "ad_script_names": "dynamic_prompting,dynamic_thresholding,wildcard_recursive,wildcards,lora_block_weight", "ad_bbox_sortby": "None", "control_net_inpaint_blur_sigma": 7, "control_net_no_high_res_fix": false, "controlnet_ignore_noninpaint_mask": false, "sd_vae_overrides_per_model_preferences": false }, "Startup": { "total": 63.4953715801239, "records": { "initial startup": 0.001275777816772461, "prepare environment/checks": 0.020432233810424805, "prepare environment/git version info": 0.15583539009094238, "prepare environment/torch GPU test": 12.16969084739685, "prepare environment/clone repositores": 0.4463508129119873, "prepare environment/run extensions installers/adetailer": 0.16565465927124023, "prepare environment/run extensions installers/miaoshouai-assistant": 7.283132314682007, "prepare environment/run extensions installers/model-keyword": 0.0, "prepare environment/run extensions installers/model_preset_manager": 0.0010371208190917969, "prepare environment/run extensions installers/multi-subject-render": 0.11724328994750977, "prepare environment/run extensions installers/sd-extension-system-info": 0.12113022804260254, "prepare environment/run extensions installers/sd-webui-controlnet": 0.51491379737854, "prepare environment/run extensions installers/sd-webui-openpose-editor": 0.0, "prepare environment/run extensions installers/Stable-Diffusion-Webui-Civitai-Helper": 0.0, "prepare environment/run extensions installers/StylePile": 0.0, "prepare environment/run extensions installers": 8.203111410140991, "prepare environment": 21.04999852180481, "launcher": 0.0020079612731933594, "import torch": 14.105461835861206, "import gradio": 1.1451482772827148, "setup paths": 0.9786639213562012, "import ldm": 0.0060062408447265625, "import sgm": 0.0, "initialize shared": 0.32758355140686035, "other imports": 0.614898681640625, "opts onchange": 0.0, "setup SD model": 0.0020852088928222656, "setup codeformer": 0.12080669403076172, "setup gfpgan": 0.022570371627807617, "set samplers": 0.0, "list extensions": 0.0010097026824951172, "restore config state file": 0.0, "list SD models": 0.015481948852539062, "list localizations": 0.0, "load scripts/custom_code.py": 0.006190299987792969, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0010666847229003906, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0010421276092529297, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0010113716125488281, "load scripts/refiner.py": 0.0, "load scripts/sd_upscale.py": 0.0, "load scripts/seed.py": 0.0, "load scripts/xyz_grid.py": 0.00614619255065918, "load scripts/civitai_helper.py": 1.3056557178497314, "load scripts/StylePile.py": 0.0021393299102783203, "load scripts/!adetailer.py": 1.6355178356170654, "load scripts/main.py": 1.0863111019134521, "load scripts/model_keyword.py": 0.04099702835083008, "load scripts/interface.py": 0.0, "load scripts/multirender.py": 0.0010259151458740234, "load scripts/simple_depthmap.py": 0.007191896438598633, "load scripts/system-info.py": 0.09531712532043457, "load scripts/adapter.py": 0.0, "load scripts/api.py": 0.21641063690185547, "load scripts/batch_hijack.py": 0.0010292530059814453, "load scripts/cldm.py": 0.0, "load scripts/controlnet.py": 0.20722436904907227, "load scripts/controlnet_version.py": 0.0, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0010001659393310547, "load scripts/hook.py": 0.0009996891021728516, "load scripts/infotext.py": 0.0, "load scripts/logging.py": 0.0010178089141845703, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.0, "load scripts/processor.py": 0.001068115234375, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.0010044574737548828, "load scripts/openpose_editor.py": 0.0449519157409668, "load scripts/ldsr_model.py": 0.04883384704589844, "load scripts/lora_script.py": 0.432100772857666, "load scripts/scunet_model.py": 0.04837965965270996, "load scripts/swinir_model.py": 0.0470430850982666, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0009992122650146484, "load scripts": 5.241675615310669, "load upscalers": 0.003074169158935547, "refresh VAE": 0.006041049957275391, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.001039743423461914, "scripts list_unets": 0.0, "reload hypernetworks": 0.007180452346801758, "initialize extra networks": 0.026984453201293945, "scripts before_ui_callback": 0.001999378204345703, "create ui": 17.82345223426819, "gradio launch": 2.022221803665161, "add APIs": 0.011011123657226562, "app_started_callback/model_keyword.py": 0.0, "app_started_callback/system-info.py": 0.006241559982299805, "app_started_callback/api.py": 0.004030942916870117, "app_started_callback/openpose_editor.py": 0.0019981861114501953, "app_started_callback/lora_script.py": 0.0, "app_started_callback": 0.012270689010620117 } }, "Packages": [ "absl-py==1.4.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.8.5", "aiosignal==1.3.1", "altair==5.1.1", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.1.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "blendmodes==2022", "boltons==23.0.0", "cachetools==5.3.1", "certifi==2023.7.22", "cffi==1.15.1", "charset-normalizer==3.2.0", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "colorama==0.4.6", "contourpy==1.1.0", "cssselect2==0.7.0", "cycler==0.11.0", "dataclasses-json==0.5.14", "deprecation==2.1.0", "einops==0.4.1", "exceptiongroup==1.1.3", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.12.3", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.42.1", "frozenlist==1.4.0", "fsspec==2023.6.0", "ftfy==6.1.1", "future==0.18.3", "fvcore==0.1.5.post20221221", "gdown==4.7.1", "gfpgan==1.3.8", "gitdb==4.0.10", "gitpython==3.1.32", "google-auth-oauthlib==1.0.0", "google-auth==2.22.0", "gpt-index==0.4.24", "gradio-client==0.2.7", "gradio==3.41.2", "greenlet==2.0.2", "grpcio==1.57.0", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.16.4", "idna==3.4", "imageio==2.31.2", "importlib-metadata==6.8.0", "importlib-resources==6.0.1", "inflection==0.5.1", "iopath==0.1.9", "jinja2==3.1.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.7.1", "jsonschema==4.19.0", "kiwisolver==1.4.5", "kornia==0.6.7", "langchain==0.0.132", "langsmith==0.0.33", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.9.0", "llvmlite==0.40.1", "lmdb==1.4.1", "lpips==0.1.4", "lxml==4.9.3", "markdown-it-py==3.0.0", "markdown==3.4.4", "markupsafe==2.1.3", "marshmallow==3.20.1", "matplotlib==3.7.2", "mdurl==0.1.2", "mediapipe==0.10.3", "mpmath==1.3.0", "multidict==6.0.4", "mypy-extensions==1.0.0", "networkx==3.1", "numba==0.57.1", "numexpr==2.8.5", "numpy==1.23.5", "oauthlib==3.2.2", "omegaconf==2.2.3", "open-clip-torch==2.20.0", "openai==0.28.0", "opencv-contrib-python==4.8.0.76", "opencv-python==4.8.0.76", "orjson==3.9.5", "packaging==23.1", "pandas==2.1.0", "piexif==1.1.3", "pillow==9.5.0", "pip==23.2.1", "platformdirs==3.10.0", "portalocker==2.7.0", "protobuf==3.20.0", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycparser==2.21", "pydantic==1.10.12", "pydub==0.25.1", "pygments==2.16.1", "pyparsing==3.0.9", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3", "pywavelets==1.4.1", "pywin32==306", "pyyaml==6.0.1", "realesrgan==0.3.0", "referencing==0.30.2", "regex==2023.8.8", "rehash==1.0.1", "reportlab==4.0.4", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rich==13.5.2", "rpds-py==0.10.0", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scipy==1.11.2", "seaborn==0.12.2", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==63.2.0", "six==1.16.0", "smmap==5.0.0", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.4.1", "sqlalchemy==1.4.49", "starlette==0.26.1", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.15.0a20230901", "tenacity==8.2.3", "tensorboard-data-server==0.7.1", "termcolor==2.3.0", "tifffile==2023.8.30", "tiktoken==0.4.0", "timm==0.9.2", "tinycss2==1.2.1", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.0", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.1.1", "torchsde==0.2.5", "torchvision==0.15.2+cu118", "tqdm==4.66.1", "trampoline==0.1.2", "transformers==4.30.2", "typing-extensions==4.7.1", "typing-inspect==0.9.0", "tzdata==2023.3", "ultralytics==8.0.168", "urllib3==1.26.16", "uvicorn==0.23.2", "wcwidth==0.2.6", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==2.3.7", "wheel==0.41.2", "xformers==0.0.20", "yacs==0.1.8", "yapf==0.40.1", "yarl==1.9.2", "zipp==3.16.2" ] }
What browsers do you use to access the UI ?
Brave
Console logs
Additional information
No response