AUTOMATIC1111 / stable-diffusion-webui

Stable Diffusion web UI
GNU Affero General Public License v3.0
136.46k stars 26k forks source link

[Bug]: Browser windows opens to localhost on load, prior to model load completion, requiring refresh of page when starting tthe webui service [Windows] #13649

Open rbfussell opened 9 months ago

rbfussell commented 9 months ago

Is there an existing issue for this?

What happened?

The batch file starts the services, loads extensions, does its business. Then the page spawns to localhost:port, but... this results in a load of console errors if you do anything otther han just switch tabs or close it. Any interaction that expecs a response from gradio back and forth, such as...scrolling the page. Typing a prompt, or anything really resuls in ASGI vomit, the buttons and switches do nott work right, things act generally oodd, attempting to generate image results in a loading bar that filles about 1/100th with no other info until it times out, it does no send the necessary communication to begin the generation. Pretty much same for all actions.

Steps to reproduce the problem

  1. start batch file webui-user.bat
  2. press nothing.
  3. wait fr browser tab to spawn,
  4. do anything and it does not work properly,
  5. fix it with f5.
  6. generate neat images

What should have happened?

nothing, it should just work and not require refresh.

Sysinfo

{ "Platform": "Windows-10-10.0.22635-SP0", "Python": "3.10.6", "Version": "v1.6.0", "Commit": "5ef669de080814067961f28357256e8fe27544f4", "Script path": "E:\Projects\AI\stable-diffusion-webui", "Data path": "E:\Projects\AI\stable-diffusion-webui", "Extensions dir": "E:\Projects\AI\stable-diffusion-webui\extensions", "Checksum": "8641ca11f0d83409cdff2043c60a7f6e0f918f89ebe086da0a533453aef2a869", "Commandline": [ "launch.py", "--api", "--opt-sdp-attention", "--disable-safe-unpickle" ], "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 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.22635-SP0", "is_cuda_available": "True", "cuda_runtime_version": "11.8.89\r", "cuda_module_loading": "LAZY", "nvidia_driver_version": "537.42", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3060 Ti", "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.23.5", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "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=3696", "DeviceID=CPU0", "Family=205", "L2CacheSize=1536", "L2CacheSpeed=", "Manufacturer=GenuineIntel", "MaxClockSpeed=3696", "Name=Intel(R) Core(TM) i5-9600K CPU @ 3.70GHz", "ProcessorType=3", "Revision=" ] }, "Exceptions": [ { "exception": "", "traceback": [ [ "E:\Projects\AI\stable-diffusion-webui\modules\api\api.py, line 187, exception_handling", "return await call_next(request)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py, line 84, call_next", "raise app_exc" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py, line 70, coro", "await self.app(scope, receive_or_disconnect, send_no_error)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py, line 108, call", "response = await self.dispatch_func(request, call_next)" ], [ "E:\Projects\AI\stable-diffusion-webui\modules\api\api.py, line 151, log_and_time", "res: Response = await call_next(req)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py, line 84, call_next", "raise app_exc" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py, line 70, coro", "await self.app(scope, receive_or_disconnect, send_no_error)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\cors.py, line 92, call", "await self.simple_response(scope, receive, send, request_headers=headers)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\cors.py, line 147, simple_response", "await self.app(scope, receive, send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\gzip.py, line 24, call", "await responder(scope, receive, send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\gzip.py, line 44, call", "await self.app(scope, receive, self.send_with_gzip)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\exceptions.py, line 79, call", "raise exc" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\exceptions.py, line 68, call", "await self.app(scope, receive, sender)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\fastapi\middleware\asyncexitstack.py, line 21, call", "raise e" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\fastapi\middleware\asyncexitstack.py, line 18, call", "await self.app(scope, receive, send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\routing.py, line 718, call", "await route.handle(scope, receive, send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\routing.py, line 276, handle", "await self.app(scope, receive, send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\routing.py, line 66, app", "response = await func(request)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\fastapi\routing.py, line 237, app", "raw_response = await run_endpoint_function(" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\fastapi\routing.py, line 163, run_endpoint_function", "return await dependant.call(**values)" ], [ "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-prompt-all-in-one\scripts\on_app_started.py, line 103, _token_counter", "data = await request.json()" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\requests.py, line 243, json", "body = await self.body()" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\requests.py, line 236, body", "async for chunk in self.stream():" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\requests.py, line 230, stream", "raise ClientDisconnect()" ] ] }, { "exception": "Can't send data when our state is ERROR", "traceback": [ [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py, line 162, call", "await self.app(scope, receive, _send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py, line 109, call", "await response(scope, receive, send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py, line 270, call", "async with anyio.create_task_group() as task_group:" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py, line 597, aexit", "raise exceptions[0]" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py, line 273, wrap", "await func()" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py, line 134, stream_response", "return await super().stream_response(send)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py, line 255, stream_response", "await send(" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py, line 159, _send", "await send(message)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\uvicorn\protocols\http\h11_impl.py, line 490, send", "output = self.conn.send(event=response)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py, line 468, send", "data_list = self.send_with_data_passthrough(event)" ], [ "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py, line 483, send_with_data_passthrough", "raise LocalProtocolError(\"Can't send data when our state is ERROR\")" ] ] } ], "CPU": { "model": "Intel64 Family 6 Model 158 Stepping 13, GenuineIntel", "count logical": 6, "count physical": 6 }, "RAM": { "total": "32GB", "used": "15GB", "free": "17GB" }, "Extensions": [ { "name": "SadTalker", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\SadTalker", "version": "cd4c0465", "branch": "main", "remote": "https://github.com/OpenTalker/SadTalker.git" }, { "name": "Stable-Diffusion-Webui-Civitai-Helper", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\Stable-Diffusion-Webui-Civitai-Helper", "version": "3a41a951", "branch": "master", "remote": "https://github.com/zixaphir/Stable-Diffusion-Webui-Civitai-Helper.git" }, { "name": "adetailer", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\adetailer", "version": "d51f4b33", "branch": "main", "remote": "https://github.com/Bing-su/adetailer" }, { "name": "clip-interrogator-ext", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\clip-interrogator-ext", "version": "0f1a4591", "branch": "main", "remote": "https://github.com/pharmapsychotic/clip-interrogator-ext.git" }, { "name": "sd-civitai-browser-plus", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-civitai-browser-plus", "version": "2b64e96c", "branch": "main", "remote": "https://github.com/BlafKing/sd-civitai-browser-plus.git" }, { "name": "sd-webui-animatediff-for-ControlNet", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-animatediff-for-ControlNet", "version": "5487b7b8", "branch": "master", "remote": "https://github.com/DavideAlidosi/sd-webui-animatediff-for-ControlNet.git" }, { "name": "sd-webui-ar", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-ar", "version": "3973c86a", "branch": "main", "remote": "https://github.com/alemelis/sd-webui-ar.git" }, { "name": "sd-webui-controlnet-animatediff", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-controlnet-animatediff", "version": "5a6ac366", "branch": "main", "remote": "https://github.com/DavideAlidosi/sd-webui-controlnet-animatediff.git" }, { "name": "sd-webui-faceswaplab", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-faceswaplab", "version": "42d1c75b", "branch": "main", "remote": "https://github.com/glucauze/sd-webui-faceswaplab" }, { "name": "sd-webui-infinite-image-browsing", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-infinite-image-browsing", "version": "add16701", "branch": "main", "remote": "https://github.com/zanllp/sd-webui-infinite-image-browsing.git" }, { "name": "sd-webui-prompt-all-in-one", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-prompt-all-in-one", "version": "c07aab2f", "branch": "main", "remote": "https://github.com/Physton/sd-webui-prompt-all-in-one" }, { "name": "stable-diffusion-webui-depthmap-script", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\stable-diffusion-webui-depthmap-script", "version": "0d579ddd", "branch": "main", "remote": "https://github.com/thygate/stable-diffusion-webui-depthmap-script.git" }, { "name": "stable-diffusion-webui-two-shot", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\stable-diffusion-webui-two-shot", "version": "6b55dd52", "branch": "main", "remote": "https://github.com/ashen-sensored/stable-diffusion-webui-two-shot.git" }, { "name": "ultimate-upscale-for-automatic1111", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\ultimate-upscale-for-automatic1111", "version": "728ffcec", "branch": "master", "remote": "https://github.com/Coyote-A/ultimate-upscale-for-automatic1111.git" } ], "Inactive extensions": [ { "name": "aesthetic-image-scorer", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\aesthetic-image-scorer", "version": "1c3ab7a1", "branch": "main", "remote": "https://github.com/tsngo/stable-diffusion-webui-aesthetic-image-scorer" }, { "name": "deforum-for-automatic1111-webui", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\deforum-for-automatic1111-webui", "version": "040da3d8", "branch": "automatic1111-webui", "remote": "https://github.com/deforum-art/deforum-for-automatic1111-webui.git" }, { "name": "sd-webui-animatediff", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-animatediff", "version": "ee1b55c1", "branch": "master", "remote": "https://github.com/continue-revolution/sd-webui-animatediff.git" }, { "name": "sd-webui-civbrowser", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-civbrowser", "version": "4cec0a5b", "branch": "mod", "remote": "https://github.com/SignalFlagZ/sd-webui-civbrowser.git" }, { "name": "sd-webui-deoldify", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-deoldify", "version": "49380c10", "branch": "main", "remote": "https://github.com/SpenserCai/sd-webui-deoldify" }, { "name": "sd-webui-supermerger", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-supermerger", "version": "70719e17", "branch": "main", "remote": "https://github.com/hako-mikan/sd-webui-supermerger.git" }, { "name": "stable-diffusion-webui-images-browser", "path": "E:\Projects\AI\stable-diffusion-webui\extensions\stable-diffusion-webui-images-browser", "version": "08fc2647", "branch": "main", "remote": "https://github.com/AlUlkesh/stable-diffusion-webui-images-browser.git" } ], "Environment": { "COMMANDLINE_ARGS": "--api --opt-sdp-attention --disable-safe-unpickle", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "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", "enable_pnginfo": true, "save_txt": false, "save_images_before_face_restoration": false, "save_images_before_highres_fix": false, "save_images_before_color_correction": false, "save_mask": false, "save_mask_composite": false, "jpeg_quality": 80, "webp_lossless": false, "export_for_4chan": false, "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, "save_incomplete_images": false, "outdir_samples": "", "outdir_txt2img_samples": "outputs/txt2img-images", "outdir_img2img_samples": "outputs/img2img-images", "outdir_extras_samples": "outputs/extras-images", "outdir_grids": "", "outdir_txt2img_grids": "outputs/txt2img-grids", "outdir_img2img_grids": "outputs/img2img-grids", "outdir_save": "log/images", "outdir_init_images": "outputs/init-images", "save_to_dirs": true, "grid_save_to_dirs": true, "use_save_to_dirs_for_ui": false, "directories_filename_pattern": "[date]", "directories_max_prompt_words": 8, "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "upscaler_for_img2img": null, "face_restoration": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "auto_launch_browser": "Local", "show_warnings": false, "show_gradio_deprecation_warnings": true, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": false, "list_hidden_files": true, "disable_mmap_load_safetensors": false, "hide_ldm_prints": true, "api_enable_requests": true, "api_forbid_local_requests": true, "api_useragent": "", "unload_models_when_training": false, "pin_memory": false, "save_optimizer_state": false, "save_training_settings_to_txt": true, "dataset_filename_word_regex": "", "dataset_filename_join_string": " ", "training_image_repeats_per_epoch": 1, "training_write_csv_every": 500, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "sd_model_checkpoint": "1.5\perfectdeliberate_v10.safetensors [4ff3bc63f3]", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": false, "sd_checkpoint_cache": 0, "sd_unet": "Automatic", "enable_quantization": false, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 1, "upcast_attn": false, "randn_source": "GPU", "tiling": false, "hires_fix_refiner_pass": "second pass", "sdxl_crop_top": 0, "sdxl_crop_left": 0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "sd_vae_explanation": "VAE is a neural network that transforms a standard RGB\nimage into latent space representation and back. Latent space representation is what stable diffusion is working on during sampling\n(i.e. when the progress bar is between empty and full). For txt2img, VAE is used to create a resulting image after the sampling is finished.\nFor img2img, VAE is used to process user's input image before the sampling, and to create an image after sampling.", "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_vae_overrides_per_model_preferences": true, "auto_vae_precision": true, "sd_vae_encode_method": "Full", "sd_vae_decode_method": "Full", "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_extra_noise": 0.0, "img2img_color_correction": true, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "img2img_editor_height": 720, "img2img_sketch_default_brush_color": "#ffffff", "img2img_inpaint_mask_brush_color": "#ffffff", "img2img_inpaint_sketch_default_brush_color": "#ffffff", "return_mask": false, "return_mask_composite": false, "cross_attention_optimization": "Automatic", "s_min_uncond": 0.0, "token_merging_ratio": 0.0, "token_merging_ratio_img2img": 0.0, "token_merging_ratio_hr": 0.0, "pad_cond_uncond": true, "persistent_cond_cache": true, "batch_cond_uncond": true, "use_old_emphasis_implementation": false, "use_old_karras_scheduler_sigmas": false, "no_dpmpp_sde_batch_determinism": false, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "hires_fix_use_firstpass_conds": false, "use_old_scheduling": false, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": false, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 24, "interrogate_clip_max_length": 48, "interrogate_clip_dict_limit": 1500, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "extra_networks_hidden_models": "When searched", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_card_text_scale": 1.0, "extra_networks_card_show_desc": true, "extra_networks_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "sd_hypernetwork": "None", "localization": "None", "gradio_theme": "Default", "gradio_themes_cache": true, "gallery_height": "", "return_grid": true, "do_not_show_images": false, "send_seed": true, "send_size": true, "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "keyedit_move": true, "quicksettings_list": [ "sd_model_checkpoint", "CLIP_stop_at_last_layers", "sd_vae" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "disable_token_counters": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "add_user_name_to_info": false, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "infotext_styles": "Apply if any", "show_progressbar": true, "live_previews_enable": true, "live_previews_image_format": "png", "show_progress_grid": true, "show_progress_every_n_steps": 10, "show_progress_type": "Approx NN", "live_preview_allow_lowvram_full": false, "live_preview_content": "Prompt", "live_preview_refresh_period": 1000, "live_preview_fast_interrupt": false, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_tmax": 0.0, "s_noise": 1.0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "sgm_noise_multiplier": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [ "aesthetic-image-scorer", "deforum-for-automatic1111-webui", "sd-webui-animatediff", "sd-webui-civbrowser", "sd-webui-deoldify", "sd-webui-supermerger", "stable-diffusion-webui-images-browser" ], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "4ff3bc63f3286daf6d32ccb825114eb612fba5d058d14486f0af0a9380d7d0f8", "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "lora_functional": false, "sd_lora": "None", "lora_preferred_name": "Alias from file", "lora_add_hashes_to_infotext": true, "lora_show_all": false, "lora_hide_unknown_for_versions": [], "lora_in_memory_limit": 0, "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "canvas_hotkey_zoom": "Alt", "canvas_hotkey_adjust": "Ctrl", "canvas_hotkey_move": "F", "canvas_hotkey_fullscreen": "S", "canvas_hotkey_reset": "R", "canvas_hotkey_overlap": "O", "canvas_show_tooltip": true, "canvas_auto_expand": true, "canvas_blur_prompt": false, "canvas_disabled_functions": [ "Overlap" ], "sadtalker_result_dir": "E:\Projects\AI\stable-diffusion-webui\outputs\SadTalker", "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_unit_count": 3, "control_net_model_cache_size": 1, "control_net_inpaint_blur_sigma": 7, "control_net_no_high_res_fix": false, "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_control_type": false, "controlnet_disable_openpose_edit": false, "controlnet_ignore_noninpaint_mask": false, "faceswaplab_model": "E:\Projects\AI\stable-diffusion-webui\models\faceswaplab\inswapper_128.onnx", "faceswaplab_use_gpu": false, "faceswaplab_keep_original": false, "faceswaplab_units_count": 3, "faceswaplab_nsfw_threshold": 0.6, "faceswaplab_det_size": 640, "faceswaplab_auto_det_size": true, "faceswaplab_detection_threshold": 0.5, "faceswaplab_pp_default_face_restorer_visibility": 1, "faceswaplab_pp_default_face_restorer_weight": 1, "faceswaplab_pp_default_upscaler_visibility": 1, "faceswaplab_pp_default_inpainting_prompt": "Portrait of a [gender]", "faceswaplab_pp_default_inpainting_negative_prompt": "blurry", "faceswaplab_default_upscaled_swapper_sharpen": false, "faceswaplab_default_upscaled_swapper_fixcolor": false, "faceswaplab_default_upscaled_swapper_improved_mask": false, "faceswaplab_default_upscaled_swapper_face_restorer_visibility": 1, "faceswaplab_default_upscaled_swapper_face_restorer_weight": 1, "faceswaplab_default_upscaled_swapper_erosion": 1, "depthmap_script_keepmodels": false, "depthmap_script_boost_rmax": 1600.0, "depthmap_script_save_ply": false, "depthmap_script_show_3d": true, "depthmap_script_show_3d_inpaint": true, "depthmap_script_mesh_maxsize": 2048.0, "depthmap_script_gen_heatmap_from_ui": false, "depthmap_script_extra_stereomodes": false, "image_browser_active_tabs": "txt2img, img2img, txt2img-grids, img2img-grids, Extras, Favorites, Others, All, Maintenance", "image_browser_hidden_components": [], "image_browser_with_subdirs": true, "image_browser_preload": false, "image_browser_copy_image": false, "image_browser_delete_message": true, "image_browser_txt_files": true, "image_browser_debug_level": "1 - warning log", "image_browser_delete_recycle": true, "image_browser_scan_exif": true, "image_browser_mod_shift": false, "image_browser_mod_ctrl_shift": false, "image_browser_ranking_pnginfo": false, "image_browser_page_columns": 6.0, "image_browser_page_rows": 6.0, "image_browser_pages_perload": 20.0, "image_browser_height_auto": false, "image_browser_use_thumbnail": false, "image_browser_thumbnail_size": 200.0, "image_browser_swipe": false, "image_browser_img_tooltips": true, "image_browser_show_progress": true, "image_browser_info_add": false, "ais_exif_pnginfo_group": [], "ais_windows_tag_group": [], "ais_windows_category_group": [], "ais_generation_params_text_group": [ "aesthetic_score", "sampler", "cfg_scale", "sd_model_hash", "seed", "hash" ], "ais_force_cpu": false, "civsfz_number_of_tabs": 3, "civsfz_number_of_cards": 12, "civsfz_card_size_width": 8, "civsfz_card_size_height": 12, "civsfz_hover_zoom_magnification": 1.5, "civsfz_treat_x_as_nsfw": true, "civsfz_figcaption_background_color": "#798a9f", "civsfz_default_shadow_color": "#798a9f", "civsfz_alreadyhave_shadow_color": "#7fffd4", "ch_open_url_with_js": true, "ch_hide_buttons": [ "add_trigger_words_button" ], "ch_always_display": false, "ch_show_btn_on_thumb": true, "ch_max_size_preview": true, "ch_nsfw_preview_threshold": "Allow All", "ch_dl_webui_metadata": true, "ch_proxy": "", "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", "deforum_keep_3d_models_in_vram": false, "deforum_enable_persistent_settings": false, "deforum_persistent_settings_path": "models/Deforum/deforum_persistent_settings.txt", "deforum_ffmpeg_location": "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\imageio_ffmpeg\binaries\ffmpeg-win64-v4.2.2.exe", "deforum_ffmpeg_crf": 17, "deforum_ffmpeg_preset": "slow", "deforum_debug_mode_enabled": false, "deforum_save_gen_info_as_srt": false, "deforum_embed_srt": false, "deforum_save_gen_info_as_srt_params": [ "Noise Schedule" ], "deforum_preview": "Off", "deforum_preview_interval_frames": 100, "use_aria2": true, "disable_dns": false, "show_log": false, "split_aria2": 64, "insert_sub": true, "use_LORA": false, "unpack_zip": false, "animatediff_model_path": "E:\Projects\AI\stable-diffusion-webui\extensions\sd-webui-animatediff\model", "animatediff_optimize_gif_palette": false, "animatediff_optimize_gif_gifsicle": false, "animatediff_xformers": "Optimize attention layers with sdp (torch >= 2.0.0 required)", "ch_use_sdwebui_sha256": false, "aria2_flags": "" }, "Startup": { "total": 57.26883387565613, "records": { "initial startup": 0.0010008811950683594, "prepare environment/checks": 0.025973081588745117, "prepare environment/git version info": 0.08261466026306152, "prepare environment/torch GPU test": 2.5509045124053955, "prepare environment/clone repositores": 0.26556396484375, "prepare environment/run extensions installers/adetailer": 0.2876462936401367, "prepare environment/run extensions installers/clip-interrogator-ext": 19.287888050079346, "prepare environment/run extensions installers/SadTalker": 0.0, "prepare environment/run extensions installers/sd-civitai-browser-plus": 3.8952503204345703, "prepare environment/run extensions installers/sd-webui-animatediff-for-ControlNet": 0.0, "prepare environment/run extensions installers/sd-webui-ar": 0.0, "prepare environment/run extensions installers/sd-webui-controlnet-animatediff": 0.6996471881866455, "prepare environment/run extensions installers/sd-webui-faceswaplab": 0.7658383846282959, "prepare environment/run extensions installers/sd-webui-infinite-image-browsing": 0.7035822868347168, "prepare environment/run extensions installers/sd-webui-prompt-all-in-one": 0.170515775680542, "prepare environment/run extensions installers/Stable-Diffusion-Webui-Civitai-Helper": 0.0, "prepare environment/run extensions installers/stable-diffusion-webui-depthmap-script": 3.4473395347595215, "prepare environment/run extensions installers/stable-diffusion-webui-two-shot": 0.0, "prepare environment/run extensions installers/ultimate-upscale-for-automatic1111": 0.0, "prepare environment/run extensions installers": 29.257707834243774, "prepare environment": 32.286102056503296, "launcher": 0.003209829330444336, "import torch": 6.2840399742126465, "import gradio": 1.3523597717285156, "setup paths": 1.013519048690796, "import ldm": 0.0101165771484375, "import sgm": 0.0, "initialize shared": 0.12289214134216309, "other imports": 1.027033805847168, "opts onchange": 0.0009992122650146484, "setup SD model": 0.00800180435180664, "setup codeformer": 0.17185044288635254, "setup gfpgan": 0.40321803092956543, "set samplers": 0.0, "list extensions": 0.003008604049682617, "restore config state file": 0.0, "list SD models": 0.044129133224487305, "list localizations": 0.0010249614715576172, "load scripts/custom_code.py": 0.016989946365356445, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.00211334228515625, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0010297298431396484, "load scripts/postprocessing_codeformer.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.0009775161743164062, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0010318756103515625, "load scripts/prompts_from_file.py": 0.0, "load scripts/refiner.py": 0.0009684562683105469, "load scripts/sd_upscale.py": 0.0, "load scripts/seed.py": 0.0010080337524414062, "load scripts/xyz_grid.py": 0.001020193099975586, "load scripts/extension.py": 2.60825777053833, "load scripts/civitai_helper.py": 0.08521509170532227, "load scripts/!adetailer.py": 0.38295817375183105, "load scripts/clip_interrogator_ext.py": 0.0836794376373291, "load scripts/civitai_api.py": 1.4932162761688232, "load scripts/civitai_download.py": 1.0096735954284668, "load scripts/civitai_file_manage.py": 0.0, "load scripts/civitai_global.py": 0.002988100051879883, "load scripts/civitai_gui.py": 0.07014775276184082, "load scripts/animatediff.py": 0.11669683456420898, "load scripts/animatediff_infv2v.py": 0.0010242462158203125, "load scripts/animatediff_latent.py": 0.0, "load scripts/animatediff_logger.py": 0.0009760856628417969, "load scripts/animatediff_lora.py": 0.0, "load scripts/animatediff_mm.py": 0.0, "load scripts/animatediff_output.py": 0.0010242462158203125, "load scripts/animatediff_ui.py": 0.0, "load scripts/sd-webui-ar.py": 0.0009996891021728516, "load scripts/adapter.py": 0.0009753704071044922, "load scripts/api.py": 0.8050615787506104, "load scripts/batch_hijack.py": 0.0, "load scripts/cldm.py": 0.0010006427764892578, "load scripts/controlmodel_ipadapter.py": 0.0009992122650146484, "load scripts/controlnet.py": 0.19848322868347168, "load scripts/controlnet_diffusers.py": 0.0, "load scripts/controlnet_lllite.py": 0.0010004043579101562, "load scripts/controlnet_lora.py": 0.0, "load scripts/controlnet_model_guess.py": 0.0010001659393310547, "load scripts/controlnet_version.py": 0.0005390644073486328, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0010502338409423828, "load scripts/hook.py": 0.0009913444519042969, "load scripts/infotext.py": 0.0, "load scripts/logging.py": 0.0009789466857910156, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.0009887218475341797, "load scripts/processor.py": 0.0, "load scripts/utils.py": 0.0010347366333007812, "load scripts/xyz_grid_support.py": 0.0, "load scripts/configure.py": 0.009135723114013672, "load scripts/faceswaplab.py": 1.6270334720611572, "load scripts/faceswaplab_globals.py": 0.0, "load scripts/iib_setup.py": 0.13663792610168457, "load scripts/on_app_started.py": 0.08584427833557129, "load scripts/depthmap.py": 1.4547979831695557, "load scripts/depthmap_api.py": 0.06400299072265625, "load scripts/sketch_helper.py": 0.006996631622314453, "load scripts/two_shot.py": 0.08699965476989746, "load scripts/ultimate-upscale.py": 0.001998424530029297, "load scripts/ldsr_model.py": 0.06000161170959473, "load scripts/lora_script.py": 0.36500096321105957, "load scripts/scunet_model.py": 0.06099867820739746, "load scripts/swinir_model.py": 0.05299830436706543, "load scripts/hotkey_config.py": 0.001001596450805664, "load scripts/extra_options_section.py": 0.0, "load scripts": 10.909548282623291, "load upscalers": 0.0069997310638427734, "refresh VAE": 0.004000663757324219, "refresh textual inversion templates": 0.0009996891021728516, "scripts list_optimizers": 0.0019998550415039062, "scripts list_unets": 0.0, "reload hypernetworks": 0.005000114440917969, "initialize extra networks": 0.012000560760498047, "scripts before_ui_callback": 0.003998279571533203, "create ui": 1.893768072128296, "gradio launch": 0.7577948570251465, "add APIs": 0.13814926147460938, "app_started_callback/clip_interrogator_ext.py": 0.00099945068359375, "app_started_callback/api.py": 0.0030012130737304688, "app_started_callback/faceswaplab.py": 0.0070018768310546875, "app_started_callback/iib_setup.py": 0.037998199462890625, "app_started_callback/on_app_started.py": 0.8544046878814697, "app_started_callback/depthmap_api.py": 0.0020008087158203125, "app_started_callback/lora_script.py": 0.0, "app_started_callback": 0.9054062366485596 } }, "Packages": [ "-iffusers==0.21.4", "-ransformers==4.30.2", "-rotobuf==4.24.4", "absl-py==2.0.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", "albumentations==1.3.1", "aliyun-python-sdk-alimt==3.2.0", "aliyun-python-sdk-core==2.13.10", "altair==5.1.2", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "appdirs==1.4.4", "async-timeout==4.0.3", "attrs==23.1.0", "audioread==3.0.1", "av==10.0.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "blendmodes==2022", "blis==0.7.11", "boltons==23.0.0", "boto3==1.28.60", "botocore==1.31.60", "bottleneck==1.3.7", "brotli==1.1.0", "cachetools==5.3.1", "catalogue==2.0.10", "certifi==2023.7.22", "cffi==1.16.0", "chardet==5.2.0", "charset-normalizer==3.3.0", "clean-fid==0.1.35", "click==8.1.7", "clip-interrogator==0.6.0", "clip==1.0", "cloudpathlib==0.15.1", "colorama==0.4.6", "coloredlogs==15.0.1", "confection==0.1.3", "contourpy==1.1.1", "cryptography==41.0.4", "cssselect2==0.7.0", "cycler==0.12.0", "cymem==2.0.8", "cython==3.0.2", "daam==0.1.0", "decorator==4.4.2", "deprecation==2.1.0", "diffusers==0.21.4", "dill==0.3.7", "docker-pycreds==0.4.0", "easydict==1.10", "einops==0.4.1", "exceptiongroup==1.1.3", "face-alignment==1.3.5", "facexlib==0.3.0", "fastai==1.0.60", "fastapi==0.94.0", "fastprogress==1.0.3", "ffmpeg-python==0.2.0", "ffmpeg==1.4", "ffmpy==0.3.1", "filelock==3.12.4", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.43.0", "freetype-py==2.4.0", "frozenlist==1.4.0", "fsspec==2023.9.2", "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.1.0", "google-auth==2.23.2", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.59.0", "h11==0.12.0", "hsluv==5.0.4", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.17.3", "humanfriendly==10.0", "idna==3.4", "ifnude==0.0.3", "imageio-ffmpeg==0.4.9", "imageio==2.31.5", "importlib-metadata==6.8.0", "importlib-resources==6.1.0", "inflect==7.0.0", "inflection==0.5.1", "insightface==0.7.3", "iopath==0.1.9", "jinja2==3.1.2", "jmespath==0.10.0", "joblib==1.3.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.7.1", "jsonschema==4.19.1", "kiwisolver==1.4.5", "kornia==0.6.7", "langcodes==3.3.0", "lark==1.1.2", "lazy-loader==0.3", "librosa==0.8.0", "lightning-utilities==0.9.0", "llvmlite==0.41.0", "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", "matplotlib==3.8.0", "mdurl==0.1.2", "mediapipe==0.10.5", "moviepy==1.0.2", "mpmath==1.3.0", "multidict==6.0.4", "multiprocess==0.70.15", "murmurhash==1.0.10", "mutagen==1.47.0", "networkx==3.1", "nltk==3.8.1", "numba==0.58.0", "numexpr==2.8.7", "numpy==1.23.5", "nvidia-ml-py3==7.352.0", "oauthlib==3.2.2", "omegaconf==2.2.3", "onnx==1.14.0", "onnxruntime-gpu==1.16.0", "onnxruntime==1.15.0", "open-clip-torch==2.20.0", "openai==0.28.1", "opencv-contrib-python==4.8.1.78", "opencv-python-headless==4.8.1.78", "opencv-python==4.8.1.78", "orjson==3.9.7", "packaging==23.2", "pandas==2.1.1", "pathos==0.3.1", "pathtools==0.1.2", "pathy==0.10.2", "piexif==1.1.3", "pillow==9.5.0", "pims==0.6.0", "pip==23.2.1", "platformdirs==3.11.0", "pooch==1.7.0", "portalocker==2.8.2", "pox==0.3.3", "ppft==1.7.6.7", "preshed==3.0.9", "prettytable==3.9.0", "proglog==0.1.10", "protobuf==3.20.3", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycparser==2.21", "pycryptodomex==3.19.0", "pydantic==1.10.13", "pydub==0.25.1", "pyexecjs==1.5.1", "pyfunctional==1.4.3", "pygments==2.16.1", "pymatting==1.1.8", "pyparsing==3.1.1", "pyqt5-qt5==5.15.2", "pyqt5-sip==12.12.2", "pyqt5==5.15.9", "pyreadline3==3.4.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-dotenv==1.0.0", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3.post1", "pywavelets==1.4.1", "pywin32==306", "pyyaml==6.0.1", "qudida==0.0.4", "realesrgan==0.3.0", "referencing==0.30.2", "regex==2023.10.3", "rembg==2.0.50", "reportlab==4.0.5", "requests-oauthlib==1.3.1", "requests==2.31.0", "resampy==0.4.2", "resize-right==0.0.2", "rich==13.6.0", "rpds-py==0.10.3", "rsa==4.9", "s3transfer==0.7.0", "safetensors==0.3.1", "scikit-image==0.21.0", "scikit-learn==1.3.1", "scipy==1.11.3", "seaborn==0.13.0", "semantic-version==2.10.0", "send2trash==1.8.2", "sentencepiece==0.1.99", "sentry-sdk==1.31.0", "setproctitle==1.3.3", "setuptools==63.2.0", "six==1.16.0", "slicerator==1.1.0", "smart-open==6.4.0", "smmap==5.0.1", "sniffio==1.3.0", "sounddevice==0.4.6", "soundfile==0.12.1", "soupsieve==2.5", "spacy-legacy==3.0.12", "spacy-loggers==1.0.5", "spacy==3.7.0", "srsly==2.4.8", "starlette==0.26.1", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.15.0a20231004", "tensorboard-data-server==0.7.1", "tensorboardx==2.6.2.2", "termcolor==2.3.0", "thinc==8.2.1", "thop==0.1.1.post2209072238", "threadpoolctl==3.2.0", "tifffile==2023.9.26", "timm==0.9.2", "tinycss2==1.2.1", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.0", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.5", "torchvision==0.15.2+cu118", "tqdm==4.66.1", "trampoline==0.1.2", "transformers==4.30.2", "transforms3d==0.4.1", "trimesh==3.23.5", "typer==0.9.0", "typing-extensions==4.8.0", "tzdata==2023.3", "ultralytics==8.0.196", "urllib3==1.26.17", "uvicorn==0.23.2", "vispy==0.14.1", "wandb==0.15.12", "wasabi==1.1.2", "wcwidth==0.2.8", "weasel==0.3.2", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==3.0.0", "xformers==0.0.20", "yacs==0.1.8", "yapf==0.40.2", "yarl==1.9.2", "yt-dlp==2023.9.24", "zipp==3.17.0", "zipunicode==1.1.1" ] }

What browsers do you use to access the UI ?

No response

Console logs

Creating model from config: E:\Projects\AI\stable-diffusion-webui\configs\v1-inference.yaml
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 57.3s (prepare environment: 32.3s, import torch: 6.3s, import gradio: 1.4s, setup paths: 1.0s, initialize shared: 0.1s, other imports: 1.0s, setup codeformer: 0.2s, setup gfpgan: 0.4s, load scripts: 10.9s, create ui: 1.9s, gradio launch: 0.8s, add APIs: 0.1s, app_started_callback: 0.9s).
2023-10-15 11:03:51 ERROR [asyncio] Exception in callback H11Protocol.timeout_keep_alive_handler()
handle: <TimerHandle when=66520.281 H11Protocol.timeout_keep_alive_handler()>
Traceback (most recent call last):
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_state.py", line 249, in _fire_event_triggered_transitions
    new_state = EVENT_TRIGGERED_TRANSITIONS[role][state][event_type]
KeyError: <class 'h11._events.ConnectionClosed'>

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\Users\rbfus\AppData\Local\Programs\Python\Python310\lib\asyncio\events.py", line 80, in _run
    self._context.run(self._callback, *self._args)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\uvicorn\protocols\http\h11_impl.py", line 363, in timeout_keep_alive_handler
    self.conn.send(event)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py", line 468, in send
    data_list = self.send_with_data_passthrough(event)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py", line 493, in send_with_data_passthrough
    self._process_event(self.our_role, event)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py", line 242, in _process_event
    self._cstate.process_event(role, type(event), server_switch_event)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_state.py", line 238, in process_event
    self._fire_event_triggered_transitions(role, event_type)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_state.py", line 251, in _fire_event_triggered_transitions
    raise LocalProtocolError(
h11._util.LocalProtocolError: can't handle event type ConnectionClosed when role=SERVER and state=SEND_RESPONSE
*** API error: GET: http://127.0.0.1:7860/physton_prompt/styles?file=icons%2Floading.svg&hash=1697385821455 {'error': 'LocalProtocolError', 'detail': '', 'body': '', 'errors': "Can't send data when our state is ERROR"}
    Traceback (most recent call last):
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py", line 162, in __call__
        await self.app(scope, receive, _send)
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py", line 109, in __call__
        await response(scope, receive, send)
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py", line 270, in __call__
        async with anyio.create_task_group() as task_group:
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 597, in __aexit__
        raise exceptions[0]
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py", line 273, in wrap
        await func()
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py", line 134, in stream_response
        return await super().stream_response(send)
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py", line 255, in stream_response
        await send(
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py", line 159, in _send
        await send(message)
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\uvicorn\protocols\http\h11_impl.py", line 490, in send
        output = self.conn.send(event=response)
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py", line 468, in send
        data_list = self.send_with_data_passthrough(event)
      File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py", line 483, in send_with_data_passthrough
        raise LocalProtocolError("Can't send data when our state is ERROR")
    h11._util.LocalProtocolError: Can't send data when our state is ERROR

---
ERROR:    Exception in ASGI application
Traceback (most recent call last):
  File "E:\Projects\AI\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 "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\uvicorn\middleware\proxy_headers.py", line 84, in __call__
    return await self.app(scope, receive, send)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\fastapi\applications.py", line 273, in __call__
    await super().__call__(scope, receive, send)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\applications.py", line 122, in __call__
    await self.middleware_stack(scope, receive, send)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py", line 184, in __call__
    raise exc
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py", line 162, in __call__
    await self.app(scope, receive, _send)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py", line 109, in __call__
    await response(scope, receive, send)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py", line 270, in __call__
    async with anyio.create_task_group() as task_group:
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 597, in __aexit__
    raise exceptions[0]
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py", line 273, in wrap
    await func()
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\base.py", line 134, in stream_response
    return await super().stream_response(send)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\responses.py", line 255, in stream_response
    await send(
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\starlette\middleware\errors.py", line 159, in _send
    await send(message)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\uvicorn\protocols\http\h11_impl.py", line 490, in send
    output = self.conn.send(event=response)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py", line 468, in send
    data_list = self.send_with_data_passthrough(event)
  File "E:\Projects\AI\stable-diffusion-webui\venv\lib\site-packages\h11\_connection.py", line 483, in send_with_data_passthrough
    raise LocalProtocolError("Can't send data when our state is ERROR")
h11._util.LocalProtocolError: Can't send data when our state is ERROR
Applying attention optimization: sdp... done.
Model loaded in 111.5s (load weights from disk: 0.8s, create model: 0.6s, apply weights to model: 103.6s, apply half(): 1.4s, load VAE: 0.2s, load textual inversion embeddings: 1.6s, calculate empty prompt: 3.4s).
ERROR:    Exception in ASGI application  --- 

continues,  until refresh the UI apparently hooks something with the gradio due to the load sequence still being pursuent,  and until it reaches end pointt of lo

Additional information

I like turtles.

Load22C commented 9 months ago

Mine is similar, but the error for me appears when a generate a txt2img then pass it to img2img and make an upscale, "resize by 2 - batch of 1, denoised between 0.03 to 0.1" is takes some time but it give me a perfect pic instead of using CN, script USD upscale or Extra tab

It started today every now and then.

Captura

mferris77 commented 9 months ago

Something seems to have changed with v1.6.0. I have modified my webui-user.bat file to ask if I want to launch the browser, and if I say yes it adds the --autolaunch argument. However since upgrading to 1.6.0, the browser always launches with or without that command line argument. Sometimes I use a different browser to use A1111 because my usual (Chrome) has a million open tabs and I'm trying to conserve memory. I'd prefer not open automatically after I've killed a bunch of processes so my decrepit computer has a chance at generating images without running into memory issues.

rbfussell commented 8 months ago

Something seems to have changed with v1.6.0. I have modified my webui-user.bat file to ask if I want to launch the browser, and if I say yes it adds the --autolaunch argument. However since upgrading to 1.6.0, the browser always launches with or without that command line argument. Sometimes I use a different browser to use A1111 because my usual (Chrome) has a million open tabs and I'm trying to conserve memory. I'd prefer not open automatically after I've killed a bunch of processes so my decrepit computer has a chance at generating images without running into memory issues.

It is in the settings now @ settings / system / Automatically open webui in browser on startup and choices for none or remote and local launches (--listen or !=)

as for my my bug above, basically regards that it launches the ui web link prior to completing full load of the model, when this happens, it sometimes acts...incorrectly. sometimes just taking the time to load to model and beginning the generation, as expected, sometimes it goofs up the token counter, which errors, and then refuses to continue working until reload of the service, sometimes it will stall, and hitting reload ui then, you'll find it won't load even until the model finishes its loading. I think this arbitrary nature related to at what point in the loading sequence of the model you choose to do something and what you chose to do.

My proposed fix is to wait until ALL actions have completed for the startup state, that is wait until the preload model, if one, loads, then to launch the UI web link.