AUTOMATIC1111 / stable-diffusion-webui

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

[Bug]: #15215

Closed Nemesis-the-Warlock closed 4 months ago

Nemesis-the-Warlock commented 4 months ago

Checklist

What happened?

some dependency to sadtalker seems to have been broken with the new version:

Python 3.10.11 (tags/v3.10.11:7d4cc5a, Apr 5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)] Version: 1.8.0-RC Commit hash: Launching Web UI with arguments: --xformers [-] ADetailer initialized. version: 24.3.0, num models: 12 ControlNet preprocessor location: H:\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads 2024-03-11 09:49:53,800 - ControlNet - INFO - ControlNet v1.1.441 2024-03-11 09:49:54,046 - ControlNet - INFO - ControlNet v1.1.441 Loading weights [9b61f620fe] from H:\stable-diffusion-webui\models\Stable-diffusion\rdbsg_v5025D.safetensors Creating model from config: H:\stable-diffusion-webui\configs\v1-inference.yaml 2024-03-11 09:49:55,902 - ControlNet - INFO - ControlNet UI callback registered. load Sadtalker Checkpoints from .\extensions\SadTalker\checkpoints ** Error executing callback ui_tabs_callback for H:\stable-diffusion-webui\extensions\SadTalker\scripts\extension.py Traceback (most recent call last): File "H:\stable-diffusion-webui\modules\script_callbacks.py", line 180, in ui_tabs_callback res += c.callback() or [] File "H:\stable-diffusion-webui\extensions\SadTalker\scripts\extension.py", line 172, in on_ui_tabs from app_sadtalker import sadtalker_demo File "H:\stable-diffusion-webui/extensions/SadTalker\app_sadtalker.py", line 3, in from src.gradio_demo import SadTalker File "H:\stable-diffusion-webui/extensions/SadTalker\src\gradio_demo.py", line 6, in from src.generate_batch import get_data File "H:\stable-diffusion-webui/extensions/SadTalker\src\generate_batch.py", line 8, in import src.utils.audio as audio File "H:\stable-diffusion-webui/extensions/SadTalker\src\utils\audio.py", line 1, in import librosa File "H:\stable-diffusion-webui\venv\lib\site-packages\librosa__init.py", line 211, in from . import core File "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\core\init__.py", line 9, in from .constantq import # pylint: disable=wildcard-import File "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\core\constantq.py", line 1058, in dtype=np.complex, File "H:\stable-diffusion-webui\venv\lib\site-packages\numpy__init.py", line 338, in getattr raise AttributeError(former_attrs__[attr]) AttributeError: module 'numpy' has no attribute 'complex'. np.complex was a deprecated alias for the builtin complex. To avoid this error in existing code, use complex by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use np.complex128 here. The aliases was originally deprecated in NumPy 1.20; for more details and guidance see the original release note at: https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations


Deforum ControlNet support: enabled Running on local URL: http://127.0.0.1:7860

To create a public link, set share=True in launch(). 🤯 LobeTheme: Initializing... Startup time: 22.5s (prepare environment: 4.9s, import torch: 6.6s, import gradio: 1.5s, setup paths: 1.5s, initialize shared: 0.3s, other imports: 1.0s, load scripts: 4.4s, create ui: 1.7s, gradio launch: 0.5s). Applying attention optimization: xformers... done.

Steps to reproduce the problem

install sadtalker extension (checkpoints have been preinstalled)

What should have happened?

should have loaded the extension like in 1.7.x, i checked its working there as i always keep a backup

What browsers do you use to access the UI ?

Mozilla Firefox

Sysinfo

{ "Platform": "Windows-10-10.0.22621-SP0", "Python": "3.10.11", "Version": "1.8.0-RC", "Commit": "", "Script path": "H:\stable-diffusion-webui", "Data path": "H:\stable-diffusion-webui", "Extensions dir": "H:\stable-diffusion-webui\extensions", "Checksum": "65c33ddbc2981ec0c36cdd64169c9cbca2ae3b48b1208f4bdeafa5e59bccc06a", "Commandline": [ "launch.py", "--xformers" ], "Torch env info": { "torch_version": "2.1.2+cu121", "is_debug_build": "False", "cuda_compiled_version": "12.1", "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Microsoft Windows 11 Pro", "libc_version": "N/A", "python_version": "3.10.11 (tags/v3.10.11:7d4cc5a, Apr 5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.22621-SP0", "is_cuda_available": "True", "cuda_runtime_version": "12.3.107\r", "cuda_module_loading": "LAZY", "nvidia_driver_version": "546.12", "nvidia_gpu_models": "GPU 0: Quadro RTX 6000", "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.26.2", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.1.2+cu121", "torchdiffeq==0.2.3", "torchmetrics==1.3.1", "torchsde==0.2.6", "torchvision==0.16.2+cu121" ], "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=3500", "DeviceID=CPU0", "Family=107", "L2CacheSize=6144", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=3500", "Name=AMD Ryzen Threadripper 1920X 12-Core Processor ", "ProcessorType=3", "Revision=257" ] }, "Exceptions": [ { "exception": "CUDA out of memory. Tried to allocate 6.00 GiB. GPU 0 has a total capacty of 22.27 GiB of which 2.73 GiB is free. Of the allocated memory 19.01 GiB is allocated by PyTorch, and 282.92 MiB is reserved by PyTorch but unallocated. If reserved but unallocated memory is large try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF", "traceback": [ [ "H:\stable-diffusion-webui\modules\call_queue.py, line 57, f", "res = list(func(*args, kwargs))" ], [ "H:\stable-diffusion-webui\modules\call_queue.py, line 36, f", "res = func(*args, *kwargs)" ], [ "H:\stable-diffusion-webui\modules\img2img.py, line 235, img2img", "processed = process_images(p)" ], [ "H:\stable-diffusion-webui\modules\processing.py, line 785, process_images", "res = process_images_inner(p)" ], [ "H:\stable-diffusion-webui\extensions\sd-webui-controlnet\scripts\batch_hijack.py, line 59, processing_process_images_hijack", "return getattr(processing, '__controlnet_original_process_images_inner')(p, args, kwargs)" ], [ "H:\stable-diffusion-webui\modules\processing.py, line 855, process_images_inner", "p.init(p.all_prompts, p.all_seeds, p.all_subseeds)" ], [ "H:\stable-diffusion-webui\modules\processing.py, line 1625, init", "self.init_latent = images_tensor_to_samples(image, approximation_indexes.get(opts.sd_vae_encode_method), self.sd_model)" ], [ "H:\stable-diffusion-webui\modules\sd_samplers_common.py, line 110, images_tensor_to_samples", "x_latent = model.get_first_stage_encoding(model.encode_first_stage(image))" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\torch\utils\_contextlib.py, line 115, decorate_context", "return func(*args, kwargs)" ], [ "H:\stable-diffusion-webui\repositories\generative-models\sgm\models\diffusion.py, line 127, encode_first_stage", "z = self.first_stage_model.encode(x)" ], [ "H:\stable-diffusion-webui\repositories\generative-models\sgm\models\autoencoder.py, line 321, encode", "return super().encode(x).sample()" ], [ "H:\stable-diffusion-webui\repositories\generative-models\sgm\models\autoencoder.py, line 308, encode", "h = self.encoder(x)" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py, line 1518, _wrapped_call_impl", "return self._call_impl(*args, *kwargs)" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py, line 1527, _call_impl", "return forward_call(args, kwargs)" ], [ "H:\stable-diffusion-webui\repositories\generative-models\sgm\modules\diffusionmodules\model.py, line 579, forward", "h = self.down[i_level].block[i_block](hs[-1], temb)" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py, line 1518, _wrapped_call_impl", "return self._call_impl(*args, *kwargs)" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py, line 1527, _call_impl", "return forward_call(args, *kwargs)" ], [ "H:\stable-diffusion-webui\repositories\generative-models\sgm\modules\diffusionmodules\model.py, line 131, forward", "h = nonlinearity(h)" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\functional.py, line 2072, silu", "return torch._C._nn.silu(input)" ] ] }, { "exception": "A tensor with all NaNs was produced in VAE. This could be because there's not enough precision to represent the picture. Try adding --no-half-vae commandline argument to fix this. Use --disable-nan-check commandline argument to disable this check.", "traceback": [ [ "H:\stable-diffusion-webui\modules\processing.py, line 637, decode_latent_batch", "devices.test_for_nans(sample, \"vae\")" ], [ "H:\stable-diffusion-webui\modules\devices.py, line 255, test_for_nans", "raise NansException(message)" ] ] }, { "exception": "module 'numpy' has no attribute 'complex'.\nnp.complex was a deprecated alias for the builtin complex. To avoid this error in existing code, use complex by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use np.complex128 here.\nThe aliases was originally deprecated in NumPy 1.20; for more details and guidance see the original release note at:\n https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations", "traceback": [ [ "H:\stable-diffusion-webui\modules\script_callbacks.py, line 180, ui_tabs_callback", "res += c.callback() or []" ], [ "H:\stable-diffusion-webui\extensions\SadTalker\scripts\extension.py, line 172, on_ui_tabs", "from app_sadtalker import sadtalker_demo" ], [ "H:\stable-diffusion-webui/extensions/SadTalker\app_sadtalker.py, line 3, ", "from src.gradio_demo import SadTalker" ], [ "H:\stable-diffusion-webui/extensions/SadTalker\src\gradio_demo.py, line 6, ", "from src.generate_batch import get_data" ], [ "H:\stable-diffusion-webui/extensions/SadTalker\src\generate_batch.py, line 8, ", "import src.utils.audio as audio" ], [ "H:\stable-diffusion-webui/extensions/SadTalker\src\utils\audio.py, line 1, ", "import librosa" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\init.py, line 211, ", "from . import core" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\core\init.py, line 9, ", "from .constantq import # pylint: disable=wildcard-import" ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\core\constantq.py, line 1058, ", "dtype=np.complex," ], [ "H:\stable-diffusion-webui\venv\lib\site-packages\numpy\init.py, line 338, getattr", "raise AttributeError(__former_attrs__[attr])" ] ] } ], "CPU": { "model": "AMD64 Family 23 Model 1 Stepping 1, AuthenticAMD", "count logical": 24, "count physical": 12 }, "RAM": { "total": "48GB", "used": "14GB", "free": "34GB" }, "Extensions": [ { "name": "SadTalker", "path": "H:\stable-diffusion-webui\extensions\SadTalker", "version": "cd4c0465", "branch": "main", "remote": "https://github.com/OpenTalker/SadTalker.git" }, { "name": "adetailer", "path": "H:\stable-diffusion-webui\extensions\adetailer", "version": "3f1d1b97", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "deforum-for-automatic1111-webui", "path": "H:\stable-diffusion-webui\extensions\deforum-for-automatic1111-webui", "version": "d3463ae7", "branch": "automatic1111-webui", "remote": "https://github.com/deforum-art/deforum-for-automatic1111-webui.git" }, { "name": "multidiffusion-upscaler-for-automatic1111", "path": "H:\stable-diffusion-webui\extensions\multidiffusion-upscaler-for-automatic1111", "version": "76cde3c2", "branch": "main", "remote": "https://github.com/pkuliyi2015/multidiffusion-upscaler-for-automatic1111.git" }, { "name": "sd-webui-controlnet", "path": "H:\stable-diffusion-webui\extensions\sd-webui-controlnet", "version": "aa2aa812", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" }, { "name": "sd-webui-lobe-theme", "path": "H:\stable-diffusion-webui\extensions\sd-webui-lobe-theme", "version": "b9ab9dc4", "branch": "main", "remote": "https://github.com/canisminor1990/sd-webui-lobe-theme.git" }, { "name": "stable-diffusion-webui-rembg", "path": "H:\stable-diffusion-webui\extensions\stable-diffusion-webui-rembg", "version": "a4c07b85", "branch": "master", "remote": "https://github.com/AUTOMATIC1111/stable-diffusion-webui-rembg.git" } ], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": " --xformers", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "SWIN_torch_compile": false, "hypertile_enable_unet": false, "hypertile_enable_unet_secondpass": false, "hypertile_max_depth_unet": 3, "hypertile_max_tile_unet": 256, "hypertile_swap_size_unet": 3, "hypertile_enable_vae": false, "hypertile_max_depth_vae": 3, "hypertile_max_tile_vae": 128, "hypertile_swap_size_vae": 3, "ad_max_models": 2, "ad_extra_models_dir": "", "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,negpip,soft_inpainting", "ad_bbox_sortby": "None", "ad_same_seed_for_each_tap": false, "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": "H:\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, "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_unit_count": 3, "control_net_model_cache_size": 2, "control_net_inpaint_blur_sigma": 7, "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_openpose_edit": false, "controlnet_disable_photopea_edit": false, "controlnet_photopea_warning": true, "controlnet_ignore_noninpaint_mask": false, "controlnet_clip_detector_on_cpu": false, "sd_model_checkpoint": "rdbsg_v5025D.safetensors [9b61f620fe]", "sd_checkpoint_hash": "cf4b78f9afad4465d6b9996c1455cec79fe98562c0a8619c9ac9c4163d2659c6", "outdir_samples": "", "outdir_txt2img_samples": "output\txt2img-images", "outdir_img2img_samples": "output\img2img-images", "outdir_extras_samples": "output\extras-images", "outdir_grids": "", "outdir_txt2img_grids": "output\txt2img-grids", "outdir_img2img_grids": "output\img2img-grids", "outdir_save": "log\images", "outdir_init_images": "output\init-images", "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "save_images_replace_action": "Replace", "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", "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.0, "img_max_size_mp": 200.0, "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, "notification_audio": true, "notification_volume": 100, "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, "auto_backcompat": 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, "use_downcasted_alpha_bar": false, "lora_functional": false, "extra_networks_show_hidden_directories": true, "extra_networks_dir_button_function": false, "extra_networks_hidden_models": "When searched", "extra_networks_default_multiplier": 1, "extra_networks_card_width": 0.0, "extra_networks_card_height": 0.0, "extra_networks_card_text_scale": 1, "extra_networks_card_show_desc": true, "extra_networks_card_description_is_html": false, "extra_networks_card_order_field": "Path", "extra_networks_card_order": "Ascending", "extra_networks_tree_view_default_enabled": false, "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", "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, "lora_not_found_warning_console": false, "lora_not_found_gradio_warning": false, "cross_attention_optimization": "Automatic", "s_min_uncond": 0, "token_merging_ratio": 0, "token_merging_ratio_img2img": 0, "token_merging_ratio_hr": 0, "pad_cond_uncond": false, "pad_cond_uncond_v0": false, "persistent_cond_cache": true, "batch_cond_uncond": true, "fp8_storage": "Disable", "cache_fp16_weight": false, "hide_samplers": [], "eta_ddim": 0, "eta_ancestral": 1, "ddim_discretize": "uniform", "s_churn": 0, "s_tmin": 0, "s_tmax": 0, "s_noise": 1, "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, "sd_noise_schedule": "Default", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": true, "sd_checkpoint_cache": 0, "sd_unet": "Automatic", "enable_quantization": false, "emphasis": "Original", "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", "enable_prompt_comments": true, "sdxl_crop_top": 0.0, "sdxl_crop_left": 0.0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_vae_overrides_per_model_preferences": true, "auto_vae_precision_bfloat16": false, "auto_vae_precision": true, "sd_vae_encode_method": "Full", "sd_vae_decode_method": "Full", "inpainting_mask_weight": 1, "initial_noise_multiplier": 1, "img2img_extra_noise": 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, "img2img_batch_show_results_limit": 32, "overlay_inpaint": true, "return_grid": true, "do_not_show_images": false, "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250.0, "sd_webui_modal_lightbox_icon_opacity": 1, "sd_webui_modal_lightbox_toolbar_opacity": 0.9, "gallery_height": "", "open_dir_button_choice": "Subdirectory", "enable_pnginfo": true, "save_txt": false, "add_model_name_to_info": true, "add_model_hash_to_info": true, "add_vae_name_to_info": true, "add_vae_hash_to_info": true, "add_user_name_to_info": false, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "infotext_skip_pasting": [], "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.0, "live_preview_fast_interrupt": false, "js_live_preview_in_modal_lightbox": false, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~() ", "keyedit_delimiters_whitespace": [ "Tab", "Carriage Return", "Line Feed" ], "keyedit_move": true, "disable_token_counters": false, "include_styles_into_token_counters": true, "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "compact_prompt_box": false, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "sd_checkpoint_dropdown_use_short": false, "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "txt2img_settings_accordion": false, "img2img_settings_accordion": false, "interrupt_after_current": true, "localization": "None", "quicksettings_list": [ "sd_model_checkpoint" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "gradio_theme": "Default", "gradio_themes_cache": true, "show_progress_in_title": true, "send_seed": true, "send_size": true, "api_enable_requests": true, "api_forbid_local_requests": true, "api_useragent": "", "auto_launch_browser": "Local", "enable_console_prompts": false, "show_warnings": false, "show_gradio_deprecation_warnings": true, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "enable_upscale_progressbar": true, "print_hypernet_extra": false, "list_hidden_files": true, "disable_mmap_load_safetensors": false, "hide_ldm_prints": true, "dump_stacks_on_signal": false, "face_restoration": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "postprocessing_existing_caption_action": "Ignore", "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "dat_enabled_models": [ "DAT x2", "DAT x3", "DAT x4" ], "DAT_tile": 192, "DAT_tile_overlap": 8, "upscaler_for_img2img": "4x-UltraSharp", "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.0, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120.0, "canvas_hotkey_zoom": "Alt", "canvas_hotkey_adjust": "Ctrl", "canvas_hotkey_shrink_brush": "Q", "canvas_hotkey_grow_brush": "W", "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" ], "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.0, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "sadtalker_result_dir": "H:\stable-diffusion-webui\outputs\SadTalker" }, "Startup": { "total": 22.481781244277954, "records": { "initial startup": 0.024235010147094727, "prepare environment/checks": 0.014437198638916016, "prepare environment/git version info": 0.0683755874633789, "prepare environment/torch GPU test": 3.0469231605529785, "prepare environment/clone repositores": 0.2454662322998047, "prepare environment/run extensions installers/adetailer": 0.2922513484954834, "prepare environment/run extensions installers/deforum-for-automatic1111-webui": 0.26161837577819824, "prepare environment/run extensions installers/multidiffusion-upscaler-for-automatic1111": 0.0, "prepare environment/run extensions installers/SadTalker": 0.0, "prepare environment/run extensions installers/sd-webui-controlnet": 0.595618724822998, "prepare environment/run extensions installers/sd-webui-lobe-theme": 0.0, "prepare environment/run extensions installers/stable-diffusion-webui-rembg": 0.2769129276275635, "prepare environment/run extensions installers": 1.4264013767242432, "prepare environment": 4.850759983062744, "launcher": 0.0020029544830322266, "import torch": 6.61090874671936, "import gradio": 1.5403733253479004, "setup paths": 1.5288798809051514, "import ldm": 0.0075321197509765625, "import sgm": 0.0, "initialize shared": 0.2605619430541992, "other imports": 0.9910569190979004, "opts onchange": 0.0, "setup SD model": 0.0015742778778076172, "setup codeformer": 0.0009446144104003906, "setup gfpgan": 0.013536453247070312, "set samplers": 0.0, "list extensions": 0.004010915756225586, "restore config state file": 0.0, "list SD models": 0.012041807174682617, "list localizations": 0.001012563705444336, "load scripts/custom_code.py": 0.010056734085083008, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0010135173797607422, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_caption.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0009999275207519531, "load scripts/postprocessing_create_flipped_copies.py": 0.0, "load scripts/postprocessing_focal_crop.py": 0.0010004043579101562, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_split_oversized.py": 0.0, "load scripts/postprocessing_upscale.py": 0.00099945068359375, "load scripts/processing_autosized_crop.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0010006427764892578, "load scripts/sd_upscale.py": 0.0, "load scripts/xyz_grid.py": 0.001985788345336914, "load scripts/ldsr_model.py": 0.9898109436035156, "load scripts/lora_script.py": 0.2583303451538086, "load scripts/scunet_model.py": 0.046190500259399414, "load scripts/swinir_model.py": 0.042162418365478516, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0009827613830566406, "load scripts/hypertile_script.py": 0.0873410701751709, "load scripts/hypertile_xyz.py": 0.0, "load scripts/soft_inpainting.py": 0.0, "load scripts/extension.py": 0.08388924598693848, "load scripts/!adetailer.py": 0.9100737571716309, "load scripts/deforum.py": 0.13475799560546875, "load scripts/deforum_api.py": 0.0019986629486083984, "load scripts/deforum_api_models.py": 0.004998922348022461, "load scripts/deforum_extend_paths.py": 0.0, "load scripts/tilediffusion.py": 0.0071485042572021484, "load scripts/tileglobal.py": 0.002002239227294922, "load scripts/tilevae.py": 0.0, "load scripts/adapter.py": 0.0015652179718017578, "load scripts/api.py": 1.498265027999878, "load scripts/batch_hijack.py": 0.0, "load scripts/cldm.py": 0.0010042190551757812, "load scripts/controlmodel_ipadapter.py": 0.0005099773406982422, "load scripts/controlnet.py": 0.2499988079071045, "load scripts/controlnet_diffusers.py": 0.0, "load scripts/controlnet_lllite.py": 0.0010118484497070312, "load scripts/controlnet_lora.py": 0.0, "load scripts/controlnet_model_guess.py": 0.0009968280792236328, "load scripts/controlnet_sparsectrl.py": 0.0, "load scripts/controlnet_version.py": 0.0, "load scripts/enums.py": 0.0009999275207519531, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0010008811950683594, "load scripts/hook.py": 0.0020012855529785156, "load scripts/infotext.py": 0.0009999275207519531, "load scripts/logging.py": 0.0, "load scripts/lvminthin.py": 0.0010004043579101562, "load scripts/movie2movie.py": 0.0, "load scripts/processor.py": 0.001573324203491211, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.0009493827819824219, "load scripts/settings.py": 0.05220198631286621, "load scripts/postprocessing_rembg.py": 0.0, "load scripts/comments.py": 0.04366731643676758, "load scripts/refiner.py": 0.0010008811950683594, "load scripts/seed.py": 0.0, "load scripts": 4.445491075515747, "load upscalers": 0.004533290863037109, "refresh VAE": 0.002010822296142578, "refresh textual inversion templates": 0.0010001659393310547, "scripts list_optimizers": 0.0009872913360595703, "scripts list_unets": 0.0, "reload hypernetworks": 0.001001119613647461, "initialize extra networks": 0.025717735290527344, "scripts before_ui_callback": 0.002998828887939453, "create ui": 1.706421136856079, "gradio launch": 0.4671308994293213, "add APIs": 0.009535551071166992, "app_started_callback/lora_script.py": 0.0, "app_started_callback/!adetailer.py": 0.0, "app_started_callback/api.py": 0.007549762725830078, "app_started_callback/settings.py": 0.007128477096557617, "app_started_callback": 0.014678239822387695 } }, "Packages": [ "absl-py==2.1.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.9.3", "aiosignal==1.3.1", "albumentations==1.4.1", "altair==5.2.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.2.0", "audioread==3.0.1", "av==11.0.0", "basicsr==1.4.2", "beautifulsoup4==4.12.3", "blendmodes==2022", "certifi==2024.2.2", "cffi==1.16.0", "chardet==5.2.0", "charset-normalizer==3.3.2", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "colorama==0.4.6", "coloredlogs==15.0.1", "colorlog==6.8.2", "contourpy==1.2.0", "cssselect2==0.7.0", "cycler==0.12.1", "cython==3.0.9", "decorator==5.1.1", "deprecation==2.1.0", "depth-anything==2024.1.22.0", "easydict==1.13", "einops==0.4.1", "embreex==2.17.7.post4", "exceptiongroup==1.2.0", "face-alignment==1.3.5", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.2", "filelock==3.13.1", "filterpy==1.4.5", "flatbuffers==24.3.7", "fonttools==4.49.0", "frozenlist==1.4.1", "fsspec==2024.2.0", "ftfy==6.1.3", "future==1.0.0", "fvcore==0.1.5.post20221221", "gdown==5.1.0", "gfpgan==1.3.8", "gitdb==4.0.11", "gitpython==3.1.32", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.62.1", "h11==0.12.0", "handrefinerportable==2024.2.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.21.4", "humanfriendly==10.0", "idna==3.6", "imageio-ffmpeg==0.4.9", "imageio==2.34.0", "importlib-metadata==7.0.2", "importlib-resources==6.1.3", "inflection==0.5.1", "insightface==0.7.3", "iopath==0.1.9", "jax==0.4.25", "jinja2==3.1.3", "joblib==1.3.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.12.1", "jsonschema==4.21.1", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "librosa==0.8.0", "lightning-utilities==0.10.1", "llvmlite==0.42.0", "lmdb==1.4.1", "lxml==5.1.0", "mapbox-earcut==1.0.1", "markdown-it-py==3.0.0", "markdown==3.5.2", "markupsafe==2.1.5", "matplotlib==3.8.3", "mdurl==0.1.2", "mediapipe==0.10.11", "ml-dtypes==0.3.2", "mpmath==1.3.0", "multidict==6.0.5", "networkx==3.2.1", "numba==0.59.0", "numexpr==2.9.0", "numpy==1.26.2", "omegaconf==2.2.3", "onnx==1.15.0", "onnxruntime==1.17.1", "open-clip-torch==2.20.0", "opencv-contrib-python==4.9.0.80", "opencv-python-headless==4.9.0.80", "opencv-python==4.9.0.80", "opt-einsum==3.3.0", "orjson==3.9.15", "packaging==24.0", "pandas==2.2.1", "piexif==1.1.3", "pillow==9.5.0", "pims==0.6.0", "pip==23.0.1", "platformdirs==4.2.0", "pooch==1.8.1", "portalocker==2.8.2", "prettytable==3.10.0", "protobuf==3.20.3", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pycollada==0.8", "pycparser==2.21", "pydantic==1.10.14", "pydub==0.25.1", "pygments==2.17.2", "pymatting==1.1.12", "pyparsing==3.1.2", "pyreadline3==3.4.1", "pysocks==1.7.1", "python-dateutil==2.9.0.post0", "python-multipart==0.0.9", "pytorch-lightning==1.9.4", "pytz==2024.1", "pywavelets==1.5.0", "pywin32==306", "pyyaml==6.0.1", "referencing==0.33.0", "regex==2023.12.25", "rembg==2.0.50", "reportlab==4.1.0", "requests==2.31.0", "resampy==0.4.3", "resize-right==0.0.2", "rich==13.7.1", "rpds-py==0.18.0", "rtree==1.2.0", "safetensors==0.4.2", "scikit-image==0.21.0", "scikit-learn==1.4.1.post1", "scipy==1.12.0", "seaborn==0.13.2", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==65.5.0", "shapely==2.0.3", "six==1.16.0", "slicerator==1.1.0", "smmap==5.0.1", "sniffio==1.3.1", "sounddevice==0.4.6", "soundfile==0.12.1", "soupsieve==2.5", "spandrel==0.1.6", "starlette==0.26.1", "svg.path==6.3", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.17.0a20240309", "tensorboard-data-server==0.7.2", "termcolor==2.4.0", "thop==0.1.1.post2209072238", "threadpoolctl==3.3.0", "tifffile==2024.2.12", "timm==0.9.16", "tinycss2==1.2.1", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.1", "torch==2.1.2+cu121", "torchdiffeq==0.2.3", "torchmetrics==1.3.1", "torchsde==0.2.6", "torchvision==0.16.2+cu121", "tqdm==4.66.2", "trampoline==0.1.2", "transformers==4.30.2", "trimesh==4.1.8", "typing-extensions==4.10.0", "tzdata==2024.1", "ultralytics==8.1.26", "urllib3==2.2.1", "uvicorn==0.28.0", "vhacdx==0.0.5", "wcwidth==0.2.13", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==3.0.1", "xatlas==0.0.9", "xformers==0.0.23.post1", "xxhash==3.4.1", "yacs==0.1.8", "yapf==0.40.2", "yarl==1.9.4", "zipp==3.17.0" ] }

Console logs

Version: 1.8.0-RC
Commit hash: <none>
Launching Web UI with arguments: --xformers
[-] ADetailer initialized. version: 24.3.0, num models: 12
ControlNet preprocessor location: H:\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads
2024-03-11 09:49:53,800 - ControlNet - INFO - ControlNet v1.1.441
2024-03-11 09:49:54,046 - ControlNet - INFO - ControlNet v1.1.441
Loading weights [9b61f620fe] from H:\stable-diffusion-webui\models\Stable-diffusion\rdbsg_v5025D.safetensors
Creating model from config: H:\stable-diffusion-webui\configs\v1-inference.yaml
2024-03-11 09:49:55,902 - ControlNet - INFO - ControlNet UI callback registered.
load Sadtalker Checkpoints from .\extensions\SadTalker\checkpoints
*** Error executing callback ui_tabs_callback for H:\stable-diffusion-webui\extensions\SadTalker\scripts\extension.py
    Traceback (most recent call last):
      File "H:\stable-diffusion-webui\modules\script_callbacks.py", line 180, in ui_tabs_callback
        res += c.callback() or []
      File "H:\stable-diffusion-webui\extensions\SadTalker\scripts\extension.py", line 172, in on_ui_tabs
        from app_sadtalker import sadtalker_demo
      File "H:\stable-diffusion-webui/extensions/SadTalker\app_sadtalker.py", line 3, in <module>
        from src.gradio_demo import SadTalker
      File "H:\stable-diffusion-webui/extensions/SadTalker\src\gradio_demo.py", line 6, in <module>
        from src.generate_batch import get_data
      File "H:\stable-diffusion-webui/extensions/SadTalker\src\generate_batch.py", line 8, in <module>
        import src.utils.audio as audio
      File "H:\stable-diffusion-webui/extensions/SadTalker\src\utils\audio.py", line 1, in <module>
        import librosa
      File "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\__init__.py", line 211, in <module>
        from . import core
      File "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\core\__init__.py", line 9, in <module>
        from .constantq import *  # pylint: disable=wildcard-import
      File "H:\stable-diffusion-webui\venv\lib\site-packages\librosa\core\constantq.py", line 1058, in <module>
        dtype=np.complex,
      File "H:\stable-diffusion-webui\venv\lib\site-packages\numpy\__init__.py", line 338, in __getattr__
        raise AttributeError(__former_attrs__[attr])
    AttributeError: module 'numpy' has no attribute 'complex'.
    `np.complex` was a deprecated alias for the builtin `complex`. To avoid this error in existing code, use `complex` by itself. Doing this will not modify any behavior and is safe. If you specifically wanted the numpy scalar type, use `np.complex128` here.
    The aliases was originally deprecated in NumPy 1.20; for more details and guidance see the original release note at:
        https://numpy.org/devdocs/release/1.20.0-notes.html#deprecations

Additional information

No response

w-e-w commented 4 months ago
  1. title you bug report
  2. you should report this issue to sadtalker
Nemesis-the-Warlock commented 4 months ago

Right. There is already an open issue: https://github.com/OpenTalker/SadTalker/issues/822