lshqqytiger / stable-diffusion-webui-amdgpu

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

[Bug]: Incompatible dependencies loop: protobuf, olive-ai, mediapipe, open-clip-torch #509

Closed mr-september closed 1 month ago

mr-september commented 1 month ago

Checklist

What happened?

There are conflicting dependencies, potentially causing issues.

Steps to reproduce the problem

Launch WebUI and read the cmd... and try to do some debugging. See below logs for more info.

What should have happened?

Not have package conflicts.

What browsers do you use to access the UI ?

No response

Sysinfo

{ "Platform": "Windows-10-10.0.22621-SP0", "Python": "3.10.11", "Version": "v1.10.1-amd-2-g395ce8dc", "Commit": "395ce8dc2cb01282d48074a89a5e6cb3da4b59ab", "Git status": "On branch master\nYour branch is up to date with 'origin/master'.\n\nChanges not staged for commit:\n (use \"git add ...\" to update what will be committed)\n (use \"git restore ...\" to discard changes in working directory)\n\tmodified: requirements.txt\n\tmodified: webui-user.bat\n\nno changes added to commit (use \"git add\" and/or \"git commit -a\")", "Script path": "E:\stable-diffusion-webui-directml", "Data path": "E:\stable-diffusion-webui-directml", "Extensions dir": "E:\stable-diffusion-webui-directml\extensions", "Checksum": "0153db2f60c6aa4dbb9ca9610a1278ffbb786debe370b01da1e09a794e335bd6", "Commandline": [ "launch.py", "--use-directml", "--skip-version-check", "--opt-sub-quad-attention", "--medvram", "--no-half-vae", "--no-half", "--use-cpu", "interrogate", "gfpgan", "codeformer", "--disable-nan-check", "--autolaunch", "--api", "--cors-allow-origins=http://127.0.0.1:3456", "--sub-quad-kv-chunk-size", "512", "--sub-quad-q-chunk-size", "512", "--sub-quad-chunk-threshold", "80" ], "Torch env info": { "torch_version": "2.3.1+cpu", "is_debug_build": "False", "cuda_compiled_version": null, "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Microsoft Windows 11 Education", "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": "False", "cuda_runtime_version": null, "cuda_module_loading": "N/A", "nvidia_driver_version": null, "nvidia_gpu_models": null, "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.26.2", "onnx==1.16.1", "onnxruntime==1.18.1", "onnxruntime-directml==1.18.1", "onnxruntime-gpu==1.18.1", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.3.1", "torch-directml==0.2.3.dev240715", "torchdiffeq==0.2.3", "torchmetrics==1.4.0.post0", "torchsde==0.2.6", "torchvision==0.18.1" ], "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=3401", "DeviceID=CPU0", "Family=107", "L2CacheSize=4096", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=3401", "Name=AMD Ryzen 7 5700X 8-Core Processor ", "ProcessorType=3", "Revision=8450" ] }, "Exceptions": [ { "exception": "No module named 'basicsr'", "traceback": [ [ "E:\stable-diffusion-webui-directml\modules\scripts.py, line 515, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "E:\stable-diffusion-webui-directml\modules\script_loading.py, line 13, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "E:\stable-diffusion-webui-directml\extensions\sd-webui-depth-lib\scripts\main.py, line 10, ", "from basicsr.utils.download_util import load_file_from_url" ] ] } ], "CPU": { "model": "AMD64 Family 25 Model 33 Stepping 2, AuthenticAMD", "count logical": 16, "count physical": 8 }, "RAM": { "total": "32GB", "used": "23GB", "free": "9GB" }, "Extensions": [ { "name": "DWPose", "path": "E:\stable-diffusion-webui-directml\extensions\DWPose", "commit": "3dca5db79d9f9ffdd378753ddf6ec66535aace88", "branch": "onnx", "remote": "https://github.com/IDEA-Research/DWPose" }, { "name": "Stable-Diffusion-Webui-Civitai-Helper", "path": "E:\stable-diffusion-webui-directml\extensions\Stable-Diffusion-Webui-Civitai-Helper", "commit": "b6282556612b9250adf516a9166aee556eddc353", "branch": "main", "remote": "https://github.com/butaixianran/Stable-Diffusion-Webui-Civitai-Helper.git" }, { "name": "adetailer", "path": "E:\stable-diffusion-webui-directml\extensions\adetailer", "commit": "a7d961131e879ea8a930034a21a2dee21b173e8c", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "multidiffusion-upscaler-for-automatic1111", "path": "E:\stable-diffusion-webui-directml\extensions\multidiffusion-upscaler-for-automatic1111", "commit": "8c3ead6913511defe85d95c06b53a262c3306bba", "branch": "main", "remote": "https://github.com/pkuliyi2015/multidiffusion-upscaler-for-automatic1111.git" }, { "name": "sd-webui-controlnet", "path": "E:\stable-diffusion-webui-directml\extensions\sd-webui-controlnet", "commit": "56cec5b2958edf3b1807b7e7b2b1b5186dbd2f81", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" }, { "name": "sd-webui-depth-lib", "path": "E:\stable-diffusion-webui-directml\extensions\sd-webui-depth-lib", "commit": "efa9f616b30ea0f27e5dadf40ab41815012d1d78", "branch": "main", "remote": "https://github.com/jexom/sd-webui-depth-lib.git" }, { "name": "sd-webui-reactor", "path": "E:\stable-diffusion-webui-directml\extensions\sd-webui-reactor", "commit": "613b7d74ea64cc76094661492c4e6b6af59f07d5", "branch": "main", "remote": "https://github.com/Gourieff/sd-webui-reactor.git" }, { "name": "stable-diffusion-webui-state", "path": "E:\stable-diffusion-webui-directml\extensions\stable-diffusion-webui-state", "commit": "ce1ca3a1141f542ad61c66f074048989b14731f9", "branch": "main", "remote": "https://github.com/ilian6806/stable-diffusion-webui-state.git" }, { "name": "ultimate-upscale-for-automatic1111", "path": "E:\stable-diffusion-webui-directml\extensions\ultimate-upscale-for-automatic1111", "commit": "2322caa480535b1011a1f9c18126d85ea444f146", "branch": "master", "remote": "https://github.com/Coyote-A/ultimate-upscale-for-automatic1111.git" } ], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": "--use-directml --skip-version-check --opt-sub-quad-attention --medvram --no-half-vae --no-half --use-cpu interrogate gfpgan codeformer --disable-nan-check --autolaunch --api --cors-allow-origins=http://127.0.0.1:3456 --sub-quad-kv-chunk-size 512 --sub-quad-q-chunk-size 512 --sub-quad-chunk-threshold 80", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "grid_save": false, "grid_format": "png", "grid_extended_filename": false, "grid_only_if_multiple": true, "grid_prevent_empty_spots": false, "n_rows": -1, "enable_pnginfo": true, "save_txt": false, "save_images_before_face_restoration": false, "save_images_before_highres_fix": false, "save_images_before_color_correction": false, "save_mask": false, "save_mask_composite": false, "jpeg_quality": 80, "webp_lossless": false, "export_for_4chan": false, "img_downscale_threshold": 4.0, "target_side_length": 4000, "img_max_size_mp": 200, "use_original_name_batch": true, "use_upscaler_name_as_suffix": false, "save_selected_only": true, "do_not_add_watermark": 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", "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, "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": "picxReal_10Inpaint.safetensors [859d329490]", "sd_checkpoint_cache": 0, "sd_vae_checkpoint_cache": 0, "sd_vae": "vae-ft-mse-840000-ema-pruned.ckpt", "sd_vae_as_default": true, "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "enable_quantization": true, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 2, "upcast_attn": 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, "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": false, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_default_view": "thumbs", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_add_text_separator": " ", "sd_hypernetwork": "None", "return_grid": true, "return_mask": false, "return_mask_composite": false, "do_not_show_images": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "disable_weights_auto_swap": true, "send_seed": true, "send_size": true, "font": "", "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "quicksettings": "sd_model_checkpoint", "hidden_tabs": [], "ui_reorder": "inpaint, sampler, checkboxes, hires_fix, dimensions, cfg, seed, batch, override_settings, scripts", "ui_extra_networks_tab_reorder": "", "localization": "None", "show_progressbar": true, "live_previews_enable": true, "show_progress_grid": true, "show_progress_every_n_steps": 10, "show_progress_type": "Approx cheap", "live_preview_content": "Prompt", "live_preview_refresh_period": 1000, "hide_samplers": [ "Euler a", "DPM2", "DPM2 a", "DPM++ SDE", "DPM fast", "DPM adaptive", "LMS Karras", "DPM2 Karras", "DPM2 a Karras", "DPM++ 2S a Karras", "DPM++ 2M SDE Heun", "DPM++ 2S a", "DPM++ 3M SDE", "Restart", "DDIM", "PLMS", "LCM" ], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_noise": 1.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [], "disable_all_extensions": "none", "sd_checkpoint_hash": "859d329490a5c80bb0c3e23b060dad2609fac18beb4125a5c64ec4e75a061d8d", "ldsr_steps": 100, "ldsr_cached": false, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "sd_lora": "None", "aesthetic_scorer_enabled": false, "aesthetic_scorer_clip_model": "ViT-L/14", "control_net_model_config": "models\cldm_v15.yaml", "control_net_model_adapter_config": "models\sketch_adapter_v14.yaml", "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_max_models_num": 3, "control_net_model_cache_size": 1, "control_net_control_transfer": false, "control_net_no_detectmap": false, "control_net_detectmap_autosaving": false, "control_net_only_midctrl_hires": true, "control_net_allow_script_control": false, "control_net_skip_img2img_processing": false, "control_net_monocular_depth_optim": false, "control_net_only_mid_control": false, "control_net_cfg_based_guidance": false, "control_net_sync_field_args": false, "dp_ignore_whitespace": false, "dp_write_raw_template": false, "dp_write_prompts_to_file": false, "dp_parser_variant_start": "{", "dp_parser_variant_end": "}", "dp_parser_wildcard_wrap": "__", "dp_limit_jinja_prompts": false, "dp_magicprompt_default_model": "Gustavosta/MagicPrompt-Stable-Diffusion", "dp_magicprompt_batch_size": 1, "state": [ "tabs" ], "state_txt2img": [ "prompt", "negative_prompt", "extra_networks", "styles", "sampling", "sampling_steps", "height", "width", "batch_count", "batch_size", "hires_resize_y", "hires_resize_x", "hires_scale", "hires_steps", "hires_fix", "tiling", "restore_faces", "seed", "cfg_scale", "hires_denoising_strength", "hires_upscaler" ], "state_img2img": [ "prompt", "batch_count", "negative_prompt", "extra_networks", "batch_size", "height", "cfg_scale", "styles", "sampling", "denoising_strength", "seed", "resize_mode", "sampling_steps", "restore_faces", "tiling", "width" ], "state_extensions": [ "control-net" ], "infzoom_outpath": "", "infzoom_outSUBpath": "infinite-zooms", "infzoom_outsizeW": 512, "infzoom_outsizeH": 512, "infzoom_ffprobepath": "", "openpose3d_use_online_version": false, "dp_auto_purge_cache": false, "quicksettings_list": [ "sd_model_checkpoint", "CLIP_stop_at_last_layers" ], "restore_config_state_file": "", "save_init_img": false, "outdir_init_images": "outputs/init-images", "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "randn_source": "GPU", "dont_fix_second_order_samplers_schedule": false, "lora_functional": false, "lora_preferred_name": "Alias from file", "js_modal_lightbox_gamepad": true, "js_modal_lightbox_gamepad_repeat": 250.0, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "gradio_theme": "Default", "add_version_to_infotext": true, "s_min_uncond": 0, "infzoom_defPrompt": "{\n\t\"prePrompt\": \"Huge spectacular Waterfall in \",\n\t\"prompts\": {\n\t\t\"data\": [\n\t\t\t[0, \"a dense tropical forest\"],\n\t\t\t[2, \"a Lush jungle\"],\n\t\t\t[3, \"a Thick rainforest\"],\n\t\t\t[5, \"a Verdant canopy\"]\n\t\t]\n\t},\n\t\"postPrompt\": \"epic perspective,(vegetation overgrowth:1.3)(intricate, ornamentation:1.1),(baroque:1.1), fantasy, (realistic:1) digital painting , (magical,mystical:1.2) , (wide angle shot:1.4), (landscape composed:1.2)(medieval:1.1),(tropical forest:1.4),(river:1.3) volumetric lighting ,epic, style by Alex Horley Wenjun Lin greg rutkowski Ruan Jia (Wayne Barlowe:1.2)\",\n\t\"negPrompt\": \"frames, border, edges, borderline, text, character, duplicate, error, out of frame, watermark, low quality, ugly, deformed, blur, bad-artist\"\n}", "infzoom_collectAllResources": false, "control_net_modules_path": "", "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "list_hidden_files": true, "cross_attention_optimization": "sub-quadratic", "token_merging_ratio": 0, "token_merging_ratio_img2img": 0, "token_merging_ratio_hr": 0, "extra_networks_show_hidden_directories": true, "extra_networks_hidden_models": "When searched", "lora_add_hashes_to_infotext": true, "img2img_editor_height": 720, "ui_tab_order": [], "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "live_previews_image_format": "png", "controlnet_disable_control_type": false, "controlnet_disable_openpose_edit": false, "inpaint_anything_save_folder": "inpaint-anything", "inpaint_anything_offline_inpainting": false, "inpaint_anything_padding_fill": 127, "sam_use_local_groundingdino": true, "ui_reorder_list": [ "inpaint", "sampler", "checkboxes", "hires_fix", "dimensions", "cfg", "seed", "batch", "override_settings", "scripts" ], "sd_vae_overrides_per_model_preferences": false, "grid_zip_filename_pattern": "", "grid_text_active_color": "#000000", "grid_text_inactive_color": "#999999", "grid_background_color": "#ffffff", "save_incomplete_images": false, "face_restoration": false, "auto_launch_browser": "Local", "show_gradio_deprecation_warnings": true, "disable_mmap_load_safetensors": false, "hide_ldm_prints": true, "api_enable_requests": true, "api_forbid_local_requests": true, "api_useragent": "", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": true, "sd_unet": "Automatic", "tiling": false, "hires_fix_refiner_pass": "second pass", "sdxl_crop_top": 0.0, "sdxl_crop_left": 0.0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "auto_vae_precision": true, "sd_vae_encode_method": "Full", "sd_vae_decode_method": "Full", "img2img_extra_noise": 0, "img2img_sketch_default_brush_color": "#ffffff", "img2img_inpaint_mask_brush_color": "#ffffff", "img2img_inpaint_sketch_default_brush_color": "#ffffff", "enable_mem_pattern": true, "enable_mem_reuse": true, "collect_garbage_for_each_generation": false, "offload_state_dict": false, "use_just_in_time_optimization": false, "cache_optimized_model": false, "pad_cond_uncond": false, "persistent_cond_cache": true, "batch_cond_uncond": true, "directml_memory_provider": "Performance Counter", "hires_fix_use_firstpass_conds": false, "use_old_scheduling": false, "extra_networks_card_text_scale": 1, "extra_networks_card_show_desc": true, "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "lora_show_all": false, "lora_hide_unknown_for_versions": [], "lora_in_memory_limit": 0, "gradio_themes_cache": true, "gallery_height": "", "keyedit_move": true, "disable_token_counters": false, "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "add_user_name_to_info": false, "infotext_styles": "Apply if any", "live_preview_allow_lowvram_full": false, "live_preview_fast_interrupt": false, "s_tmax": 0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "sgm_noise_multiplier": 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" ], "ch_max_size_preview": true, "ch_skip_nsfw_preview": false, "ch_open_url_with_js": true, "ch_proxy": "", "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", "ad_bbox_sortby": "None", "ad_same_seed_for_each_tap": false, "control_net_unit_count": 3, "control_net_inpaint_blur_sigma": 7, "control_net_no_high_res_fix": false, "controlnet_ignore_noninpaint_mask": false, "inpaint_anything_sam_oncpu": false, "inpain_anything_sam_models_dir": "", "animatediff_model_path": "", "animatediff_optimize_gif_palette": false, "animatediff_optimize_gif_gifsicle": false, "animatediff_webp_quality": 80, "animatediff_webp_lossless": false, "animatediff_save_to_custom": false, "animatediff_xformers": "Optimize attention layers with xformers", "animatediff_s3_enable": false, "animatediff_s3_host": "", "animatediff_s3_port": "", "animatediff_s3_access_key": "", "animatediff_s3_secret_key": "", "animatediff_s3_storge_bucket": "", "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, "ch_civiai_api_key": "", "infzoom_txt2img_model": null, "infzoom_inpainting_model": null, "controlnet_disable_photopea_edit": false, "controlnet_photopea_warning": true, "controlnet_clip_detector_on_cpu": false, "SWIN_torch_compile": false, "controlnet_control_type_dropdown": false, "state_ui": [ "Reset Button", "Import Button", "Export Button" ], "onnx_cached_models_path": "E:\stable-diffusion-webui-directml\models\ONNX\cache", "onnx_temp_dir": "E:\stable-diffusion-webui-directml\models\ONNX\temp", "save_images_replace_action": "Replace", "notification_audio": true, "notification_volume": 100, "auto_backcompat": true, "use_downcasted_alpha_bar": false, "refiner_switch_by_sample_steps": false, "extra_networks_dir_button_function": false, "extra_networks_card_description_is_html": false, "extra_networks_card_order_field": "Path", "extra_networks_card_order": "Ascending", "extra_networks_tree_view_style": "Dirs", "extra_networks_tree_view_default_enabled": true, "extra_networks_tree_view_default_width": 180.0, "lora_not_found_warning_console": false, "lora_not_found_gradio_warning": false, "onnx_enable": false, "diffusers_pipeline": "ONNX Stable Diffusion", "diffusers_vae_upcast": "default", "onnx_execution_provider": "DmlExecutionProvider", "onnx_cache_converted": true, "olive_enable": false, "olive_submodels": [], "olive_float16": true, "olive_vae_encoder_float32": false, "olive_static_dims": true, "olive_cache_optimized": true, "pad_cond_uncond_v0": false, "fp8_storage": "Disable", "cache_fp16_weight": false, "sd_noise_schedule": "Default", "emphasis": "Original", "enable_prompt_comments": true, "auto_vae_precision_bfloat16": false, "img2img_batch_show_results_limit": 32, "overlay_inpaint": true, "sd_webui_modal_lightbox_icon_opacity": 1, "sd_webui_modal_lightbox_toolbar_opacity": 0.9, "open_dir_button_choice": "Subdirectory", "add_vae_name_to_info": true, "add_vae_hash_to_info": true, "infotext_skip_pasting": [], "js_live_preview_in_modal_lightbox": false, "keyedit_delimiters_whitespace": [ "Tab", "Carriage Return", "Line Feed" ], "include_styles_into_token_counters": true, "compact_prompt_box": false, "sd_checkpoint_dropdown_use_short": false, "txt2img_settings_accordion": false, "img2img_settings_accordion": false, "interrupt_after_current": true, "enable_reloading_ui_scripts": false, "prioritized_callbacks_app_started": [], "prioritized_callbacks_model_loaded": [], "prioritized_callbacks_ui_tabs": [], "prioritized_callbacks_ui_settings": [], "prioritized_callbacks_after_component": [], "prioritized_callbacks_infotext_pasted": [], "prioritized_callbacks_script_unloaded": [], "prioritized_callbacks_before_ui": [], "prioritized_callbacks_on_reload": [], "prioritized_callbacks_list_optimizers": [], "prioritized_callbacks_before_token_counter": [], "prioritized_callbacks_script_before_process": [], "prioritized_callbacks_script_process": [], "prioritized_callbacks_script_before_process_batch": [], "prioritized_callbacks_script_postprocess": [], "prioritized_callbacks_script_postprocess_batch": [], "prioritized_callbacks_script_postprocess_batch_list": [], "prioritized_callbacks_script_post_sample": [], "prioritized_callbacks_script_on_mask_blend": [], "prioritized_callbacks_script_postprocess_image": [], "prioritized_callbacks_script_postprocess_maskoverlay": [], "enable_console_prompts": false, "enable_upscale_progressbar": true, "dump_stacks_on_signal": false, "postprocessing_disable_in_extras": [], "postprocessing_existing_caption_action": "Ignore", "dat_enabled_models": [ "DAT x2", "DAT x3", "DAT x4" ], "DAT_tile": 192, "DAT_tile_overlap": 8, "set_scale_by_when_changing_upscaler": false, "canvas_hotkey_shrink_brush": "Q", "canvas_hotkey_grow_brush": "W", "ch_check_new_ver_exist_in_all_folder": true, "ad_same_seed_for_each_tab": false }, "Startup": { "total": 40.98114514350891, "records": { "initial startup": 0.021997690200805664, "prepare environment/checks": 0.012998580932617188, "prepare environment/git version info": 0.09308147430419922, "prepare environment/clone repositores": 0.19913291931152344, "prepare environment/install requirements": 11.84142255783081, "prepare environment/run extensions installers/adetailer": 0.22242259979248047, "prepare environment/run extensions installers/DWPose": 0.0, "prepare environment/run extensions installers/multidiffusion-upscaler-for-automatic1111": 0.0, "prepare environment/run extensions installers/sd-webui-controlnet": 0.23214077949523926, "prepare environment/run extensions installers/sd-webui-depth-lib": 0.0, "prepare environment/run extensions installers/sd-webui-reactor": 15.059545040130615, "prepare environment/run extensions installers/Stable-Diffusion-Webui-Civitai-Helper": 0.0009996891021728516, "prepare environment/run extensions installers/stable-diffusion-webui-state": 0.0, "prepare environment/run extensions installers/ultimate-upscale-for-automatic1111": 0.0, "prepare environment/run extensions installers": 15.515108108520508, "prepare environment": 41.63027310371399, "launcher": 0.0019998550415039062, "import torch": 0.0, "import gradio": 0.0, "setup paths": 0.0, "import ldm": 0.0029997825622558594, "import sgm": 0.0, "initialize shared": 1.653749704360962, "other imports": 0.1086113452911377, "opts onchange": 0.001001119613647461, "setup SD model": 0.0, "setup codeformer": 0.0009996891021728516, "setup gfpgan": 0.015000343322753906, "set samplers": 0.0, "list extensions": 0.0030014514923095703, "restore config state file": 0.0, "list SD models": 0.04082894325256348, "list localizations": 0.0009996891021728516, "load scripts/custom_code.py": 0.012506484985351562, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0010073184967041016, "load scripts/outpainting_mk_2.py": 0.0010008811950683594, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.0009992122650146484, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0009996891021728516, "load scripts/sd_upscale.py": 0.0, "load scripts/xyz_grid.py": 0.0019991397857666016, "load scripts/ldsr_model.py": 0.41948580741882324, "load scripts/lora_script.py": 0.12463855743408203, "load scripts/scunet_model.py": 0.021997928619384766, "load scripts/swinir_model.py": 0.017007827758789062, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0010023117065429688, "load scripts/hypertile_script.py": 0.0421144962310791, "load scripts/postprocessing_autosized_crop.py": 0.0, "load scripts/postprocessing_caption.py": 0.0010008811950683594, "load scripts/postprocessing_create_flipped_copies.py": 0.0, "load scripts/postprocessing_focal_crop.py": 0.0019986629486083984, "load scripts/postprocessing_split_oversized.py": 0.0010001659393310547, "load scripts/soft_inpainting.py": 0.0, "load scripts/civitai_helper.py": 0.05100607872009277, "load scripts/!adetailer.py": 0.48535633087158203, "load scripts/tilediffusion.py": 0.0065534114837646484, "load scripts/tileglobal.py": 0.0010006427764892578, "load scripts/tilevae.py": 0.0010006427764892578, "load scripts/adapter.py": 0.0009987354278564453, "load scripts/api.py": 0.24044394493103027, "load scripts/batch_hijack.py": 0.0010004043579101562, "load scripts/cldm.py": 0.0025796890258789062, "load scripts/controlnet.py": 0.6066420078277588, "load scripts/controlnet_diffusers.py": 0.0, "load scripts/controlnet_lllite.py": 0.00099945068359375, "load scripts/controlnet_lora.py": 0.0, "load scripts/controlnet_model_guess.py": 0.0010001659393310547, "load scripts/controlnet_sparsectrl.py": 0.0, "load scripts/controlnet_version.py": 0.0, "load scripts/enums.py": 0.002000570297241211, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0010008811950683594, "load scripts/hook.py": 0.0, "load scripts/infotext.py": 0.0009987354278564453, "load scripts/logging.py": 0.0, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.0009996891021728516, "load scripts/supported_preprocessor.py": 0.0010006427764892578, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.00099945068359375, "load scripts/main.py": 0.0030014514923095703, "load scripts/console_log_patch.py": 0.15284991264343262, "load scripts/reactor_api.py": 0.07959389686584473, "load scripts/reactor_faceswap.py": 0.004000425338745117, "load scripts/reactor_globals.py": 0.0010037422180175781, "load scripts/reactor_helpers.py": 0.0, "load scripts/reactor_logger.py": 0.0010004043579101562, "load scripts/reactor_swapper.py": 0.0010001659393310547, "load scripts/reactor_version.py": 0.0, "load scripts/reactor_xyz.py": 0.026471614837646484, "load scripts/state_api.py": 0.01859593391418457, "load scripts/state_settings.py": 0.02300095558166504, "load scripts/ultimate-upscale.py": 0.0009999275207519531, "load scripts/comments.py": 0.022568702697753906, "load scripts/refiner.py": 0.0, "load scripts/sampler.py": 0.0, "load scripts/seed.py": 0.0, "load scripts": 2.388427972793579, "load upscalers": 0.0045735836029052734, "refresh VAE": 0.003999948501586914, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.001999378204345703, "scripts list_unets": 0.0, "reload hypernetworks": 0.0, "initialize extra networks": 0.01357722282409668, "scripts before_ui_callback": 0.004509925842285156, "create ui": 0.8285024166107178, "gradio launch": 0.38527750968933105, "add APIs": 0.8465824127197266, "app_started_callback/lora_script.py": 0.0010001659393310547, "app_started_callback/!adetailer.py": 0.0, "app_started_callback/api.py": 0.0040013790130615234, "app_started_callback/reactor_api.py": 0.0029981136322021484, "app_started_callback/state_api.py": 0.0, "app_started_callback": 0.007999658584594727 } }, "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.5", "aiosignal==1.3.1", "albumentations==1.4.3", "alembic==1.13.2", "altair==5.3.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.2.0", "blendmodes==2022", "certifi==2024.7.4", "cffi==1.16.0", "chardet==5.2.0", "charset-normalizer==3.3.2", "clean-fid==0.1.35", "click==8.1.7", "clip @ https://github.com/openai/CLIP/archive/d50d76daa670286dd6cacf3bcd80b5e4823fc8e1.zip#sha256=b5842c25da441d6c581b53a5c60e0c2127ebafe0f746f8e15561a006c6c3be6a", "colorama==0.4.6", "coloredlogs==15.0.1", "colorlog==6.8.2", "contourpy==1.2.1", "controlnet-aux==0.0.9", "cssselect2==0.7.0", "cycler==0.12.1", "Cython==3.0.10", "datasets==2.14.4", "defusedxml==0.7.1", "deprecation==2.1.0", "depth_anything @ https://github.com/huchenlei/Depth-Anything/releases/download/v1.0.0/depth_anything-2024.1.22.0-py2.py3-none-any.whl#sha256=26c1d38b8c3c306b4a2197d725a4b989ff65f7ebcf4fb5a96a1b6db7fbd56780", "depth_anything_v2 @ https://github.com/MackinationsAi/UDAV2-ControlNet/releases/download/v1.0.0/depth_anything_v2-2024.7.1.0-py2.py3-none-any.whl#sha256=6848128867d1f7c7519d88df0f88bfab89100dc5225259c4d7cb90325c308c9f", "diffusers==0.29.2", "dill==0.3.7", "diskcache==5.6.3", "dsine @ https://github.com/sdbds/DSINE/releases/download/1.0.2/dsine-2024.3.23-py3-none-any.whl#sha256=b9ea3bacce09f9b3f7fb4fa12471da7e465b2f9a60412711105a9238db280442", "easydict==1.13", "einops==0.4.1", "exceptiongroup==1.2.2", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.2", "filelock==3.15.4", "filterpy==1.4.5", "flatbuffers==24.3.25", "fonttools==4.53.1", "frozenlist==1.4.1", "fsspec==2024.6.1", "ftfy==6.2.0", "fvcore==0.1.5.post20221221", "geffnet==1.0.2", "gitdb==4.0.11", "GitPython==3.1.32", "glob2==0.5", "gradio==3.41.2", "gradio_client==0.5.0", "greenlet==3.0.3", "h11==0.12.0", "handrefinerportable @ https://github.com/huchenlei/HandRefinerPortable/releases/download/v1.0.1/handrefinerportable-2024.2.12.0-py2.py3-none-any.whl#sha256=1e6c702905919f4c49bcb2db7b20d334e8458a7555cd57630600584ec38ca6a9", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.24.2", "humanfriendly==10.0", "idna==3.7", "imageio==2.34.2", "importlib_metadata==8.2.0", "importlib_resources==6.4.0", "inflection==0.5.1", "insightface @ https://github.com/Gourieff/Assets/raw/main/Insightface/insightface-0.7.3-cp310-cp310-win_amd64.whl#sha256=47aa0571b2aadd8545d4bc7615dfbc374c10180c283b7ac65058fcb41ed4df86", "intel-openmp==2021.4.0", "iopath==0.1.9", "jax==0.4.30", "jaxlib==0.4.30", "Jinja2==3.1.4", "joblib==1.4.2", "jsonmerge==1.8.0", "jsonschema==4.23.0", "jsonschema-specifications==2023.12.1", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy_loader==0.4", "lightning-utilities==0.11.6", "llvmlite==0.43.0", "loguru==0.7.2", "lxml==5.2.2", "Mako==1.3.5", "manifold3d==2.5.1", "markdown-it-py==3.0.0", "MarkupSafe==2.1.5", "matplotlib==3.9.1", "mdurl==0.1.2", "mediapipe==0.10.14", "mkl==2021.4.0", "ml-dtypes==0.4.0", "mpmath==1.3.0", "multidict==6.0.5", "multiprocess==0.70.15", "networkx==3.3", "numba==0.60.0", "numpy==1.26.2", "olive-ai==0.6.2", "omegaconf==2.2.3", "onnx==1.16.1", "onnxruntime==1.18.1", "onnxruntime-directml==1.18.1", "onnxruntime-gpu==1.18.1", "open-clip-torch==2.20.0", "opencv-contrib-python==4.10.0.84", "opencv-python==4.10.0.84", "opencv-python-headless==4.10.0.84", "opt-einsum==3.3.0", "optimum==1.21.2", "optuna==3.6.1", "orjson==3.10.6", "packaging==24.1", "pandas==2.2.2", "piexif==1.1.3", "Pillow==9.5.0", "pillow-avif-plugin==1.4.3", "pip==24.2", "platformdirs==4.2.2", "portalocker==2.10.1", "prettytable==3.10.2", "protobuf==5.27.2", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyarrow==17.0.0", "pycocotools==2.0.8", "pycollada==0.8", "pycparser==2.22", "pydantic==1.10.17", "pydub==0.25.1", "Pygments==2.18.0", "pyparsing==3.1.2", "pyreadline3==3.4.1", "python-dateutil==2.9.0.post0", "python-multipart==0.0.9", "pytorch-lightning==1.9.4", "pytz==2024.1", "PyWavelets==1.6.0", "pywin32==306", "PyYAML==6.0.1", "referencing==0.35.1", "regex==2024.7.24", "reportlab==4.2.2", "requests==2.32.3", "resize-right==0.0.2", "rich==13.7.1", "rpds-py==0.19.1", "Rtree==1.3.0", "safetensors==0.4.2", "scikit-image==0.21.0", "scikit-learn==1.5.1", "scipy==1.14.0", "seaborn==0.13.2", "segment-anything==1.0", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==69.5.1", "shapely==2.0.5", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.1", "sounddevice==0.4.7", "spandrel==0.3.4", "spandrel_extra_arches==0.1.1", "SQLAlchemy==2.0.31", "starlette==0.26.1", "supervision==0.22.0", "svg.path==6.3", "svglib==1.5.1", "sympy==1.13.1", "tabulate==0.9.0", "tbb==2021.13.0", "termcolor==2.4.0", "threadpoolctl==3.5.0", "tifffile==2024.7.24", "timm==0.6.7", "tinycss2==1.3.0", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.1", "torch==2.3.1", "torch-directml==0.2.3.dev240715", "torchdiffeq==0.2.3", "torchmetrics==1.4.0.post0", "torchsde==0.2.6", "torchvision==0.18.1", "tqdm==4.66.4", "trampoline==0.1.2", "transformers==4.30.2", "trimesh==4.4.3", "typing_extensions==4.12.2", "tzdata==2024.1", "ultralytics==8.2.68", "ultralytics-thop==2.0.0", "urllib3==2.2.2", "uvicorn==0.30.3", "vhacdx==0.0.8.post1", "wcwidth==0.2.13", "webencodings==0.5.1", "websockets==11.0.3", "win32-setctime==1.1.0", "xatlas==0.0.9", "xxhash==3.4.1", "yacs==0.1.8", "yapf==0.40.2", "yarl==1.9.4", "zipp==3.19.2" ] }

Console logs

I noticed my WebUI was uninstalling and reinstalling onnx every single time it is launched. The cmd log:

Installing collected packages: protobuf, onnx
  Attempting uninstall: protobuf
    Found existing installation: protobuf 3.20.0
    Uninstalling protobuf-3.20.0:
      Successfully uninstalled protobuf-3.20.0
  Attempting uninstall: onnx
    Found existing installation: onnx 1.12.0
    Uninstalling onnx-1.12.0:
      Successfully uninstalled onnx-1.12.0
Successfully installed onnx-1.16.1 protobuf-5.27.2
Error: (onnx 1.12.0 (e:\stable-diffusion-webui-directml\venv\lib\site-packages), Requirement.parse('onnx>=1.14.0'))

        +---------------------------------+
        --- PLEASE, RESTART the Server! ---
        +---------------------------------+

So I try to check what's going on.

pip uninstall onnx
pip install onnx

Installing collected packages: onnx
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
olive-ai 0.6.2 requires protobuf<4.0.0, but you have protobuf 5.27.2 which is incompatible.
Successfully installed onnx-1.16.1

So now onnx is upgraded but it shows olive-ai has a problem with protobuf.

pip install --upgrade olive-ai

... blablabla ...

Installing collected packages: protobuf
  Attempting uninstall: protobuf
    Found existing installation: protobuf 5.27.2
    Uninstalling protobuf-5.27.2:
      Successfully uninstalled protobuf-5.27.2
ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
mediapipe 0.10.14 requires protobuf<5,>=4.25.3, but you have protobuf 3.20.3 which is incompatible.
Successfully installed protobuf-3.20.3

So part of updating olive-ai also downgrades protobuf a lot, which breaks mediapipe dependency.

So doing a pip install --upgrade protobuf shows the full list of protobuf version conflicts:

ERROR: pip's dependency resolver does not currently take into account all the packages that are installed. This behaviour is the source of the following dependency conflicts.
mediapipe 0.10.14 requires protobuf<5,>=4.25.3, but you have protobuf 5.27.2 which is incompatible.
olive-ai 0.6.2 requires protobuf<4.0.0, but you have protobuf 5.27.2 which is incompatible.
open-clip-torch 2.20.0 requires protobuf<4, but you have protobuf 5.27.2 which is incompatible.

So... this seems like it has potential to cause some issues. How can it be fixed?

Additional information

This also happens on a fresh venv.

CS1o commented 1 month ago

Hey, please install the Zluda Version of this repo if your GPU is supported. It has less bugs and works much faster. You can find my AMD Zluda and DirectML install Guides here: https://github.com/CS1o/Stable-Diffusion-Info/wiki/Installation-Guides

Also you have outdated extensions: dw-pose -> is not needed anymore as its included in controlnet. depth lib -> shows basicsr error to fix this do this: go into the stable-diffusion-webui folder. There click into the explorer bar (not searchbar) type cmd and hit enter. then you have to run these two commands: venv\Scripts\activate.bat pip install basicsr then relaunch the webui-user.bat

Also your Commandline Args are not that great. Idk what GPU you have or if you only have an igpu but you should definitly checkout my guides for the right Commandline_Args.

And please dont copy the config.json or ui-config.json into the bug report anymore if you open new issues.. Its not needed nor shows it any meaningful information.

mr-september commented 1 month ago

I am using an AMD 5700 GPU. I have tried ZLUDA version before, many attempts, many fixes, getting help along the way on Discord but it was never successful, so I gave up. Has compatibility/install guides improved significantly since like March 2024?

There click into the explorer bar (not searchbar)

That's a really neat trick, thanks!

I've deleted dwpose extension, and installed basicsr. Running A1111 still starts like this:

Python 3.10.11 (tags/v3.10.11:7d4cc5a, Apr  5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)]
Version: v1.10.1-amd-2-g395ce8dc
Commit hash: 395ce8dc2cb01282d48074a89a5e6cb3da4b59ab
Installing requirements
Collecting onnx>=1.14.0
  Using cached onnx-1.16.2-cp310-cp310-win_amd64.whl.metadata (16 kB)
Requirement already satisfied: numpy>=1.20 in e:\stable-diffusion-webui-directml\venv\lib\site-packages (from onnx>=1.14.0) (1.26.2)
Collecting protobuf>=3.20.2 (from onnx>=1.14.0)
  Using cached protobuf-5.27.3-cp310-abi3-win_amd64.whl.metadata (592 bytes)
Using cached onnx-1.16.2-cp310-cp310-win_amd64.whl (14.4 MB)
Using cached protobuf-5.27.3-cp310-abi3-win_amd64.whl (426 kB)
Installing collected packages: protobuf, onnx
  Attempting uninstall: protobuf
    Found existing installation: protobuf 3.20.0
    Uninstalling protobuf-3.20.0:
      Successfully uninstalled protobuf-3.20.0
  Attempting uninstall: onnx
    Found existing installation: onnx 1.12.0
    Uninstalling onnx-1.12.0:
      Successfully uninstalled onnx-1.12.0
Successfully installed onnx-1.16.2 protobuf-5.27.3
Error: (onnx 1.12.0 (e:\stable-diffusion-webui-directml\venv\lib\site-packages), Requirement.parse('onnx>=1.14.0'))

        +---------------------------------+
        --- PLEASE, RESTART the Server! ---
        +---------------------------------+
no module 'xformers'. Processing without...
no module 'xformers'. Processing without...
No module 'xformers'. Proceeding without it.
...

SD still starts and seems to run fun after this.

Also your Commandline Args are not that great. Idk what GPU you have or if you only have an igpu but you should definitly checkout my guides for the right Commandline_Args.

Is there anything I should add or remove? Compared to yours I notice I'm missing --upcast-sampling. It's a hodge podge of args since the early days of SD since things have been so finicky with my GPU.

CS1o commented 1 month ago

This is from the Reactor extension and can be ignored:

Installing requirements
Collecting onnx>=1.14.0
  Using cached onnx-1.16.2-cp310-cp310-win_amd64.whl.metadata (16 kB)
Requirement already satisfied: numpy>=1.20 in e:\stable-diffusion-webui-directml\venv\lib\site-packages (from onnx>=1.14.0) (1.26.2)
Collecting protobuf>=3.20.2 (from onnx>=1.14.0)
  Using cached protobuf-5.27.3-cp310-abi3-win_amd64.whl.metadata (592 bytes)
Using cached onnx-1.16.2-cp310-cp310-win_amd64.whl (14.4 MB)
Using cached protobuf-5.27.3-cp310-abi3-win_amd64.whl (426 kB)
Installing collected packages: protobuf, onnx
  Attempting uninstall: protobuf
    Found existing installation: protobuf 3.20.0
    Uninstalling protobuf-3.20.0:
      Successfully uninstalled protobuf-3.20.0
  Attempting uninstall: onnx
    Found existing installation: onnx 1.12.0
    Uninstalling onnx-1.12.0:
      Successfully uninstalled onnx-1.12.0
Successfully installed onnx-1.16.2 protobuf-5.27.3
Error: (onnx 1.12.0 (e:\stable-diffusion-webui-directml\venv\lib\site-packages), Requirement.parse('onnx>=1.14.0'))

        +---------------------------------+
        --- PLEASE, RESTART the Server! ---
        +---------------------------------+

It tries to install onnxruntime-gpu everytime at launch. Side Information: Reactor inteferers with Controlnet IP-Adapter Face-ID Plus which needs onnxruntime not -gpu

If reactor works for you, everything is fine. If not remove it.

Regarding your launch args i would remove: --skip-version-check --disable-nan-check --sub-quad-kv-chunk-size 512 --sub-quad-q-chunk-size 512 --sub-quad-chunk-threshold 80" And then test again.

mr-september commented 1 month ago

Thanks. In this case I prefer to keep Reactor as it is able to build averaged face models from multiple photos. Since it doesn't seem to affect core A1111 functionality, I will close this issue here.