AUTOMATIC1111 / stable-diffusion-webui

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

[Bug]: validation error in /sdapi/v1/script-info #13621

Closed moo611 closed 11 months ago

moo611 commented 1 year ago

Is there an existing issue for this?

What happened?

500 internal error

Steps to reproduce the problem

call the api in webpage

What should have happened?

show me script info list

Sysinfo

{ "Platform": "Linux-4.15.0-180-generic-x86_64-with-glibc2.27", "Python": "3.10.6", "Version": "v1.5.1-679-g5ef669de", "Commit": "5ef669de080814067961f28357256e8fe27544f4", "Script path": "/home/ubuntu/stable-diffusion-webui", "Data path": "/home/ubuntu/stable-diffusion-webui", "Extensions dir": "/home/ubuntu/stable-diffusion-webui/extensions", "Checksum": "3ff1f6382c6aa24194a3efdff701aec66e030de7b14a6678772e9ef669531490", "Commandline": [ "launch.py", "--port", "8888", "--listen", "--api" ], "Torch env info": { "torch_version": "2.1.0", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": "(Ubuntu 7.5.0-3ubuntu1~18.04) 7.5.0", "clang_version": null, "cmake_version": null, "os": "Ubuntu 18.04.4 LTS (x86_64)", "libc_version": "glibc-2.27", "python_version": "3.10.6 (main, Oct 24 2022, 16:07:47) [GCC 11.2.0] (64-bit runtime)", "python_platform": "Linux-4.15.0-180-generic-x86_64-with-glibc2.27", "is_cuda_available": "True", "cuda_runtime_version": null, "cuda_module_loading": "LAZY", "nvidia_driver_version": "530.41.03", "nvidia_gpu_models": "GPU 0: Tesla T4", "cudnn_version": [ "Probably one of the following:", "/usr/local/cuda-11.4/targets/x86_64-linux/lib/libcudnn.so.8", "/usr/local/cuda-11.4/targets/x86_64-linux/lib/libcudnn_adv_infer.so.8", "/usr/local/cuda-11.4/targets/x86_64-linux/lib/libcudnn_adv_train.so.8", "/usr/local/cuda-11.4/targets/x86_64-linux/lib/libcudnn_cnn_infer.so.8", "/usr/local/cuda-11.4/targets/x86_64-linux/lib/libcudnn_cnn_train.so.8", "/usr/local/cuda-11.4/targets/x86_64-linux/lib/libcudnn_ops_infer.so.8", "/usr/local/cuda-11.4/targets/x86_64-linux/lib/libcudnn_ops_train.so.8" ], "pip_version": "pip3", "pip_packages": [ "numpy==1.23.5", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.1.0", "torchaudio==2.1.0", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.5", "torchvision==0.16.0", "triton==2.1.0" ], "conda_packages": [ "blas 1.0 mkl defaults", "ffmpeg 4.3 hf484d3e_0 pytorch", "libjpeg-turbo 2.0.0 h9bf148f_0 pytorch", "mkl 2021.4.0 h06a4308_640 defaults", "mkl-service 2.4.0 py310h7f8727e_0 defaults", "mkl_fft 1.3.1 py310hd6ae3a3_0 defaults", "mkl_random 1.2.2 py310h00e6091_0 defaults", "numpy 1.23.5 pypi_0 pypi", "open-clip-torch 2.20.0 pypi_0 pypi", "pytorch 2.1.0 py3.10_cuda11.8_cudnn8.7.0_0 pytorch", "pytorch-cuda 11.8 h7e8668a_5 pytorch", "pytorch-lightning 1.9.4 pypi_0 pypi", "pytorch-mutex 1.0 cuda pytorch", "torchaudio 2.1.0 py310_cu118 pytorch", "torchdiffeq 0.2.3 pypi_0 pypi", "torchmetrics 1.2.0 pypi_0 pypi", "torchsde 0.2.5 pypi_0 pypi", "torchtriton 2.1.0 py310 pytorch", "torchvision 0.16.0 py310_cu118 pytorch" ], "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: x86_64", "CPU op-mode(s): 32-bit, 64-bit", "Byte Order: Little Endian", "CPU(s): 8", "On-line CPU(s) list: 0-7", "Thread(s) per core: 1", "Core(s) per socket: 8", "Socket(s): 1", "NUMA node(s): 1", "Vendor ID: GenuineIntel", "CPU family: 6", "Model: 85", "Model name: Intel(R) Xeon(R) Platinum 8255C CPU @ 2.50GHz", "Stepping: 5", "CPU MHz: 2494.140", "BogoMIPS: 4988.28", "Hypervisor vendor: KVM", "Virtualization type: full", "L1d cache: 32K", "L1i cache: 32K", "L2 cache: 4096K", "L3 cache: 36608K", "NUMA node0 CPU(s): 0-7", "Flags: fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush mmx fxsr sse sse2 ss ht syscall nx pdpe1gb rdtscp lm constant_tsc rep_good nopl cpuid tsc_known_freq pni pclmulqdq ssse3 fma cx16 pcid sse4_1 sse4_2 x2apic movbe popcnt tsc_deadline_timer aes xsave avx f16c rdrand hypervisor lahf_lm abm 3dnowprefetch invpcid_single pti fsgsbase bmi1 hle avx2 smep bmi2 erms invpcid rtm mpx avx512f avx512dq rdseed adx smap clflushopt clwb avx512cd avx512bw avx512vl xsaveopt xsavec xgetbv1 arat avx512_vnni" ] }, "Exceptions": [ { "exception": "extension access disabled because of command line flags", "traceback": [ [ "/home/ubuntu/stable-diffusion-webui/modules/call_queue.py, line 57, f", "res = list(func(*args, kwargs))" ], [ "/home/ubuntu/stable-diffusion-webui/modules/ui_extensions.py, line 638, ", "fn=modules.ui.wrap_gradio_call(lambda args: [gr.update(), install_extension_from_url(args)], extra_outputs=[gr.update(), gr.update()])," ], [ "/home/ubuntu/stable-diffusion-webui/modules/ui_extensions.py, line 339, install_extension_from_url", "check_access()" ], [ "/home/ubuntu/stable-diffusion-webui/modules/ui_extensions.py, line 23, check_access", "assert not shared.cmd_opts.disable_extension_access, \"extension access disabled because of command line flags\"" ] ] }, { "exception": "extension access disabled because of command line flags", "traceback": [ [ "/home/ubuntu/stable-diffusion-webui/modules/call_queue.py, line 57, f", "res = list(func(args, kwargs))" ], [ "/home/ubuntu/stable-diffusion-webui/modules/ui_extensions.py, line 638, ", "fn=modules.ui.wrap_gradio_call(lambda args: [gr.update(), install_extension_from_url(args)], extra_outputs=[gr.update(), gr.update()])," ], [ "/home/ubuntu/stable-diffusion-webui/modules/ui_extensions.py, line 339, install_extension_from_url", "check_access()" ], [ "/home/ubuntu/stable-diffusion-webui/modules/ui_extensions.py, line 23, check_access", "assert not shared.cmd_opts.disable_extension_access, \"extension access disabled because of command line flags\"" ] ] } ], "CPU": { "model": "x86_64", "count logical": 8, "count physical": 8 }, "RAM": { "total": "31GB", "used": "12GB", "free": "2GB", "active": "10GB", "inactive": "18GB", "buffers": "255MB", "cached": "17GB", "shared": "48MB" }, "Extensions": [ { "name": "sd-webui-reactor", "path": "/home/ubuntu/stable-diffusion-webui/extensions/sd-webui-reactor", "version": "0070cea3", "branch": "main", "remote": "https://github.com/Gourieff/sd-webui-reactor" } ], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": " --listen --api", "GIT": "git", "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": 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": "", "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_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "show_warnings": false, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": false, "list_hidden_files": true, "disable_mmap_load_safetensors": false, "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": "majicmixRealistic_v6.safetensors [e4a30e4607]", "sd_checkpoint_cache": 0, "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_vae_as_default": true, "sd_unet": "Automatic", "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "enable_quantization": false, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 1, "upcast_attn": false, "auto_vae_precision": true, "randn_source": "GPU", "sdxl_crop_top": 0, "sdxl_crop_left": 0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "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, "experimental_persistent_cond_cache": false, "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, "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", "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, "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" ], "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_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, "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, "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": "e4a30e4607faeb06b5d590b2ed8e092690c631da0b2becb6224d4bb5327104b7", "sd_vae_overrides_per_model_preferences": false }, "Startup": { "total": 8.72192931175232, "records": { "initial startup": 0.0006411075592041016, "prepare environment/checks": 4.982948303222656e-05, "prepare environment/git version info": 0.013822793960571289, "prepare environment/torch GPU test": 1.774310827255249, "prepare environment/clone repositores": 0.025372028350830078, "prepare environment/run extensions installers/sd-webui-reactor": 0.14814043045043945, "prepare environment/run extensions installers": 0.14815640449523926, "prepare environment": 2.0086026191711426, "launcher": 0.0007741451263427734, "import torch": 2.83313250541687, "import gradio": 0.6187224388122559, "setup paths": 0.666215181350708, "import ldm": 0.002422332763671875, "import sgm": 5.4836273193359375e-06, "initialize shared": 0.3695657253265381, "other imports": 0.6452789306640625, "opts onchange": 0.00034809112548828125, "setup SD model": 0.00031638145446777344, "setup codeformer": 0.07467103004455566, "setup gfpgan": 0.007829666137695312, "set samplers": 4.5299530029296875e-05, "list extensions": 0.00011181831359863281, "restore config state file": 6.9141387939453125e-06, "list SD models": 0.016938447952270508, "list localizations": 0.00010585784912109375, "load scripts/custom_code.py": 0.000579833984375, "load scripts/img2imgalt.py": 0.00027751922607421875, "load scripts/loopback.py": 0.00018143653869628906, "load scripts/outpainting_mk_2.py": 0.008555412292480469, "load scripts/poor_mans_outpainting.py": 0.00016117095947265625, "load scripts/postprocessing_codeformer.py": 0.00010395050048828125, "load scripts/postprocessing_gfpgan.py": 9.036064147949219e-05, "load scripts/postprocessing_upscale.py": 0.00015783309936523438, "load scripts/prompt_matrix.py": 0.00011873245239257812, "load scripts/prompts_from_file.py": 0.00021576881408691406, "load scripts/refiner.py": 0.00012159347534179688, "load scripts/sd_upscale.py": 0.00012612342834472656, "load scripts/seed.py": 0.00013589859008789062, "load scripts/xyz_grid.py": 0.0015978813171386719, "load scripts/console_log_patch.py": 0.13411450386047363, "load scripts/reactor_api.py": 0.33260035514831543, "load scripts/reactor_faceswap.py": 0.0008959770202636719, "load scripts/reactor_globals.py": 7.295608520507812e-05, "load scripts/reactor_helpers.py": 9.274482727050781e-05, "load scripts/reactor_logger.py": 0.0002923011779785156, "load scripts/reactor_swapper.py": 0.0010669231414794922, "load scripts/reactor_version.py": 0.00011014938354492188, "load scripts/ldsr_model.py": 0.026182174682617188, "load scripts/lora_script.py": 0.1502082347869873, "load scripts/scunet_model.py": 0.025687217712402344, "load scripts/swinir_model.py": 0.025810718536376953, "load scripts/hotkey_config.py": 0.0001380443572998047, "load scripts/extra_options_section.py": 0.00015878677368164062, "load scripts": 0.7098889350891113, "load upscalers": 0.0023889541625976562, "refresh VAE": 0.0008387565612792969, "refresh textual inversion templates": 4.00543212890625e-05, "scripts list_optimizers": 0.0002465248107910156, "scripts list_unets": 7.152557373046875e-06, "reload hypernetworks": 0.003957033157348633, "initialize extra networks": 0.00640869140625, "scripts before_ui_callback": 0.0007352828979492188, "create ui": 0.5712966918945312, "gradio launch": 0.13608860969543457, "add APIs": 0.08904504776000977, "app_started_callback/reactor_api.py": 0.0018868446350097656, "app_started_callback/lora_script.py": 0.0002593994140625, "app_started_callback": 0.0021507740020751953 } }, "Packages": [ "absl-py==2.0.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.8.6", "aiosignal==1.3.1", "albumentations==1.3.1", "altair==5.1.2", "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", "brotlipy==0.7.0", "cachetools==5.3.1", "certifi==2023.7.22", "cffi==1.15.1", "charset-normalizer==2.0.4", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "coloredlogs==15.0.1", "contourpy==1.1.1", "cryptography==41.0.3", "cycler==0.12.1", "cython==3.0.3", "deprecation==2.1.0", "easydict==1.10", "einops==0.4.1", "exceptiongroup==1.1.3", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.9.0", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.43.1", "frozenlist==1.4.0", "fsspec==2023.9.2", "ftfy==6.1.1", "future==0.18.3", "gdown==4.7.1", "gfpgan==1.3.8", "gitdb==4.0.10", "gitpython==3.1.32", "gmpy2==2.1.2", "google-auth-oauthlib==0.4.6", "google-auth==2.23.3", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.59.0", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.18.0", "humanfriendly==10.0", "idna==3.4", "imageio==2.31.5", "importlib-metadata==6.8.0", "importlib-resources==6.1.0", "inflection==0.5.1", "insightface==0.7.3", "jinja2==3.1.2", "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", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.9.0", "llvmlite==0.41.0", "lmdb==1.4.1", "lpips==0.1.4", "markdown==3.5", "markupsafe==2.1.1", "matplotlib==3.8.0", "mkl-fft==1.3.1", "mkl-random==1.2.2", "mkl-service==2.4.0", "mpmath==1.3.0", "multidict==6.0.4", "networkx==3.1", "numba==0.58.0", "numpy==1.23.5", "oauthlib==3.2.2", "omegaconf==2.2.3", "onnx==1.14.1", "onnxruntime==1.15.1", "open-clip-torch==2.20.0", "opencv-python-headless==4.8.1.78", "opencv-python==4.8.1.78", "orjson==3.9.8", "packaging==23.2", "pandas==2.1.1", "piexif==1.1.3", "pillow==9.5.0", "pip==23.2.1", "platformdirs==3.11.0", "prettytable==3.9.0", "protobuf==4.24.4", "psutil==5.9.5", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycparser==2.21", "pydantic==1.10.13", "pydub==0.25.1", "pyopenssl==23.2.0", "pyparsing==3.1.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3.post1", "pywavelets==1.4.1", "pyyaml==6.0", "qudida==0.0.4", "realesrgan==0.3.0", "referencing==0.30.2", "regex==2023.10.3", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rpds-py==0.10.6", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scikit-learn==1.3.1", "scipy==1.11.3", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==68.0.0", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.0", "soupsieve==2.5", "starlette==0.26.1", "sympy==1.11.1", "tb-nightly==2.11.0a20220906", "tensorboard-data-server==0.6.1", "tensorboard-plugin-wit==1.8.1", "threadpoolctl==3.2.0", "tifffile==2023.9.26", "timm==0.9.2", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.0", "torch==2.1.0", "torchaudio==2.1.0", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.5", "torchvision==0.16.0", "tqdm==4.66.1", "trampoline==0.1.2", "transformers==4.30.2", "triton==2.1.0", "typing-extensions==4.7.1", "tzdata==2023.3", "urllib3==1.26.16", "uvicorn==0.23.2", "wcwidth==0.2.8", "websockets==11.0.3", "werkzeug==3.0.0", "wheel==0.41.2", "yapf==0.40.2", "yarl==1.9.2", "zipp==3.17.0" ] }

What browsers do you use to access the UI ?

No response

Console logs

{
    "error": "ValidationError",
    "detail": "",
    "body": "",
    "errors": "54 validation errors for ScriptInfo\nresponse -> 0 -> args -> 2 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 0 -> args -> 2 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 0 -> args -> 3 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 0 -> args -> 3 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 5 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 5 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 5 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 13 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 13 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 13 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 14 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 14 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 14 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 15 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 15 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 5 -> args -> 15 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 9 -> args -> 3 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 9 -> args -> 3 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 9 -> args -> 3 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 9 -> args -> 3 -> choices -> 3\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 2 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 2 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 2 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 2 -> choices -> 3\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 3 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 3 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 3 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 10 -> args -> 3 -> choices -> 3\n  str type expected (type=type_error.str)\nresponse -> 11 -> args -> 2 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 11 -> args -> 2 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 11 -> args -> 3 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 11 -> args -> 3 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 3\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 4\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 5\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 6\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 7\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 8\n  str type expected (type=type_error.str)\nresponse -> 14 -> args -> 2 -> choices -> 9\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 5 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 5 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 5 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 13 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 13 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 13 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 14 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 14 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 14 -> choices -> 2\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 15 -> choices -> 0\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 15 -> choices -> 1\n  str type expected (type=type_error.str)\nresponse -> 17 -> args -> 15 -> choices -> 2\n  str type expected (type=type_error.str)"
}

Additional information

No response

chrisw225 commented 1 year ago

same 500 error

shungo2020 commented 1 year ago

Maybe gradio update cause this bug. follow code works

modules/scripts.py

@staticmethod
def format_choice_args(choices):
    if type(choices) is not list:
        return choices
    format_choices = []
    for c in choices:
        if isinstance(c, tuple):
            format_choices.append(c[0])
        else:
            format_choices.append(c)
    return format_choices

def create_script_ui(self, script):
    import modules.api.models as api_models

    script.args_from = len(self.inputs)
    script.args_to = len(self.inputs)

    controls = wrap_call(script.ui, script.filename, "ui", script.is_img2img)

    if controls is None:
        return

    script.name = wrap_call(script.title, script.filename, "title", default=script.filename).lower()
    api_args = []

    for control in controls:
        control.custom_script_source = os.path.basename(script.filename)

        arg_info = api_models.ScriptArg(label=control.label or "")

        for field in ("value", "minimum", "maximum", "step", "choices"):
            v = getattr(control, field, None)
            if v is not None:
                if field == "choices":
                    setattr(arg_info, field, self.format_choice_args(v))
                else:
                    setattr(arg_info, field, v)
bigbaldy1128 commented 11 months ago

same error

catboxanon commented 11 months ago

Duplicate of https://github.com/AUTOMATIC1111/stable-diffusion-webui/issues/13127. Was fixed in https://github.com/AUTOMATIC1111/stable-diffusion-webui/commit/259768f27fc4da61000610bc81a16f0152b36550.