lshqqytiger / stable-diffusion-webui-amdgpu

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

[Bug]: Very slow when using directml AMD Radeon RX 6800 #477

Open encoded-evolution opened 1 week ago

encoded-evolution commented 1 week ago

Checklist

What happened?

While I was able to install onto Windows 10 / AMD GPU (by following the below video) it is very slow to produce images, ~ 1.5s/it using the default model v1-5-pruned-emaonly.safetensors.

How can I get this to be more performant? The video below, using and older version goes from ~1it/s to 19it/s by enabling onnx. What is the procedure for doing similar on this newest version?

Installed as per this video: https://www.youtube.com/watch?v=mKxt0kxD5C0 but did not apply changes for onnx (those features are now deprecated) Most importantly:

Application functions and is using GPU but is very slow.
image image

System specs: image

Application settings: image

Steps to reproduce the problem

Install the app from scratch and follow the video

What should have happened?

It should be more performant with a 16 GB Radeon 6800

What browsers do you use to access the UI ?

Mozilla Firefox

Sysinfo

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.6", "Version": "v1.9.3-amd-26-g50d3cf78", "Commit": "50d3cf7852cfe07bd562440246202d8925be98a4", "Script path": "C:\Users\[folder]\StableDiffusionAI\stable-diffusion-webui-amdgpu", "Data path": "C:\Users\[folder]\StableDiffusionAI\stable-diffusion-webui-amdgpu", "Extensions dir": "C:\Users\[folder]\StableDiffusionAI\stable-diffusion-webui-amdgpu\extensions", "Checksum": "643cc8f8ddd09f90c2bfac81e3d6a4ce4ca9cf8d8844c548104e0d9a8ef2b2cc", "Commandline": [ "launch.py", "--use-directml" ], "Torch env info": { "torch_version": "2.3.1+cpu", "is_debug_build": "False", "cuda_compiled_version": null, "gcc_version": "(MinGW-W64 x86_64-ucrt-posix-seh, built by Brecht Sanders) 12.2.0\r", "clang_version": "14.0.6", "cmake_version": null, "os": "Microsoft Windows 10 Home", "libc_version": "N/A", "python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.19045-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.0", "onnxruntime-directml==1.18.0", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.3.1", "torch-directml==0.2.2.dev240614", "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=4401", "DeviceID=CPU0", "Family=107", "L2CacheSize=4096", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=4401", "Name=AMD Ryzen 7 5800X 8-Core Processor ", "ProcessorType=3", "Revision=8448" ] }, "Exceptions": [], "CPU": { "model": "AMD64 Family 25 Model 33 Stepping 0, AuthenticAMD", "count logical": 16, "count physical": 8 }, "RAM": { "total": "128GB", "used": "24GB", "free": "104GB" }, "GPU": { "model": "AMD Radeon RX 6800", "total_memory": 1509261312 }, "Extensions": [], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": "--use-directml", "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, "sd_model_checkpoint": "v1-5-pruned-emaonly.safetensors [6ce0161689]", "sd_checkpoint_hash": "6ce0161689b3853acaa03779ec93eafe75a02f4ced659bee03f50797806fa2fa" }, "Startup": { "total": 11.81886911392212, "records": { "initial startup": 0.027023792266845703, "prepare environment/checks": 0.04403877258300781, "prepare environment/git version info": 0.12510991096496582, "prepare environment/clone repositores": 0.2562258243560791, "prepare environment/run extensions installers": 0.004002571105957031, "prepare environment": 16.147207736968994, "launcher": 0.0010008811950683594, "import torch": 0.0, "import gradio": 0.0010008811950683594, "setup paths": 0.0, "import ldm": 0.0030031204223632812, "import sgm": 0.0, "initialize shared": 1.5313475131988525, "other imports": 0.0590512752532959, "opts onchange": 0.0, "setup SD model": 0.0, "setup codeformer": 0.0020020008087158203, "setup gfpgan": 0.01501321792602539, "set samplers": 0.0, "list extensions": 0.0030024051666259766, "restore config state file": 0.0, "list SD models": 0.03149867057800293, "list localizations": 0.0010008811950683594, "load scripts/custom_code.py": 0.006005525588989258, "load scripts/img2imgalt.py": 0.001001119613647461, "load scripts/loopback.py": 0.0, "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.0010004043579101562, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0010004043579101562, "load scripts/sd_upscale.py": 0.0, "load scripts/xyz_grid.py": 0.002002239227294922, "load scripts/ldsr_model.py": 0.5134520530700684, "load scripts/lora_script.py": 0.1401228904724121, "load scripts/scunet_model.py": 0.023020267486572266, "load scripts/swinir_model.py": 0.01801609992980957, "load scripts/hotkey_config.py": 0.002001523971557617, "load scripts/extra_options_section.py": 0.002002239227294922, "load scripts/hypertile_script.py": 0.050043582916259766, "load scripts/hypertile_xyz.py": 0.0, "load scripts/postprocessing_autosized_crop.py": 0.0020024776458740234, "load scripts/postprocessing_caption.py": 0.002001047134399414, "load scripts/postprocessing_create_flipped_copies.py": 0.0010013580322265625, "load scripts/postprocessing_focal_crop.py": 0.05704951286315918, "load scripts/postprocessing_split_oversized.py": 0.0010013580322265625, "load scripts/soft_inpainting.py": 0.002001523971557617, "load scripts/comments.py": 0.022019386291503906, "load scripts/refiner.py": 0.0020020008087158203, "load scripts/sampler.py": 0.0010008811950683594, "load scripts/seed.py": 0.002001523971557617, "load scripts": 0.852750301361084, "load upscalers": 0.007006168365478516, "refresh VAE": 0.0020017623901367188, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.0020017623901367188, "scripts list_unets": 0.0, "reload hypernetworks": 0.0010006427764892578, "initialize extra networks": 0.018016576766967773, "scripts before_ui_callback": 0.0020012855529785156, "create ui": 0.3503081798553467, "gradio launch": 0.6355588436126709, "add APIs": 0.0070056915283203125, "app_started_callback/lora_script.py": 0.0, "app_started_callback": 0.0 } }, "Packages": [ "accelerate==0.21.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.9.5", "aiosignal==1.3.1", "alembic==1.13.1", "altair==5.3.0", "annotated-types==0.7.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.2.0", "blendmodes==2022", "certifi==2024.6.2", "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.1", "cycler==0.12.1", "datasets==2.14.4", "deprecation==2.1.0", "diffusers==0.29.0", "dill==0.3.7", "diskcache==5.6.3", "dnspython==2.6.1", "einops==0.4.1", "email-validator==2.2.0", "exceptiongroup==1.2.1", "facexlib==0.3.0", "fastapi-cli==0.0.4", "fastapi==0.94.0", "ffmpy==0.3.2", "filelock==3.15.3", "filterpy==1.4.5", "flatbuffers==24.3.25", "fonttools==4.53.0", "frozenlist==1.4.1", "fsspec==2024.6.0", "ftfy==6.2.0", "gitdb==4.0.11", "gitpython==3.1.32", "gradio-client==0.5.0", "gradio==3.41.2", "greenlet==3.0.3", "h11==0.12.0", "httpcore==0.15.0", "httptools==0.6.1", "httpx==0.24.1", "huggingface-hub==0.23.4", "humanfriendly==10.0", "idna==3.7", "imageio==2.34.1", "importlib-metadata==7.2.0", "importlib-resources==6.4.0", "inflection==0.5.1", "intel-openmp==2021.4.0", "jinja2==3.1.4", "jsonmerge==1.8.0", "jsonschema-specifications==2023.12.1", "jsonschema==4.22.0", "kiwisolver==1.4.5", "kornia-rs==0.1.3", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.4", "lightning-utilities==0.11.2", "llvmlite==0.43.0", "mako==1.3.5", "markdown-it-py==3.0.0", "markupsafe==2.1.5", "matplotlib==3.9.0", "mdurl==0.1.2", "mkl==2021.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-directml==1.18.0", "onnxruntime==1.18.0", "open-clip-torch==2.20.0", "opencv-python==4.10.0.84", "optimum==1.20.0", "optuna==3.6.1", "orjson==3.10.5", "packaging==24.1", "pandas==2.2.2", "piexif==1.1.3", "pillow-avif-plugin==1.4.3", "pillow==9.5.0", "pip==22.2.1", "protobuf==3.20.3", "psutil==5.9.5", "pyarrow==16.1.0", "pydantic-core==2.18.4", "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-dotenv==1.0.1", "python-multipart==0.0.9", "pytorch-lightning==1.9.4", "pytz==2024.1", "pywavelets==1.6.0", "pyyaml==6.0.1", "referencing==0.35.1", "regex==2024.5.15", "requests==2.32.3", "resize-right==0.0.2", "rich==13.7.1", "rpds-py==0.18.1", "safetensors==0.4.2", "scikit-image==0.21.0", "scipy==1.13.1", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==69.5.1", "shellingham==1.5.4", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.1", "spandrel==0.1.6", "sqlalchemy==2.0.31", "starlette==0.26.1", "sympy==1.12.1", "tbb==2021.13.0", "tifffile==2024.6.18", "timm==1.0.7", "tokenizers==0.13.3", "tomesd==0.1.3", "toolz==0.12.1", "torch-directml==0.2.2.dev240614", "torch==2.3.1", "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", "typer==0.12.3", "typing-extensions==4.12.2", "tzdata==2024.1", "ujson==5.10.0", "urllib3==2.2.2", "uvicorn==0.30.1", "watchfiles==0.22.0", "wcwidth==0.2.13", "websockets==11.0.3", "xxhash==3.4.1", "yarl==1.9.4", "zipp==3.19.2" ] }

Console logs

Could not capture the console logs

Additional information

GPU driver has been updated recently to v24.4.1

encoded-evolution commented 1 week ago

update: I followed the instructions on this page: https://github.com/lshqqytiger/stable-diffusion-webui-amdgpu/discussions/149 Including the extra instructions section. During the update, there were no errors.

When trying to run the model I get the following error: TypeError: 'OnnxRawPipeline' object is not callable

image

image

sysinfo: { "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.6", "Version": "v1.9.3-amd-26-g50d3cf78", "Commit": "50d3cf7852cfe07bd562440246202d8925be98a4", "Script path": "C:\Users\folde\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy", "Data path": "C:\Users\folde\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy", "Extensions dir": "C:\Users\folde\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\extensions", "Checksum": "b16228d1963ee180c70e645d806b88ef6ec279aaf6cbe6907bc2ac325f7d7840", "Commandline": [ "launch.py", "--use-cpu-torch" ], "Torch env info": { "torch_version": "2.3.1+cpu", "is_debug_build": "False", "cuda_compiled_version": null, "gcc_version": "(MinGW-W64 x86_64-ucrt-posix-seh, built by Brecht Sanders) 12.2.0\r", "clang_version": "14.0.6", "cmake_version": null, "os": "Microsoft Windows 10 Home", "libc_version": "N/A", "python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.19045-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.0", "onnxruntime-directml==1.18.0", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.3.1", "torch-directml==0.2.2.dev240614", "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=4401", "DeviceID=CPU0", "Family=107", "L2CacheSize=4096", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=4401", "Name=AMD Ryzen 7 5800X 8-Core Processor ", "ProcessorType=3", "Revision=8448" ] }, "Exceptions": [], "CPU": { "model": "AMD64 Family 25 Model 33 Stepping 0, AuthenticAMD", "count logical": 16, "count physical": 8 }, "RAM": { "total": "128GB", "used": "39GB", "free": "89GB" }, "GPU": "DirectML is not initialized", "Extensions": [], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": " --use-cpu-torch", "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, "sd_model_checkpoint": "sd_xl_base_1.0.safetensors [31e35c80fc]", "sd_checkpoint_hash": "25e5652f08e509255743464cbda574615238871f68ca2a291f091dd927694d7d", "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", "onnx_cached_models_path": "C:\Users\folde\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\models\ONNX\cache", "onnx_temp_dir": "C:\Users\folde\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\models\ONNX\temp", "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, "refiner_switch_by_sample_steps": 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_style": "Dirs", "extra_networks_tree_view_default_enabled": true, "extra_networks_tree_view_default_width": 180.0, "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, "onnx_enable": true, "diffusers_pipeline": "ONNX Stable Diffusion", "diffusers_vae_upcast": "default", "onnx_execution_provider": "DmlExecutionProvider", "onnx_cache_converted": true, "olive_enable": true, "olive_submodels": [ "Text Encoder", "Model", "VAE" ], "olive_float16": true, "olive_vae_encoder_float32": true, "olive_static_dims": true, "olive_cache_optimized": true, "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, "directml_memory_provider": "Performance Counter", "hide_samplers": [], "eta_ddim": 0, "eta_ancestral": 1, "ddim_discretize": "uniform", "s_churn": 0, "s_tmin": 0, "s_tmax": 0, "s_noise": 1, "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, "enable_reloading_ui_scripts": false, "api_enable_requests": true, "api_forbid_local_requests": true, "api_useragent": "", "prioritized_callbacks_app_started": [], "prioritized_callbacks_model_loaded": [], "prioritized_callbacks_ui_settings": [], "prioritized_callbacks_infotext_pasted": [], "prioritized_callbacks_script_unloaded": [], "prioritized_callbacks_before_ui": [], "prioritized_callbacks_list_optimizers": [], "prioritized_callbacks_before_token_counter": [], "prioritized_callbacks_script_before_process": [], "prioritized_callbacks_script_process": [], "prioritized_callbacks_script_post_sample": [], "prioritized_callbacks_script_on_mask_blend": [], "prioritized_callbacks_script_postprocess_maskoverlay": [], "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_disable_in_extras": [], "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, "set_scale_by_when_changing_upscaler": 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.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": "" }, "Startup": { "total": 12.06385850906372, "records": { "initial startup": 0.029025793075561523, "prepare environment/checks": 0.07306456565856934, "prepare environment/git version info": 0.12511038780212402, "prepare environment/clone repositores": 0.258228063583374, "prepare environment/run extensions installers": 0.0, "prepare environment": 17.38118004798889, "launcher": 0.002001047134399414, "import torch": 0.0, "import gradio": 0.0, "setup paths": 0.0010008811950683594, "import ldm": 0.004004001617431641, "import sgm": 0.0, "initialize shared": 1.1730372905731201, "other imports": 0.064056396484375, "opts onchange": 0.0, "setup SD model": 0.0010006427764892578, "setup codeformer": 0.0010008811950683594, "setup gfpgan": 0.01801609992980957, "set samplers": 0.0, "list extensions": 0.0030028820037841797, "restore config state file": 0.0, "list SD models": 0.03581881523132324, "list localizations": 0.0010008811950683594, "load scripts/custom_code.py": 0.006005287170410156, "load scripts/img2imgalt.py": 0.0010013580322265625, "load scripts/loopback.py": 0.0, "load scripts/outpainting_mk_2.py": 0.0010006427764892578, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.0010006427764892578, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0010008811950683594, "load scripts/sd_upscale.py": 0.0, "load scripts/xyz_grid.py": 0.002002239227294922, "load scripts/ldsr_model.py": 0.5154569149017334, "load scripts/lora_script.py": 0.15914011001586914, "load scripts/scunet_model.py": 0.029026269912719727, "load scripts/swinir_model.py": 0.02502131462097168, "load scripts/hotkey_config.py": 0.001001119613647461, "load scripts/extra_options_section.py": 0.0, "load scripts/hypertile_script.py": 0.058051109313964844, "load scripts/hypertile_xyz.py": 0.0010008811950683594, "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.0030028820037841797, "load scripts/postprocessing_split_oversized.py": 0.0, "load scripts/soft_inpainting.py": 0.0010006427764892578, "load scripts/comments.py": 0.026022911071777344, "load scripts/refiner.py": 0.0010013580322265625, "load scripts/sampler.py": 0.0, "load scripts/seed.py": 0.0010006427764892578, "load scripts": 0.8337380886077881, "load upscalers": 0.004003286361694336, "refresh VAE": 0.0020024776458740234, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.002001047134399414, "scripts list_unets": 0.0, "reload hypernetworks": 0.001001119613647461, "initialize extra networks": 0.01701498031616211, "scripts before_ui_callback": 0.0020017623901367188, "create ui": 0.33629703521728516, "gradio launch": 0.6265525817871094, "add APIs": 0.008007526397705078, "app_started_callback/lora_script.py": 0.0010004043579101562, "app_started_callback": 0.0010004043579101562 } }, "Packages": [ "accelerate==0.21.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.9.5", "aiosignal==1.3.1", "alembic==1.13.1", "altair==5.3.0", "annotated-types==0.7.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.2.0", "blendmodes==2022", "certifi==2024.6.2", "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.1", "cycler==0.12.1", "datasets==2.14.4", "deprecation==2.1.0", "diffusers==0.29.0", "dill==0.3.7", "diskcache==5.6.3", "dnspython==2.6.1", "einops==0.4.1", "email-validator==2.2.0", "exceptiongroup==1.2.1", "facexlib==0.3.0", "fastapi-cli==0.0.4", "fastapi==0.94.0", "ffmpy==0.3.2", "filelock==3.15.3", "filterpy==1.4.5", "flatbuffers==24.3.25", "fonttools==4.53.0", "frozenlist==1.4.1", "fsspec==2024.6.0", "ftfy==6.2.0", "gitdb==4.0.11", "gitpython==3.1.32", "gradio-client==0.5.0", "gradio==3.41.2", "greenlet==3.0.3", "h11==0.12.0", "httpcore==0.15.0", "httptools==0.6.1", "httpx==0.24.1", "huggingface-hub==0.23.4", "humanfriendly==10.0", "idna==3.7", "imageio==2.34.1", "importlib-metadata==7.2.0", "importlib-resources==6.4.0", "inflection==0.5.1", "intel-openmp==2021.4.0", "jinja2==3.1.4", "jsonmerge==1.8.0", "jsonschema-specifications==2023.12.1", "jsonschema==4.22.0", "kiwisolver==1.4.5", "kornia-rs==0.1.3", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.4", "lightning-utilities==0.11.2", "llvmlite==0.43.0", "mako==1.3.5", "markdown-it-py==3.0.0", "markupsafe==2.1.5", "matplotlib==3.9.0", "mdurl==0.1.2", "mkl==2021.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-directml==1.18.0", "onnxruntime==1.18.0", "open-clip-torch==2.20.0", "opencv-python==4.10.0.84", "optimum==1.20.0", "optuna==3.6.1", "orjson==3.10.5", "packaging==24.1", "pandas==2.2.2", "piexif==1.1.3", "pillow-avif-plugin==1.4.3", "pillow==9.5.0", "pip==22.2.1", "protobuf==3.20.3", "psutil==5.9.5", "pyarrow==16.1.0", "pydantic-core==2.18.4", "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-dotenv==1.0.1", "python-multipart==0.0.9", "pytorch-lightning==1.9.4", "pytz==2024.1", "pywavelets==1.6.0", "pyyaml==6.0.1", "referencing==0.35.1", "regex==2024.5.15", "requests==2.32.3", "resize-right==0.0.2", "rich==13.7.1", "rpds-py==0.18.1", "safetensors==0.4.2", "scikit-image==0.21.0", "scipy==1.13.1", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==69.5.1", "shellingham==1.5.4", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.1", "spandrel==0.1.6", "sqlalchemy==2.0.31", "starlette==0.26.1", "sympy==1.12.1", "tbb==2021.13.0", "tifffile==2024.6.18", "timm==1.0.7", "tokenizers==0.13.3", "tomesd==0.1.3", "toolz==0.12.1", "torch-directml==0.2.2.dev240614", "torch==2.3.1", "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", "typer==0.12.3", "typing-extensions==4.12.2", "tzdata==2024.1", "ujson==5.10.0", "urllib3==2.2.2", "uvicorn==0.30.1", "watchfiles==0.22.0", "wcwidth==0.2.13", "websockets==11.0.3", "xxhash==3.4.1", "yarl==1.9.4", "zipp==3.19.2" ] }

cmd trace:

venv "C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\Scripts\Python.exe" Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] Version: v1.9.3-amd-26-g50d3cf78 Commit hash: 50d3cf7852cfe07bd562440246202d8925be98a4 no module 'xformers'. Processing without... no module 'xformers'. Processing without... No module 'xformers'. Proceeding without it. C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\pytorch_lightning\utilities\distributed.py:258: LightningDeprecationWarning: pytorch_lightning.utilities.distributed.rank_zero_only has been deprecated in v1.8.1 and will be removed in v2.0.0. You can import it from pytorch_lightning.utilities instead. rank_zero_deprecation( Launching Web UI with arguments: --use-cpu-torch --no-half Warning: caught exception 'Torch not compiled with CUDA enabled', memory monitor disabled C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\diffusers\models\transformers\transformer_2d.py:34: FutureWarning: Transformer2DModelOutput is deprecated and will be removed in version 1.0.0. Importing Transformer2DModelOutput from diffusers.models.transformer_2d is deprecated and this will be removed in a future version. Please use from diffusers.models.modeling_outputs import Transformer2DModelOutput, instead. deprecate("Transformer2DModelOutput", "1.0.0", deprecation_message) C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\diffusers\models\vq_model.py:20: FutureWarning: VQEncoderOutput is deprecated and will be removed in version 0.31. Importing VQEncoderOutput from diffusers.models.vq_model is deprecated and this will be removed in a future version. Please use from diffusers.models.autoencoders.vq_model import VQEncoderOutput, instead. deprecate("VQEncoderOutput", "0.31", deprecation_message) C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\diffusers\models\vq_model.py:25: FutureWarning: VQModel is deprecated and will be removed in version 0.31. Importing VQModel from diffusers.models.vq_model is deprecated and this will be removed in a future version. Please use from diffusers.models.autoencoders.vq_model import VQModel, instead. deprecate("VQModel", "0.31", deprecation_message) ONNX: version=1.18.0 provider=DmlExecutionProvider, available=['DmlExecutionProvider', 'CPUExecutionProvider'] Running on local URL: http://127.0.0.1:7860

To create a public link, set share=True in launch(). Fetching 17 files: 100%|¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦| 17/17 [00:00<?, ?it/s] Loading pipeline components...: 40%|¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦? | 2/5 [00:00<00:00, 17.68it/s]Startup time: 11.9s (prepare environment: 17.3s, initialize shared: 1.2s, load scripts: 0.7s, create ui: 0.3s, gradio launch: 0.6s). Loading pipeline components...: 100%|¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦| 5/5 [00:02<00:00, 2.50it/s] You have disabled the safety checker for <class 'diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.StableDiffusionPipeline'> by passing safety_checker=None. Ensure that you abide to the conditions of the Stable Diffusion license and do not expose unfiltered results in services or applications open to the public. Both the diffusers team and Hugging Face strongly recommend to keep the safety filter enabled in all public facing circumstances, disabling it only for use-cases that involve analyzing network behavior or auditing its results. For more information, please have a look at https://github.com/huggingface/diffusers/pull/254 . Applying attention optimization: InvokeAI... done. WARNING: ONNX implementation works best with SD.Next. Please consider migrating to SD.Next. C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\transformers\models\clip\modeling_clip.py:684: TracerWarning: torch.tensor results are registered as constants in the trace. You can safely ignore this warning if you use this function to create tensors out of constant variables that would be the same every time you call this function. In any other case, this might cause the trace to be incorrect. mask = torch.full((tgt_len, tgt_len), torch.tensor(torch.finfo(dtype).min, device=device), device=device) C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\transformers\models\clip\modeling_clip.py:284: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs! if attn_weights.size() != (bsz self.num_heads, tgt_len, src_len): C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\transformers\models\clip\modeling_clip.py:292: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs! if causal_attention_mask.size() != (bsz, 1, tgt_len, src_len): C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\venv\lib\site-packages\transformers\models\clip\modeling_clip.py:324: TracerWarning: Converting a tensor to a Python boolean might cause the trace to be incorrect. We can't record the data flow of Python values, so this value will be treated as a constant in the future. This means that the trace might not generalize to other inputs! if attn_output.size() != (bsz self.num_heads, tgt_len, self.head_dim): ONNX: Successfully exported converted model: submodel=text_encoder ONNX: Failed to convert model: model='sd_xl_base_1.0.safetensors', error=load_checkpoint_and_dispatch() got an unexpected keyword argument 'force_hooks' Fetching 17 files: 100%|¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦| 17/17 [00:00<?, ?it/s] Loading pipeline components...: 100%|¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦¦| 5/5 [00:01<00:00, 3.00it/s] You have disabled the safety checker for <class 'diffusers.pipelines.stable_diffusion.pipeline_stable_diffusion.StableDiffusionPipeline'> by passing safety_checker=None. Ensure that you abide to the conditions of the Stable Diffusion license and do not expose unfiltered results in services or applications open to the public. Both the diffusers team and Hugging Face strongly recommend to keep the safety filter enabled in all public facing circumstances, disabling it only for use-cases that involve analyzing network behavior or auditing its results. For more information, please have a look at https://github.com/huggingface/diffusers/pull/254 . ONNX: processing=StableDiffusionProcessingTxt2Img, pipeline=OnnxRawPipeline Error completing request Arguments: ('task(x5rgyrnfbkv3jig)', <gradio.routes.Request object at 0x0000024667441F90>, 'beach ball', '', [], 1, 1, 7, 512, 512, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', 'Use same scheduler', '', '', [], 0, 20, 'PNDM', 'Automatic', False, '', 0.8, -1, False, -1, 0, 0, 0, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {} Traceback (most recent call last): File "C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\modules\call_queue.py", line 57, in f res = list(func(*args, *kwargs)) File "C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\modules\call_queue.py", line 36, in f res = func(args, kwargs) File "C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\modules\txt2img.py", line 109, in txt2img processed = processing.process_images(p) File "C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\modules\processing.py", line 847, in process_images res = process_images_inner(p) File "C:\Users[userfolder]\StableDiffusionAI\stable-diffusion-webui-amdgpu - Copy\modules\processing.py", line 952, in process_images_inner result = shared.sd_model(kwargs) TypeError: 'OnnxRawPipeline' object is not callable

CS1o commented 1 week ago

Hey the best way currently for AMD Users on Windows is to run Stable Diffusion via ZLUDA. WSL2 ROCm is currently in Beta testing but looks very promissing too.

ZLUDA has the best performance and compatibility and uses less vram compared to DirectML and Onnx. And your RX6800 is supported by it.

Here are all my AMD Guides, try the Automatic1111 with ZLUDA: https://github.com/CS1o/Stable-Diffusion-Info/wiki/Installation-Guides

lshqqytiger commented 5 days ago

DirectML has bad performance. Please try ZLUDA if possible. Your card is supported.