AUTOMATIC1111 / stable-diffusion-webui

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

[Bug]: Can't get any functionality since update #12895

Closed elfgoose closed 1 year ago

elfgoose commented 1 year ago

Is there an existing issue for this?

What happened?

Since the last update, when I try and load the webui page, I get a tring of errors and no functionality.

Steps to reproduce the problem

Everything seems to load fine, but the gradio window doesn't do anything, other than switch between tabs, and a refresh causes the errors below

What should have happened?

it should work normally

Sysinfo

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.6", "Version": "v1.6.0", "Commit": "5ef669de080814067961f28357256e8fe27544f4", "Script path": "C:\AI\Image AI\Stable Diffusion\webui", "Data path": "C:\AI\Image AI\Stable Diffusion\webui", "Extensions dir": "C:\AI\Image AI\Stable Diffusion\webui\extensions", "Checksum": "047859c6f2b366644adb309f297a36e8710f5196367806bf7fc55cd15bc6d042", "Commandline": [ "launch.py", "--listen", "--medvram", "--reinstall-xformers", "--xformers", "--theme", "dark", "--no-half", "--opt-sdp-no-mem-attention", "--enable-insecure-extension-access" ], "Torch env info": "'NoneType' object has no attribute 'splitlines'", "Exceptions": [], "CPU": { "model": "Intel64 Family 6 Model 94 Stepping 3, GenuineIntel", "count logical": 8, "count physical": 4 }, "RAM": { "total": "32GB", "used": "20GB", "free": "12GB" }, "Extensions": [], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": "--listen --medvram --reinstall-xformers --xformers --theme dark --no-half --opt-sdp-no-mem-attention --enable-insecure-extension-access", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "jpg", "samples_filename_pattern": "", "save_images_add_number": true, "grid_save": false, "grid_format": "png", "grid_extended_filename": false, "grid_only_if_multiple": true, "grid_prevent_empty_spots": false, "grid_zip_filename_pattern": "", "n_rows": -1, "font": "", "grid_text_active_color": "#000000", "grid_text_inactive_color": "#999999", "grid_background_color": "#ffffff", "enable_pnginfo": true, "save_txt": 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, "save_incomplete_images": false, "outdir_samples": "P:\imgsrc\SD images", "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": true, "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": "v1-5-pruned-emaonly.safetensors [6ce0161689]", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": true, "sd_checkpoint_cache": 0, "sd_unet": "Automatic", "enable_quantization": true, "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": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "img2img_editor_height": 720, "img2img_sketch_default_brush_color": "#ffffff", "img2img_inpaint_mask_brush_color": "#ffffff", "img2img_inpaint_sketch_default_brush_color": "#ffffff", "return_mask": false, "return_mask_composite": false, "cross_attention_optimization": "Automatic", "s_min_uncond": 0.0, "token_merging_ratio": 0.0, "token_merging_ratio_img2img": 0.0, "token_merging_ratio_hr": 0.0, "pad_cond_uncond": false, "persistent_cond_cache": true, "batch_cond_uncond": true, "use_old_emphasis_implementation": false, "use_old_karras_scheduler_sigmas": false, "no_dpmpp_sde_batch_determinism": false, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "hires_fix_use_firstpass_conds": false, "use_old_scheduling": false, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": false, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 24, "interrogate_clip_max_length": 48, "interrogate_clip_dict_limit": 1500, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "extra_networks_hidden_models": "When searched", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_card_text_scale": 1.0, "extra_networks_card_show_desc": true, "extra_networks_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "sd_hypernetwork": "None", "localization": "None", "gradio_theme": "Default", "gradio_themes_cache": true, "gallery_height": "", "return_grid": 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": true, "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": "jpeg", "show_progress_grid": true, "show_progress_every_n_steps": 5, "show_progress_type": "Approx NN", "live_preview_allow_lowvram_full": false, "live_preview_content": "Combined", "live_preview_refresh_period": 1000, "live_preview_fast_interrupt": false, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_tmax": 0.0, "s_noise": 1.0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "sgm_noise_multiplier": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "6ce0161689b3853acaa03779ec93eafe75a02f4ced659bee03f50797806fa2fa", "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" ] }, "Startup": { "total": 22.122291803359985, "records": { "initial startup": 0.00099945068359375, "prepare environment/checks": 0.0449976921081543, "prepare environment/git version info": 0.05400419235229492, "prepare environment/torch GPU test": 2.0469954013824463, "prepare environment/install xformers": 3.93127703666687, "prepare environment/clone repositores": 0.35500073432922363, "prepare environment/run extensions installers": 0.0, "prepare environment": 6.501277685165405, "launcher": 0.0029976367950439453, "import torch": 5.781459331512451, "import gradio": 0.8860034942626953, "setup paths": 0.9335558414459229, "import ldm": 0.0049991607666015625, "import sgm": 0.0, "initialize shared": 0.2220001220703125, "other imports": 0.6120009422302246, "opts onchange": 0.0, "setup SD model": 0.002999544143676758, "setup codeformer": 0.11999797821044922, "setup gfpgan": 0.02100348472595215, "set samplers": 0.0, "list extensions": 0.0009992122650146484, "restore config state file": 0.0, "list SD models": 0.09599804878234863, "list localizations": 0.0, "load scripts/custom_code.py": 0.0030014514923095703, "load scripts/img2imgalt.py": 0.0010004043579101562, "load scripts/loopback.py": 0.0, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0009984970092773438, "load scripts/postprocessing_codeformer.py": 0.0, "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.0010001659393310547, "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.002000093460083008, "load scripts/ldsr_model.py": 1.7359988689422607, "load scripts/lora_script.py": 0.31000375747680664, "load scripts/scunet_model.py": 0.04899954795837402, "load scripts/swinir_model.py": 0.051000356674194336, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0009996891021728516, "load scripts": 2.1550028324127197, "load upscalers": 0.00899958610534668, "refresh VAE": 0.0029985904693603516, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.0010020732879638672, "scripts list_unets": 0.0, "reload hypernetworks": 0.005997180938720703, "initialize extra networks": 0.013002634048461914, "scripts before_ui_callback": 0.001998424530029297, "create ui": 0.5669994354248047, "gradio launch": 4.240999460220337, "add APIs": 0.008002281188964844, "app_started_callback/lora_script.py": 0.0, "app_started_callback": 0.0 } }, "Packages": [ "-rotobuf==3.20.0", "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", "albumentations==1.3.1", "altair==5.1.1", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "asttokens==2.2.1", "astunparse==1.6.3", "async-timeout==4.0.3", "attrs==23.1.0", "backcall==0.2.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", "coloredlogs==15.0.1", "contourpy==1.1.0", "cssselect2==0.7.0", "cycler==0.11.0", "cython==3.0.2", "dataclasses-json==0.5.14", "decorator==5.1.1", "deprecation==2.1.0", "easydict==1.10", "einops==0.4.1", "exceptiongroup==1.1.3", "executing==1.2.0", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.12.2", "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", "gast==0.4.0", "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", "google-pasta==0.2.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", "h5py==3.9.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.16.4", "humanfriendly==10.0", "idna==3.4", "imageio==2.31.2", "importlib-metadata==6.8.0", "importlib-resources==6.0.1", "inflection==0.5.1", "insightface==0.7.3", "iopath==0.1.9", "ipython==8.6.0", "jedi==0.19.0", "jinja2==3.1.2", "joblib==1.3.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.7.1", "jsonschema==4.19.0", "keras==2.13.1", "kiwisolver==1.4.5", "kornia==0.6.7", "langchain==0.0.132", "langsmith==0.0.30", "lark==1.1.2", "lazy-loader==0.3", "libclang==16.0.6", "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-inline==0.1.6", "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", "onnx==1.14.0", "onnxruntime==1.15.0", "open-clip-torch==2.20.0", "openai==0.27.10", "opencv-contrib-python==4.8.0.76", "opencv-python-headless==4.8.0.76", "opencv-python==4.8.0.76", "opt-einsum==3.3.0", "orjson==3.9.5", "packaging==23.1", "pandas==2.1.0", "parso==0.8.3", "pickleshare==0.7.5", "piexif==1.1.3", "pillow==9.5.0", "pip==23.2.1", "platformdirs==3.10.0", "portalocker==2.7.0", "prettytable==3.8.0", "prompt-toolkit==3.0.39", "protobuf==3.20.3", "psutil==5.9.5", "pure-eval==0.2.2", "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", "pyreadline3==3.4.1", "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", "qudida==0.0.4", "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", "scikit-learn==1.3.0", "scipy==1.11.2", "seaborn==0.12.1", "segment-anything==1.0", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==68.1.2", "six==1.16.0", "smmap==5.0.0", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.4.1", "sqlalchemy==1.4.49", "stack-data==0.6.2", "starlette==0.26.1", "supervision==0.13.0", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.15.0a20230830", "tenacity==8.2.3", "tensorboard-data-server==0.7.1", "tensorboard==2.13.0", "tensorflow-estimator==2.13.0", "tensorflow-intel==2.13.0", "tensorflow-io-gcs-filesystem==0.31.0", "tensorflow==2.13.0", "termcolor==2.3.0", "threadpoolctl==3.2.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", "traitlets==5.9.0", "trampoline==0.1.2", "transformers==4.30.2", "typing-extensions==4.5.0", "typing-inspect==0.9.0", "tzdata==2023.3", "ultralytics==8.0.167", "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", "wrapt==1.15.0", "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 ?

No response

Console logs

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 xformers
Launching Web UI with arguments: --listen --medvram --reinstall-xformers --xformers --theme dark --no-half --opt-sdp-no-mem-attention --enable-insecure-extension-access
Loading weights [6ce0161689] from C:\AI\Image AI\Stable Diffusion\webui\models\Stable-diffusion\v1-5-pruned-emaonly.safetensors
Running on local URL:  http://0.0.0.0:7860
Creating model from config: C:\AI\Image AI\Stable Diffusion\webui\configs\v1-inference.yaml
Applying attention optimization: xformers... done.
Model loaded in 4.8s (load weights from disk: 0.8s, create model: 0.3s, apply weights to model: 1.2s, calculate empty prompt: 2.4s).

To create a public link, set `share=True` in `launch()`.
Startup time: 22.1s (prepare environment: 6.5s, import torch: 5.8s, import gradio: 0.9s, setup paths: 0.9s, initialize shared: 0.2s, other imports: 0.6s, setup codeformer: 0.1s, load scripts: 2.2s, create ui: 0.6s, gradio launch: 4.2s).
ERROR:    Exception in ASGI application
Traceback (most recent call last):
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\uvicorn\protocols\http\h11_impl.py", line 408, in run_asgi
    result = await app(  # type: ignore[func-returns-value]
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\uvicorn\middleware\proxy_headers.py", line 84, in __call__
    return await self.app(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\fastapi\applications.py", line 273, in __call__
    await super().__call__(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\applications.py", line 122, in __call__
    await self.middleware_stack(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\middleware\errors.py", line 184, in __call__
    raise exc
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\middleware\errors.py", line 162, in __call__
    await self.app(scope, receive, _send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\middleware\cors.py", line 84, in __call__
    await self.app(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\middleware\gzip.py", line 24, in __call__
    await responder(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\middleware\gzip.py", line 44, in __call__
    await self.app(scope, receive, self.send_with_gzip)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\middleware\exceptions.py", line 79, in __call__
    raise exc
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\middleware\exceptions.py", line 68, in __call__
    await self.app(scope, receive, sender)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\fastapi\middleware\asyncexitstack.py", line 21, in __call__
    raise e
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\fastapi\middleware\asyncexitstack.py", line 18, in __call__
    await self.app(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\routing.py", line 718, in __call__
    await route.handle(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\routing.py", line 276, in handle
    await self.app(scope, receive, send)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\routing.py", line 66, in app
    response = await func(request)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\fastapi\routing.py", line 237, in app
    raw_response = await run_endpoint_function(
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\fastapi\routing.py", line 165, in run_endpoint_function
    return await run_in_threadpool(dependant.call, **values)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\starlette\concurrency.py", line 41, in run_in_threadpool
    return await anyio.to_thread.run_sync(func, *args)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\anyio\to_thread.py", line 33, in run_sync
    return await get_asynclib().run_sync_in_worker_thread(
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\anyio\_backends\_asyncio.py", line 877, in run_sync_in_worker_thread
    return await future
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\anyio\_backends\_asyncio.py", line 807, in run
    result = context.run(func, *args)
  File "C:\AI\Image AI\Stable Diffusion\system\python\lib\site-packages\gradio\routes.py", line 302, in api_info
    return gradio.blocks.get_api_info(config, serialize)  # type: ignore
  File "C:\AI\Image AI\Stable Diffusion\system\python\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'

Additional information

No response

ghost commented 1 year ago

Same here:

Already up to date. venv "C:\Ai\sd.webui 1.6\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: --xformers --medvram logs_location: C:\Ai\sd.webui 1.6\webui\extensions\miaoshouai-assistant\logs 2023-08-31 12:29:12,421 - ControlNet - INFO - ControlNet v1.1.313 ControlNet preprocessor location: C:\Ai\sd.webui 1.6\webui\extensions\sd-webui-controlnet\annotator\downloads 2023-08-31 12:29:12,551 - ControlNet - INFO - ControlNet v1.1.313 Loading weights [31e35c80fc] from C:\Ai\sd.webui 1.6\webui\models\Stable-diffusion\sd_xl_base_1.0.safetensors a 2023-08-31 12:29:17,173 - ControlNetFastload - INFO - Load Controlnet Fastload Filter on isRemote=None and accessLevel=2 Creating model from config: C:\Ai\sd.webui 1.6\webui\repositories\generative-models\configs\inference\sd_xl_base.yaml Running on local URL: http://127.0.0.1:7860

To create a public link, set share=True in launch(). Startup time: 25.6s (prepare environment: 11.4s, import torch: 2.8s, import gradio: 0.8s, setup paths: 0.6s, initialize shared: 0.2s, other imports: 0.5s, load scripts: 4.3s, create ui: 4.0s, gradio launch: 0.8s). Applying attention optimization: xformers... done. ERROR: Exception in ASGI application Traceback (most recent call last): File "C:\Ai\sd.webui 1.6\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:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\uvicorn\middleware\proxy_headers.py", line 84, in call return await self.app(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\fastapi\applications.py", line 273, in call await super().call(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\applications.py", line 122, in call await self.middleware_stack(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\middleware\errors.py", line 184, in call raise exc File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\middleware\errors.py", line 162, in call await self.app(scope, receive, _send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\middleware\cors.py", line 84, in call await self.app(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\middleware\gzip.py", line 24, in call await responder(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\middleware\gzip.py", line 44, in call await self.app(scope, receive, self.send_with_gzip) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\middleware\exceptions.py", line 79, in call raise exc File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\middleware\exceptions.py", line 68, in call await self.app(scope, receive, sender) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\fastapi\middleware\asyncexitstack.py", line 21, in call raise e File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\fastapi\middleware\asyncexitstack.py", line 18, in call await self.app(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\routing.py", line 718, in call await route.handle(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\routing.py", line 276, in handle await self.app(scope, receive, send) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\starlette\routing.py", line 66, in app response = await func(request) File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\fastapi\routing.py", line 237, in app raw_response = await run_endpoint_function( File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\fastapi\routing.py", line 165, in run_endpoint_function return await run_in_threadpool(dependant.call, *values) File "C:\Ai\sd.webui 1.6\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:\Ai\sd.webui 1.6\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:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 877, in run_sync_in_worker_thread return await future File "C:\Ai\sd.webui 1.6\webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 807, in run result = context.run(func, *args) File "C:\Ai\sd.webui 1.6\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:\Ai\sd.webui 1.6\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' Model loaded in 9.1s (load weights from disk: 3.0s, create model: 0.8s, apply weights to model: 4.1s, calculate empty prompt: 1.1s).

dhwz commented 1 year ago

delete your venv folder and let it setup it again

ghost commented 1 year ago

delete your venv folder and let it setup it again

thank you, Ive tried that and It works but only until I make changes in the settings or I add / remove an extension. I has happened 4 times already.

UriahKong commented 1 year ago

same 'ere,bro

Z-L-D commented 1 year ago

Did you update the same folder you had 1.5.x in or was this a fresh install? The error you are getting is specifically an issue with the Gradio interface which was updated between 1.5.2 and 1.6. I'd suggest trying to install 1.6 again, fresh to a new folder and seeing if that worked.

ghost commented 1 year ago

Did you update the same folder you had 1.5.x in or was this a fresh install? The error you are getting is specifically an issue with the Gradio interface which was updated between 1.5.2 and 1.6. I'd suggest trying to install 1.6 again, fresh to a new folder and seeing if that worked.

I tried both and got the same error

Z-L-D commented 1 year ago

I tried both and got the same error

The issue included being able to open the gradio interface, just without functionality. Is this also true for your case? If so, what version of gradio is being reported at the bottom of the page?

w-e-w commented 1 year ago

cause https://github.com/miaoshouai/miaoshouai-assistant/issues/43 https://github.com/miaoshouai/miaoshouai-assistant/blame/main/requirements.txt miaoshouai-assistant (until it update 4 hours ago) force installs a old version gradio_client which was causing the issue

elfgoose commented 1 year ago

cause miaoshouai/miaoshouai-assistant#43 https://github.com/miaoshouai/miaoshouai-assistant/blame/main/requirements.txt miaoshouai-assistant (until it update 4 hours ago) installs installs a old version gradio_client

Thanks so much. I'll reinstall (as I can't update it)

luiso22omegaa commented 1 year ago

HI, I have the same problem, I already reinstalled and nothing, all the extensions do not work for me :(
example

*** Error loading script: deforum_api.py Traceback (most recent call last):