[X] I have searched the existing issues and checked the recent builds/commits
What happened?
First off, I'm not sure if this is a packaging problem or an issue with the commits within this repo. I'm not even sure if the maintainers of this project want this implementation of stable diffusion/webui used this way. I do know that I've had issues using the intel repo.
I previously made a tutorial on youtube for setting up this project on one's machine, and I want to make an updated version where I can show people how to rely on their given distros own package repo instead of the out of tree Intel repo, which is rigid and decreases a given users' choice.
I have been testing setting up this project on a machine using Ubuntu's Universe repo successfully since the release of Ubuntu 24.04. Recently, however, while testing the package set, I can't get this implementation of stable-diffusion-webui working with my Arc A770 using the distros community packaging.
Steps to reproduce the problem
Here are the packages I'm using from the Ubuntu Universe repo:
I use pyenv for a global python 3.10.6 environment on my machine
I install two torch packages and set python environmental variables as seen in a solution to a previous solution to get things working:
export USE_OPENVINO=1pip install torch==2.1.0 torchvision==0.16.0
Is there an existing issue for this?
What happened?
First off, I'm not sure if this is a packaging problem or an issue with the commits within this repo. I'm not even sure if the maintainers of this project want this implementation of stable diffusion/webui used this way. I do know that I've had issues using the intel repo.
I previously made a tutorial on youtube for setting up this project on one's machine, and I want to make an updated version where I can show people how to rely on their given distros own package repo instead of the out of tree Intel repo, which is rigid and decreases a given users' choice.
I have been testing setting up this project on a machine using Ubuntu's Universe repo successfully since the release of Ubuntu 24.04. Recently, however, while testing the package set, I can't get this implementation of stable-diffusion-webui working with my Arc A770 using the distros community packaging.
Steps to reproduce the problem
libze-intel-gpu1 libze1 libigdgmm12 libvpl2 libmfx-gen1.2 libva-dev intel-opencl-icd
export USE_OPENVINO=1
pip install torch==2.1.0 torchvision==0.16.0
What should have happened?
An image should've been generated
Sysinfo
{ "Platform": "Linux-6.8.0-39-generic-x86_64-with-glibc2.39", "Python": "3.10.6", "Version": "1.6.0", "Commit": "e5a634da06c62d72dbdc764b16c65ef3408aa588", "Script path": "/home/cbytes/stable-diffusion-webui", "Data path": "/home/cbytes/stable-diffusion-webui", "Extensions dir": "/home/cbytes/stable-diffusion-webui/extensions", "Checksum": "dd70d7f5d23315183a646fdd018c52ce762a9254bf102b80263f6a1eba5d872e", "Commandline": [ "launch.py", "--skip-torch-cuda-test", "--precision", "full", "--no-half" ], "Torch env info": { "torch_version": "2.1.0+cu121", "is_debug_build": "False", "cuda_compiled_version": "12.1", "gcc_version": "(Ubuntu 13.2.0-23ubuntu4) 13.2.0", "clang_version": null, "cmake_version": null, "os": "Ubuntu 24.04 LTS (x86_64)", "libc_version": "glibc-2.39", "python_version": "3.10.6 (main, Jul 28 2024, 15:04:57) [GCC 13.2.0] (64-bit runtime)", "python_platform": "Linux-6.8.0-39-generic-x86_64-with-glibc2.39", "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.23.5", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.1.0", "torchdiffeq==0.2.3", "torchmetrics==1.4.0.post0", "torchsde==0.2.5", "torchvision==0.16.0", "triton==2.1.0" ], "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: x86_64", "CPU op-mode(s): 32-bit, 64-bit", "Address sizes: 46 bits physical, 48 bits virtual", "Byte Order: Little Endian", "CPU(s): 20", "On-line CPU(s) list: 0-19", "Vendor ID: GenuineIntel", "Model name: 13th Gen Intel(R) Core(TM) i5-13500", "CPU family: 6", "Model: 191", "Thread(s) per core: 2", "Core(s) per socket: 14", "Socket(s): 1", "Stepping: 2", "CPU(s) scaling MHz: 89%", "CPU max MHz: 4800.0000", "CPU min MHz: 800.0000", "BogoMIPS: 4992.00", "Flags: fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush dts acpi mmx fxsr sse sse2 ss ht tm pbe syscall nx pdpe1gb rdtscp lm constant_tsc art arch_perfmon pebs bts rep_good nopl xtopology nonstop_tsc cpuid aperfmperf tsc_known_freq pni pclmulqdq dtes64 monitor ds_cpl vmx smx est tm2 ssse3 sdbg fma cx16 xtpr pdcm sse4_1 sse4_2 x2apic movbe popcnt tsc_deadline_timer aes xsave avx f16c rdrand lahf_lm abm 3dnowprefetch cpuid_fault epb ssbd ibrs ibpb stibp ibrs_enhanced tpr_shadow flexpriority ept vpid ept_ad fsgsbase tsc_adjust bmi1 avx2 smep bmi2 erms invpcid rdseed adx smap clflushopt clwb intel_pt sha_ni xsaveopt xsavec xgetbv1 xsaves split_lock_detect user_shstk avx_vnni dtherm ida arat pln pts hwp hwp_notify hwp_act_window hwp_epp hwp_pkg_req hfi vnmi umip pku ospke waitpkg gfni vaes vpclmulqdq tme rdpid movdiri movdir64b fsrm md_clear serialize pconfig arch_lbr ibt flush_l1d arch_capabilities", "Virtualization: VT-x", "L1d cache: 544 KiB (14 instances)", "L1i cache: 704 KiB (14 instances)", "L2 cache: 11.5 MiB (8 instances)", "L3 cache: 24 MiB (1 instance)", "NUMA node(s): 1", "NUMA node0 CPU(s): 0-19", "Vulnerability Gather data sampling: Not affected", "Vulnerability Itlb multihit: Not affected", "Vulnerability L1tf: Not affected", "Vulnerability Mds: Not affected", "Vulnerability Meltdown: Not affected", "Vulnerability Mmio stale data: Not affected", "Vulnerability Reg file data sampling: Mitigation; Clear Register File", "Vulnerability Retbleed: Not affected", "Vulnerability Spec rstack overflow: Not affected", "Vulnerability Spec store bypass: Mitigation; Speculative Store Bypass disabled via prctl", "Vulnerability Spectre v1: Mitigation; usercopy/swapgs barriers and __user pointer sanitization", "Vulnerability Spectre v2: Mitigation; Enhanced / Automatic IBRS; IBPB conditional; RSB filling; PBRSB-eIBRS SW sequence; BHI BHI_DIS_S", "Vulnerability Srbds: Not affected", "Vulnerability Tsx async abort: Not affected" ] }, "Exceptions": [], "CPU": { "model": "x86_64", "count logical": 20, "count physical": 14 }, "RAM": { "total": "31GB", "used": "11GB", "free": "692MB", "active": "13GB", "inactive": "15GB", "buffers": "162MB", "cached": "19GB", "shared": "2GB" }, "Extensions": [], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": "--skip-torch-cuda-test --precision full --no-half", "GIT": "git", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "grid_save": true, "grid_format": "png", "grid_extended_filename": false, "grid_only_if_multiple": true, "grid_prevent_empty_spots": false, "grid_zip_filename_pattern": "", "n_rows": -1, "font": "", "grid_text_active_color": "#000000", "grid_text_inactive_color": "#999999", "grid_background_color": "#ffffff", "enable_pnginfo": true, "save_txt": false, "save_images_before_face_restoration": false, "save_images_before_highres_fix": false, "save_images_before_color_correction": false, "save_mask": false, "save_mask_composite": false, "jpeg_quality": 80, "webp_lossless": false, "export_for_4chan": true, "img_downscale_threshold": 4.0, "target_side_length": 4000, "img_max_size_mp": 200, "use_original_name_batch": true, "use_upscaler_name_as_suffix": false, "save_selected_only": true, "save_init_img": false, "temp_dir": "", "clean_temp_dir_at_start": false, "save_incomplete_images": false, "outdir_samples": "", "outdir_txt2img_samples": "outputs/txt2img-images", "outdir_img2img_samples": "outputs/img2img-images", "outdir_extras_samples": "outputs/extras-images", "outdir_grids": "", "outdir_txt2img_grids": "outputs/txt2img-grids", "outdir_img2img_grids": "outputs/img2img-grids", "outdir_save": "log/images", "outdir_init_images": "outputs/init-images", "save_to_dirs": true, "grid_save_to_dirs": true, "use_save_to_dirs_for_ui": false, "directories_filename_pattern": "[date]", "directories_max_prompt_words": 8, "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "upscaler_for_img2img": null, "face_restoration": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "auto_launch_browser": "Local", "show_warnings": false, "show_gradio_deprecation_warnings": true, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": false, "list_hidden_files": true, "disable_mmap_load_safetensors": false, "hide_ldm_prints": true, "api_enable_requests": true, "api_forbid_local_requests": true, "api_useragent": "", "unload_models_when_training": false, "pin_memory": false, "save_optimizer_state": false, "save_training_settings_to_txt": true, "dataset_filename_word_regex": "", "dataset_filename_join_string": " ", "training_image_repeats_per_epoch": 1, "training_write_csv_every": 500, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "sd_model_checkpoint": "v1-5-pruned-emaonly.safetensors [6ce0161689]", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": true, "sd_checkpoint_cache": 0, "sd_unet": "Automatic", "enable_quantization": false, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 1, "upcast_attn": false, "randn_source": "GPU", "tiling": false, "hires_fix_refiner_pass": "second pass", "sdxl_crop_top": 0, "sdxl_crop_left": 0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "sd_vae_explanation": "VAE is a neural network that transforms a standard RGB\nimage into latent space representation and back. Latent space representation is what stable diffusion is working on during sampling\n(i.e. when the progress bar is between empty and full). For txt2img, VAE is used to create a resulting image after the sampling is finished.\nFor img2img, VAE is used to process user's input image before the sampling, and to create an image after sampling.", "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_vae_overrides_per_model_preferences": true, "auto_vae_precision": true, "sd_vae_encode_method": "Full", "sd_vae_decode_method": "Full", "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_extra_noise": 0.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "img2img_editor_height": 720, "img2img_sketch_default_brush_color": "#ffffff", "img2img_inpaint_mask_brush_color": "#ffffff", "img2img_inpaint_sketch_default_brush_color": "#ffffff", "return_mask": false, "return_mask_composite": false, "cross_attention_optimization": "Automatic", "s_min_uncond": 0.0, "token_merging_ratio": 0.0, "token_merging_ratio_img2img": 0.0, "token_merging_ratio_hr": 0.0, "pad_cond_uncond": false, "persistent_cond_cache": true, "batch_cond_uncond": true, "use_old_emphasis_implementation": false, "use_old_karras_scheduler_sigmas": false, "no_dpmpp_sde_batch_determinism": false, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "hires_fix_use_firstpass_conds": false, "use_old_scheduling": false, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": false, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 24, "interrogate_clip_max_length": 48, "interrogate_clip_dict_limit": 1500, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "extra_networks_hidden_models": "When searched", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_card_text_scale": 1.0, "extra_networks_card_show_desc": true, "extra_networks_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "sd_hypernetwork": "None", "localization": "None", "gradio_theme": "Default", "gradio_themes_cache": true, "gallery_height": "", "return_grid": true, "do_not_show_images": false, "send_seed": true, "send_size": true, "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "keyedit_move": true, "quicksettings_list": [ "sd_model_checkpoint" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "disable_token_counters": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "add_user_name_to_info": false, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "infotext_styles": "Apply if any", "show_progressbar": true, "live_previews_enable": true, "live_previews_image_format": "png", "show_progress_grid": true, "show_progress_every_n_steps": 10, "show_progress_type": "Approx NN", "live_preview_allow_lowvram_full": false, "live_preview_content": "Prompt", "live_preview_refresh_period": 1000, "live_preview_fast_interrupt": false, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_tmax": 0.0, "s_noise": 1.0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "sgm_noise_multiplier": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "6ce0161689b3853acaa03779ec93eafe75a02f4ced659bee03f50797806fa2fa" }, "Startup": { "total": 200.83497619628906, "records": { "initial startup": 0.0005218982696533203, "prepare environment/checks": 3.4809112548828125e-05, "prepare environment/git version info": 0.020649194717407227, "prepare environment/torch GPU test": 0.0002465248107910156, "prepare environment/install clip": 2.5844125747680664, "prepare environment/install open_clip": 2.9943785667419434, "prepare environment/clone repositores": 10.378005027770996, "prepare environment/install CodeFormer requirements": 13.429887056350708, "prepare environment/install requirements": 37.31648254394531, "prepare environment/run extensions installers": 0.0002148151397705078, "prepare environment": 66.7242341041565, "launcher": 0.002456188201904297, "import torch": 2.137085437774658, "import gradio": 0.3798666000366211, "setup paths": 0.48389291763305664, "import ldm": 0.014213800430297852, "import sgm": 4.291534423828125e-06, "initialize shared": 0.06824350357055664, "other imports": 0.3831806182861328, "opts onchange": 0.0002167224884033203, "setup SD model": 0.0001671314239501953, "setup codeformer": 0.07090258598327637, "setup gfpgan": 0.0052187442779541016, "set samplers": 2.574920654296875e-05, "list extensions": 5.936622619628906e-05, "restore config state file": 4.0531158447265625e-06, "list SD models": 128.96429705619812, "list localizations": 0.0003631114959716797, "load scripts/custom_code.py": 0.0033028125762939453, "load scripts/img2imgalt.py": 0.0035851001739501953, "load scripts/loopback.py": 0.0014255046844482422, "load scripts/openvino_accelerate.py": 0.40271496772766113, "load scripts/outpainting_mk_2.py": 0.0018303394317626953, "load scripts/poor_mans_outpainting.py": 0.001341104507446289, "load scripts/postprocessing_codeformer.py": 0.0003085136413574219, "load scripts/postprocessing_gfpgan.py": 0.0002472400665283203, "load scripts/postprocessing_upscale.py": 0.0009171962738037109, "load scripts/prompt_matrix.py": 0.0007195472717285156, "load scripts/prompts_from_file.py": 0.0007793903350830078, "load scripts/refiner.py": 0.00040078163146972656, "load scripts/sd_upscale.py": 0.0005879402160644531, "load scripts/seed.py": 0.0007269382476806641, "load scripts/xyz_grid.py": 0.005190610885620117, "load scripts/ldsr_model.py": 0.14153361320495605, "load scripts/lora_script.py": 0.08150315284729004, "load scripts/scunet_model.py": 0.015288352966308594, "load scripts/swinir_model.py": 0.020788192749023438, "load scripts/hotkey_config.py": 0.00030350685119628906, "load scripts/extra_options_section.py": 0.0005671977996826172, "load scripts": 0.6840929985046387, "load upscalers": 0.0056645870208740234, "refresh VAE": 0.0004928112030029297, "refresh textual inversion templates": 2.6941299438476562e-05, "scripts list_optimizers": 0.00016045570373535156, "scripts list_unets": 5.9604644775390625e-06, "reload hypernetworks": 0.0003151893615722656, "initialize extra networks": 0.002031564712524414, "scripts before_ui_callback": 4.673004150390625e-05, "create ui": 0.719141960144043, "gradio launch": 0.18373656272888184, "add APIs": 0.004130840301513672, "app_started_callback/lora_script.py": 0.0002033710479736328, "app_started_callback": 0.00020384788513183594 } }, "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", "altair==5.3.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.2.0", "basicsr==1.4.2", "beautifulsoup4==4.12.3", "blendmodes==2023", "boltons==24.0.0", "certifi==2024.7.4", "charset-normalizer==3.3.2", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "contourpy==1.2.1", "cycler==0.12.1", "deprecation==2.1.0", "diffusers==0.23.0", "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", "fonttools==4.53.1", "frozenlist==1.4.1", "fsspec==2024.6.1", "ftfy==6.2.0", "future==1.0.0", "gdown==5.2.0", "gfpgan==1.3.8", "gitdb==4.0.11", "gitpython==3.1.37", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.65.1", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.24.2", "idna==3.7", "imageio==2.34.2", "importlib-metadata==8.2.0", "importlib-resources==6.4.0", "inflection==0.5.1", "invisible-watermark==0.2.0", "jinja2==3.1.4", "jsonmerge==1.8.0", "jsonschema-specifications==2023.12.1", "jsonschema==4.23.0", "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", "lmdb==1.5.1", "lpips==0.1.4", "markdown==3.6", "markupsafe==2.1.5", "matplotlib==3.9.1", "mpmath==1.3.0", "multidict==6.0.5", "networkx==3.3", "numba==0.60.0", "numpy==1.23.5", "nvidia-cublas-cu12==12.1.3.1", "nvidia-cuda-cupti-cu12==12.1.105", "nvidia-cuda-nvrtc-cu12==12.1.105", "nvidia-cuda-runtime-cu12==12.1.105", "nvidia-cudnn-cu12==8.9.2.26", "nvidia-cufft-cu12==11.0.2.54", "nvidia-curand-cu12==10.3.2.106", "nvidia-cusolver-cu12==11.4.5.107", "nvidia-cusparse-cu12==12.1.0.106", "nvidia-nccl-cu12==2.18.1", "nvidia-nvjitlink-cu12==12.5.82", "nvidia-nvtx-cu12==12.1.105", "omegaconf==2.2.3", "open-clip-torch==2.20.0", "opencv-python==4.10.0.84", "openvino-telemetry==2024.1.0", "openvino==2023.2.0", "orjson==3.10.6", "packaging==24.1", "pandas==2.2.2", "piexif==1.1.3", "pillow==10.0.1", "pip==22.2.1", "platformdirs==4.2.2", "protobuf==3.20.0", "psutil==5.9.5", "pydantic==1.10.17", "pydub==0.25.1", "pyparsing==3.1.2", "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.6.0", "pyyaml==6.0.1", "realesrgan==0.3.0", "referencing==0.35.1", "regex==2024.7.24", "requests==2.32.3", "resize-right==0.0.2", "rpds-py==0.19.1", "safetensors==0.3.1", "scikit-image==0.21.0", "scipy==1.14.0", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==63.2.0", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.1", "soupsieve==2.5", "starlette==0.26.1", "sympy==1.13.1", "tb-nightly==2.18.0a20240728", "tensorboard-data-server==0.7.2", "tifffile==2024.7.24", "timm==0.9.2", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.1", "torch==2.1.0", "torchdiffeq==0.2.3", "torchmetrics==1.4.0.post0", "torchsde==0.2.5", "torchvision==0.16.0", "tqdm==4.66.4", "trampoline==0.1.2", "transformers==4.30.2", "triton==2.1.0", "typing-extensions==4.12.2", "tzdata==2024.1", "urllib3==2.2.2", "uvicorn==0.30.3", "wcwidth==0.2.13", "websockets==11.0.3", "werkzeug==3.0.3", "yapf==0.40.2", "yarl==1.9.4", "zipp==3.19.2" ] }
What browsers do you use to access the UI ?
Mozilla Firefox
Console logs
Additional information
So the end result right now is that the implementation doesn't generate an image with my gpu, it just hangs when its supposed to do that.