AUTOMATIC1111 / stable-diffusion-webui

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

[Bug]: Torch is not able to use GPU #15777

Closed Adastra11 closed 1 month ago

Adastra11 commented 1 month ago

Checklist

What happened?

Webui isn't working after I installed a model and related extension. Model : reffusion (https://theally.notion.site/Quick-n-Dirty-Riffusion-txt2audio-Tutorial-18e57df9ef214c3280efc5998bbf774d) Extension : https://github.com/enlyth/sd-webui-riffusion

my cmd showing 'RuntimeError: Torch is not able to use GPU; add --skip-torch-cuda-test to COMMANDLINE_ARGS variable to disable this check'

After I add '--skip-torch-cuda-test' in variable, generating image took forever. I guess WebUI is not using GPU.

I already updated latest CUDA and cuDNN after this issue occurred, but still it isn't work.

Steps to reproduce the problem

  1. Install both model and related extension above
  2. restart WebUI
  3. See error message
  4. Depression

What should have happened?

WebUI should work as always worked.

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

I couldn't open WebUI page without adding variable '--skip-torch-cuda-test'. After adding it, I got this.

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.8", "Version": "v1.4.0-RC-2397-g1c0a0c4c", "Commit": "1c0a0c4c26f78c32095ebc7f8af82f5c04fca8c0", "Script path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui", "Data path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui", "Extensions dir": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions", "Checksum": "67e854c290bf0df6bf2c6814a8e7781b8a57940a6cb7891b446b8b84b880dab1", "Commandline": [ "launch.py", "--skip-torch-cuda-test", "--xformers", "--deepdanbooru", "--autolaunch" ], "Torch env info": "'NoneType' object has no attribute 'splitlines'", "Exceptions": [ { "exception": "'NoneType' object has no attribute 'lowvram'", "traceback": [ [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\call_queue.py, line 57, f", "res = list(func(*args, *kwargs))" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\call_queue.py, line 36, f", "res = func(args, *kwargs)" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\txt2img.py, line 109, txt2img", "processed = processing.process_images(p)" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\processing.py, line 832, process_images", "sd_models.reload_model_weights()" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\sd_models.py, line 860, reload_model_weights", "sd_model = reuse_model_from_already_loaded(sd_model, checkpoint_info, timer)" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\sd_models.py, line 793, reuse_model_from_already_loaded", "send_model_to_cpu(sd_model)" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\sd_models.py, line 662, send_model_to_cpu", "if m.lowvram:" ] ] }, { "exception": "Torch not compiled with CUDA enabled", "traceback": [ [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\sd_models.py, line 620, get_sd_model", "load_model()" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\sd_models.py, line 770, load_model", "with devices.autocast(), torch.no_grad():" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\devices.py, line 218, autocast", "if has_xpu() or has_mps() or cuda_no_autocast():" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\devices.py, line 28, cuda_no_autocast", "device_id = get_cuda_device_id()" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\devices.py, line 40, get_cuda_device_id", ") or torch.cuda.current_device()" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\venv\lib\site-packages\torch\cuda\init.py, line 674, current_device", "_lazy_init()" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\venv\lib\site-packages\torch\cuda\init.py, line 239, _lazy_init", "raise AssertionError(\"Torch not compiled with CUDA enabled\")" ] ] }, { "exception": "No module named 'fonts'", "traceback": [ [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\scripts.py, line 508, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\script_loading.py, line 13, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam-master\scripts\daam_script.py, line 21, ", "from scripts.daam import trace, utils" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam-master\scripts\daam\init.py, line 3, ", "from .utils import " ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam-master\scripts\daam\utils.py, line 9, ", "from fonts.ttf import Roboto" ] ] }, { "exception": "No module named 'fonts'", "traceback": [ [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\scripts.py, line 508, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\script_loading.py, line 13, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam\scripts\daam_script.py, line 21, ", "from scripts.daam import trace, utils" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam\scripts\daam\init.py, line 3, ", "from .utils import *" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam\scripts\daam\utils.py, line 9, ", "from fonts.ttf import Roboto" ] ] }, { "exception": "cannot import name 'get_correct_sampler' from 'modules.processing' (A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\processing.py)", "traceback": [ [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\scripts.py, line 508, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\script_loading.py, line 13, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\AI-WEBUI-scripts-Random\scripts\Random grid.py, line 27, ", "from modules.processing import process_images, Processed, get_correct_sampler, StableDiffusionProcessingTxt2Img" ] ] } ], "CPU": { "model": "Intel64 Family 6 Model 151 Stepping 2, GenuineIntel", "count logical": 20, "count physical": 12 }, "RAM": { "total": "48GB", "used": "13GB", "free": "35GB" }, "Extensions": [ { "name": "AI-WEBUI-scripts-Random", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\AI-WEBUI-scripts-Random", "version": "b9faf99c", "branch": "main", "remote": "https://github.com/mkco5162/AI-WEBUI-scripts-Random" }, { "name": "openpose-editor", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\openpose-editor", "version": "c9357715", "branch": "master", "remote": "https://github.com/fkunn1326/openpose-editor.git" }, { "name": "sd-dynamic-prompts", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-dynamic-prompts", "version": "1567e787", "branch": "main", "remote": "https://github.com/adieyal/sd-dynamic-prompts" }, { "name": "sd-webui-3d-open-pose-editor-main", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-webui-3d-open-pose-editor-main", "version": "", "branch": null, "remote": null }, { "name": "sd-webui-additional-networks", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-webui-additional-networks", "version": "e9f3d622", "branch": "main", "remote": "https://github.com/kohya-ss/sd-webui-additional-networks.git" }, { "name": "sd-webui-controlnet", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-webui-controlnet", "version": "3b4eedd9", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet" }, { "name": "sd-webui-regional-prompter", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-webui-regional-prompter", "version": "50493ec0", "branch": "main", "remote": "https://github.com/hako-mikan/sd-webui-regional-prompter.git" }, { "name": "sd_dreambooth_extension", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd_dreambooth_extension", "version": "45a12fe5", "branch": "main", "remote": "https://github.com/d8ahazard/sd_dreambooth_extension.git" }, { "name": "stable-diffusion-webui-daam", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam", "version": "3a4fe7a2", "branch": "master", "remote": "https://github.com/Bing-su/stable-diffusion-webui-daam" }, { "name": "stable-diffusion-webui-daam-master", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-daam-master", "version": "", "branch": null, "remote": null }, { "name": "stable-diffusion-webui-images-browser", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-images-browser", "version": "a42c7a30", "branch": "main", "remote": "https://github.com/yfszzx/stable-diffusion-webui-images-browser" }, { "name": "stable-diffusion-webui-localization-ko_KR", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-localization-ko_KR", "version": "78431bea", "branch": "main", "remote": "https://github.com/36DB/stable-diffusion-webui-localization-ko_KR.git" }, { "name": "stable-diffusion-webui-wd14-tagger", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\stable-diffusion-webui-wd14-tagger", "version": "e72d984b", "branch": "master", "remote": "https://github.com/picobyte/stable-diffusion-webui-wd14-tagger" }, { "name": "tag-autocomplete", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\tag-autocomplete", "version": "3eef536b", "branch": "main", "remote": "https://github.com/DominikDoom/a1111-sd-webui-tagcomplete" } ], "Inactive extensions": [ { "name": "adetailer", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\adetailer", "version": "910bf3b9", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "gif2gif", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\gif2gif", "version": "5121851e", "branch": "main", "remote": "https://github.com/LonicaMewinsky/gif2gif.git" }, { "name": "sd-webui-animatediff", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-webui-animatediff", "version": "f20f57f6", "branch": "master", "remote": "https://github.com/continue-revolution/sd-webui-animatediff.git" }, { "name": "sd-webui-openpose-editor", "path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-webui-openpose-editor", "version": "cebe13e0", "branch": "main", "remote": "https://github.com/huchenlei/sd-webui-openpose-editor" } ], "Environment": { "COMMANDLINE_ARGS": " --skip-torch-cuda-test --xformers --deepdanbooru --autolaunch", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "grid_save": true, "grid_format": "png", "grid_extended_filename": false, "grid_only_if_multiple": true, "n_rows": -1, "enable_pnginfo": true, "save_txt": false, "save_images_before_face_restoration": false, "jpeg_quality": 80, "export_for_4chan": true, "use_original_name_batch": false, "save_selected_only": true, "do_not_add_watermark": 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": false, "grid_save_to_dirs": false, "use_save_to_dirs_for_ui": false, "directories_filename_pattern": "", "directories_max_prompt_words": 8, "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN x4+", "R-ESRGAN x4+ Anime6B", "R-ESRGAN 4x+ Anime6B" ], "SWIN_tile": 192, "SWIN_tile_overlap": 8, "ldsr_steps": 100, "upscaler_for_img2img": "R-ESRGAN 4x+ Anime6B", "face_restoration_model": null, "code_former_weight": 0.5, "face_restoration_unload": false, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "sd_model_checkpoint": "0.7(flosbbwmix_v20) + 0.3(furrytoonmix_v10).safetensors [1ac5ad6e51]", "sd_hypernetwork": "None", "img2img_color_correction": false, "save_images_before_color_correction": false, "img2img_fix_steps": false, "enable_quantization": false, "enable_emphasis": true, "use_old_emphasis_implementation": false, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "filter_nsfw": false, "CLIP_stop_at_last_layers": 2, "random_artist_categories": [], "interrogate_keep_models_in_memory": false, "interrogate_use_builtin_artists": true, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 24, "interrogate_clip_max_length": 48, "interrogate_clip_dict_limit": 1500.0, "interrogate_deepbooru_score_threshold": 0.5, "show_progressbar": true, "show_progress_every_n_steps": 0, "return_grid": true, "do_not_show_images": false, "add_model_hash_to_info": true, "add_model_name_to_info": false, "font": "", "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "show_progress_in_title": true, "hide_samplers": [ "LMS", "Heun", "DPM2 a", "DPM2 Karras", "LMS Karras", "DPM fast", "DPM adaptive", "PLMS", "DPM2 a Karras", "DPM2" ], "eta_ddim": 0, "eta_ancestral": 0.2, "ddim_discretize": "uniform", "s_churn": 0, "s_tmin": 0, "s_noise": 0.2, "eta_noise_seed_delta": 0, "unload_models_when_training": true, "dataset_filename_word_regex": "", "dataset_filename_join_string": " ", "training_image_repeats_per_epoch": 100, "sd_hypernetwork_strength": 1, "quicksettings": "sd_model_checkpoint", "interrogate_return_ranks": false, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": false, "deepbooru_escape": true, "grid_prevent_empty_spots": false, "use_scale_latent_for_hires_fix": false, "training_write_csv_every": 500.0, "sd_checkpoint_cache": 0, "localization": "ko_KR", "show_progress_grid": true, "disable_weights_auto_swap": false, "quicksettings_list": [ "sd_model_checkpoint" ], "sd_checkpoint_hash": "1ac5ad6e51854ac5bde68340bed3530912254b0e34c112f442ad50e63f66af6e", "disabled_extensions": [ "adetailer", "gif2gif", "sd-webui-animatediff", "sd-webui-openpose-editor" ], "disable_all_extensions": "none", "restore_config_state_file": "", "save_images_add_number": true, "grid_zip_filename_pattern": "", "grid_text_active_color": "#000000", "grid_text_inactive_color": "#999999", "grid_background_color": "#ffffff", "save_images_before_highres_fix": false, "save_mask": false, "save_mask_composite": false, "webp_lossless": false, "img_downscale_threshold": 4.0, "target_side_length": 4000.0, "img_max_size_mp": 200.0, "use_upscaler_name_as_suffix": false, "save_init_img": false, "temp_dir": "", "clean_temp_dir_at_start": false, "save_incomplete_images": false, "outdir_init_images": "outputs/init-images", "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "face_restoration": false, "auto_launch_browser": "Local", "show_warnings": false, "show_gradio_deprecation_warnings": 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": "", "pin_memory": true, "save_optimizer_state": false, "save_training_settings_to_txt": true, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120.0, "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": true, "sd_unet": "Automatic", "upcast_attn": false, "randn_source": "GPU", "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, "sd_vae_checkpoint_cache": 0, "sd_vae": "kl-f8-anime2.ckpt", "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, "initial_noise_multiplier": 1, "img2img_extra_noise": 0, "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, "token_merging_ratio": 0, "token_merging_ratio_img2img": 0, "token_merging_ratio_hr": 0, "pad_cond_uncond": true, "persistent_cond_cache": true, "batch_cond_uncond": true, "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, "lora_functional": false, "interrogate_clip_skip_categories": [], "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "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_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "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, "gradio_theme": "Default", "gradio_themes_cache": true, "gallery_height": "", "send_seed": true, "send_size": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250.0, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "keyedit_move": true, "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "disable_token_counters": false, "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "add_user_name_to_info": false, "add_version_to_infotext": true, "infotext_styles": "Apply if any", "live_previews_enable": true, "live_previews_image_format": "png", "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, "s_tmax": 0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.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, "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" ], "images_history_preload": false, "images_record_paths": true, "images_delete_message": true, "images_history_page_columns": 6.0, "images_history_page_rows": 6.0, "images_history_pages_perload": 20.0, "tagger_out_filename_fmt": "[name].[output_extension]", "tagger_count_threshold": 100, "tagger_batch_recursive": true, "tagger_auto_serde_json": true, "tagger_store_images": false, "tagger_weighted_tags_files": false, "tagger_verbose": false, "tagger_repl_us": true, "tagger_repl_us_excl": "00, (o)(o), ++, +-, .., , <|><|>, ==, >_<, 3_3, 6_9, >o, @@, ^_^, o_o, u_u, xx, ||, ||_||", "tagger_escape": false, "tagger_batch_size": 1024.0, "tagger_hf_cache_dir": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\models\interrogators", "tac_tagFile": "danbooru.csv", "tac_active": true, "tac_activeIn.txt2img": true, "tac_activeIn.img2img": true, "tac_activeIn.negativePrompts": true, "tac_activeIn.thirdParty": true, "tac_activeIn.modelList": "", "tac_activeIn.modelListMode": "Blacklist", "tac_slidingPopup": true, "tac_maxResults": 5.0, "tac_showAllResults": false, "tac_resultStepLength": 100.0, "tac_delayTime": 100.0, "tac_useWildcards": true, "tac_sortWildcardResults": true, "tac_useEmbeddings": true, "tac_includeEmbeddingsInNormalResults": false, "tac_useHypernetworks": true, "tac_useLoras": true, "tac_useLycos": true, "tac_showWikiLinks": false, "tac_showExtraNetworkPreviews": true, "tac_replaceUnderscores": true, "tac_escapeParentheses": true, "tac_appendComma": true, "tac_appendSpace": true, "tac_alwaysSpaceAtEnd": true, "tac_modelKeywordCompletion": "Never", "tac_modelKeywordLocation": "Start of prompt", "tac_wildcardCompletionMode": "To next folder level", "tac_alias.searchByAlias": true, "tac_alias.onlyShowAlias": false, "tac_translation.translationFile": "None", "tac_translation.oldFormat": false, "tac_translation.searchByTranslation": true, "tac_translation.liveTranslation": false, "tac_extra.extraFile": "extra-quality-tags.csv", "tac_extra.addMode": "Insert before", "tac_chantFile": "demo-chants.json", "tac_keymap": "{\n \"MoveUp\": \"ArrowUp\",\n \"MoveDown\": \"ArrowDown\",\n \"JumpUp\": \"PageUp\",\n \"JumpDown\": \"PageDown\",\n \"JumpToStart\": \"Home\",\n \"JumpToEnd\": \"End\",\n \"ChooseSelected\": \"Enter\",\n \"ChooseFirstOrSelected\": \"Tab\",\n \"Close\": \"Escape\"\n}", "tac_colormap": "{\n \"danbooru\": {\n \"-1\": [\"red\", \"maroon\"],\n \"0\": [\"lightblue\", \"dodgerblue\"],\n \"1\": [\"indianred\", \"firebrick\"],\n \"3\": [\"violet\", \"darkorchid\"],\n \"4\": [\"lightgreen\", \"darkgreen\"],\n \"5\": [\"orange\", \"darkorange\"]\n },\n \"e621\": {\n \"-1\": [\"red\", \"maroon\"],\n \"0\": [\"lightblue\", \"dodgerblue\"],\n \"1\": [\"gold\", \"goldenrod\"],\n \"3\": [\"violet\", \"darkorchid\"],\n \"4\": [\"lightgreen\", \"darkgreen\"],\n \"5\": [\"tomato\", \"darksalmon\"],\n \"6\": [\"red\", \"maroon\"],\n \"7\": [\"whitesmoke\", \"black\"],\n \"8\": [\"seagreen\", \"darkseagreen\"]\n }\n}", "tac_refreshTempFiles": "Refresh TAC temp files", "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_auto_purge_cache": false, "dp_wildcard_manager_no_dedupe": false, "dp_wildcard_manager_no_sort": false, "dp_wildcard_manager_shuffle": false, "dp_magicprompt_default_model": "Gustavosta/MagicPrompt-Stable-Diffusion", "dp_magicprompt_batch_size": 1, "ad_max_models": 2, "ad_save_previews": true, "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", "animatediff_model_path": "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\extensions\sd-webui-animatediff\model", "animatediff_optimize_gif_palette": true, "animatediff_optimize_gif_gifsicle": true, "animatediff_xformers": "Optimize attention layers with xformers", "tac_modelSortOrder": "Name", "control_net_allow_script_control": false, "additional_networks_extra_lora_path": "", "additional_networks_sort_models_by": "name", "additional_networks_reverse_sort_order": false, "additional_networks_model_name_filter": "", "additional_networks_xy_grid_model_metadata": "", "additional_networks_hash_thread_count": 1.0, "additional_networks_back_up_model_when_saving": true, "additional_networks_show_only_safetensors": false, "additional_networks_show_only_models_with_metadata": "disabled", "additional_networks_max_top_tags": 20.0, "additional_networks_max_dataset_folders": 20.0, "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_unit_count": 3, "control_net_model_cache_size": 2, "control_net_inpaint_blur_sigma": 7, "control_net_no_detectmap": false, "control_net_detectmap_autosaving": false, "control_net_sync_field_args": true, "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "controlnet_disable_openpose_edit": false, "controlnet_disable_photopea_edit": false, "controlnet_photopea_warning": true, "controlnet_ignore_noninpaint_mask": false, "controlnet_clip_detector_on_cpu": false, "tac_wildcardExclusionList": "", "tac_skipWildcardRefresh": false, "tac_useLoraPrefixForLycos": true, "tac_useStyleVars": false, "openpose3d_use_online_version": false, "regprp_debug": false, "regprp_hidepmask": false, "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, "controlnet_control_type_dropdown": false, "tac_frequencySort": true, "tac_frequencyFunction": "Logarithmic (weak)", "tac_frequencyMinCount": 3, "tac_frequencyMaxAge": 30, "tac_frequencyRecommendCap": 10, "tac_frequencyIncludeAlias": false }, "Startup": { "total": 35.643954038619995, "records": { "initial startup": 0.014950990676879883, "prepare environment/checks": 0.010963201522827148, "prepare environment/git version info": 0.0627896785736084, "prepare environment/torch GPU test": 0.001993417739868164, "prepare environment/clone repositores": 0.1445159912109375, "prepare environment/install requirements": 7.762157440185547, "prepare environment/run extensions installers/AI-WEBUI-scripts-Random": 0.0009968280792236328, "prepare environment/run extensions installers/openpose-editor": 0.0, "prepare environment/run extensions installers/sd-dynamic-prompts": 0.15795183181762695, "prepare environment/run extensions installers/sd-webui-3d-open-pose-editor-main": 0.18438172340393066, "prepare environment/run extensions installers/sd-webui-additional-networks": 0.0, "prepare environment/run extensions installers/sd-webui-controlnet": 0.12956738471984863, "prepare environment/run extensions installers/sd-webui-regional-prompter": 0.0, "prepare environment/run extensions installers/sd_dreambooth_extension": 9.188960075378418, "prepare environment/run extensions installers/stable-diffusion-webui-daam": 0.25730133056640625, "prepare environment/run extensions installers/stable-diffusion-webui-daam-master": 0.25215673446655273, "prepare environment/run extensions installers/stable-diffusion-webui-images-browser": 0.0, "prepare environment/run extensions installers/stable-diffusion-webui-localization-ko_KR": 0.0, "prepare environment/run extensions installers/stable-diffusion-webui-wd14-tagger": 6.892964124679565, "prepare environment/run extensions installers/tag-autocomplete": 0.0, "prepare environment/run extensions installers": 17.064280033111572, "prepare environment": 25.04669976234436, "launcher": 0.0029897689819335938, "import torch": 4.869890928268433, "import gradio": 0.552384614944458, "setup paths": 0.6129496097564697, "import ldm": 0.004982948303222656, "import sgm": 0.0, "initialize shared": 0.13554716110229492, "other imports": 0.4644455909729004, "opts onchange": 0.0039865970611572266, "setup SD model": 0.0, "setup codeformer": 0.0009968280792236328, "setup gfpgan": 0.009966611862182617, "set samplers": 0.0, "list extensions": 0.0029900074005126953, "restore config state file": 0.0, "list SD models": 0.26636576652526855, "list localizations": 0.0009965896606445312, "load scripts/custom_code.py": 0.004983425140380859, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0009965896606445312, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.000997304916381836, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0009961128234863281, "load scripts/prompts_from_file.py": 0.0, "load scripts/sd_upscale.py": 0.0, "load scripts/xyz_grid.py": 0.0019931793212890625, "load scripts/ldsr_model.py": 0.7614519596099854, "load scripts/lora_script.py": 0.14751935005187988, "load scripts/scunet_model.py": 0.020929813385009766, "load scripts/swinir_model.py": 0.018936634063720703, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0, "load scripts/hypertile_script.py": 0.03986644744873047, "load scripts/hypertile_xyz.py": 0.0009970664978027344, "load scripts/postprocessing_autosized_crop.py": 0.0, "load scripts/postprocessing_caption.py": 0.0, "load scripts/postprocessing_create_flipped_copies.py": 0.0, "load scripts/postprocessing_focal_crop.py": 0.0019931793212890625, "load scripts/postprocessing_split_oversized.py": 0.0009968280792236328, "load scripts/soft_inpainting.py": 0.0, "load scripts/Random dynamic_prompting.py": 0.0009965896606445312, "load scripts/Random grid.py": 0.0019931793212890625, "load scripts/Random.py": 0.0, "load scripts/main.py": 0.11461639404296875, "load scripts/dynamic_prompting.py": 0.09268975257873535, "load scripts/openpose_editor.py": 0.03189373016357422, "load scripts/additional_networks.py": 0.08571290969848633, "load scripts/addnet_xyz_grid_support.py": 0.0, "load scripts/lora_compvis.py": 0.0, "load scripts/metadata_editor.py": 0.0009965896606445312, "load scripts/model_util.py": 0.004983186721801758, "load scripts/safetensors_hack.py": 0.0, "load scripts/util.py": 0.0, "load scripts/adapter.py": 0.0, "load scripts/api.py": 0.5023193359375, "load scripts/batch_hijack.py": 0.0009965896606445312, "load scripts/cldm.py": 0.0, "load scripts/controlnet.py": 0.11062979698181152, "load scripts/controlnet_diffusers.py": 0.0009965896606445312, "load scripts/controlnet_lllite.py": 0.0, "load scripts/controlnet_lora.py": 0.0, "load scripts/controlnet_model_guess.py": 0.0009965896606445312, "load scripts/controlnet_sparsectrl.py": 0.0, "load scripts/controlnet_version.py": 0.0, "load scripts/enums.py": 0.0009965896606445312, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0, "load scripts/hook.py": 0.0009968280792236328, "load scripts/infotext.py": 0.0, "load scripts/logging.py": 0.0, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.0009968280792236328, "load scripts/supported_preprocessor.py": 0.0009965896606445312, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.0, "load scripts/attention.py": 0.0, "load scripts/latent.py": 0.0029900074005126953, "load scripts/regions.py": 0.0009965896606445312, "load scripts/rp.py": 0.021926403045654297, "load scripts/rps.py": 0.014950275421142578, "load scripts/init.py": 0.0009968280792236328, "load scripts/daam_script.py": 0.010963678359985352, "load scripts/images_history.py": 0.0408632755279541, "load scripts/tagger.py": 0.0627896785736084, "load scripts/model_keyword_support.py": 0.002990245819091797, "load scripts/shared_paths.py": 0.0, "load scripts/tag_autocomplete_helper.py": 0.07176041603088379, "load scripts/tag_frequency_db.py": 0.0009958744049072266, "load scripts/comments.py": 0.01694321632385254, "load scripts/refiner.py": 0.0009970664978027344, "load scripts/sampler.py": 0.0, "load scripts/seed.py": 0.0, "load scripts": 2.206629514694214, "load upscalers": 0.0029897689819335938, "refresh VAE": 0.0009968280792236328, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.001993417739868164, "scripts list_unets": 0.0, "reload hypernetworks": 0.0, "initialize extra networks": 0.008969783782958984, "scripts before_ui_callback": 0.0019931793212890625, "create ui": 0.8292255401611328, "gradio launch": 0.5890524387359619, "add APIs": 0.004983425140380859, "app_started_callback/lora_script.py": 0.0, "app_started_callback/api.py": 0.0019936561584472656, "app_started_callback/tagger.py": 0.0019927024841308594, "app_started_callback/tag_autocomplete_helper.py": 0.0029900074005126953, "app_started_callback": 0.00697636604309082 } }, "Packages": [ "-itsandbytes==0.41.2.post2", "-orch==2.3.0", "-rotobuf==3.20.0", "absl-py==1.4.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.8.5", "aiosignal==1.3.1", "albumentations==1.4.3", "altair==5.1.1", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "astunparse==1.6.3", "async-timeout==4.0.3", "attrs==23.1.0", "av==10.0.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "bitsandbytes==0.43.1", "blendmodes==2022", "boltons==23.0.0", "cachetools==5.3.1", "certifi==2023.7.22", "cffi==1.16.0", "chardet==5.2.0", "charset-normalizer==3.2.0", "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.1.0", "cssselect2==0.7.0", "cycler==0.11.0", "cython==3.0.8", "dadaptation==3.2", "deepdanbooru==1.0.2", "deprecation==2.1.0", "depth-anything==2024.1.22.0", "diffusers==0.26.3", "discord-webhook==1.3.0", "diskcache==5.6.3", "dsine==2024.3.23", "dynamicprompts==0.31.0", "easydict==1.12", "einops==0.4.1", "embreex==2.17.7.post4", "exceptiongroup==1.1.3", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.12.4", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.42.1", "frozenlist==1.4.0", "fsspec==2023.9.0", "ftfy==6.1.1", "future==0.18.3", "fvcore==0.1.5.post20221221", "gast==0.4.0", "gdown==4.7.1", "geffnet==1.0.2", "gfpgan==1.3.8", "gitdb==4.0.10", "gitpython==3.1.43", "glob2==0.5", "google-auth-oauthlib==1.0.0", "google-auth==2.23.0", "google-pasta==0.2.0", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.58.0", "h11==0.12.0", "h5py==3.9.0", "handrefinerportable==2024.2.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.20.3", "humanfriendly==10.0", "idna==3.4", "imageio==2.31.3", "importlib-metadata==6.8.0", "importlib-resources==6.0.1", "inflection==0.5.1", "insightface==0.7.3", "intel-openmp==2021.4.0", "iopath==0.1.9", "jinja2==3.1.2", "joblib==1.3.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.7.1", "jsonschema==4.19.0", "keras==2.13.1", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "libclang==16.0.6", "lightning-utilities==0.9.0", "llvmlite==0.42.0", "lmdb==1.4.1", "lpips==0.1.4", "lxml==5.1.0", "mapbox-earcut==1.0.1", "markdown-it-py==3.0.0", "markdown==3.4.4", "markupsafe==2.1.3", "matplotlib==3.6.2", "mdurl==0.1.2", "mediapipe==0.10.5", "mkl==2021.4.0", "mpmath==1.3.0", "multidict==6.0.4", "networkx==3.1", "numba==0.59.1", "numpy==1.24.3", "oauthlib==3.2.2", "omegaconf==2.2.3", "onnx==1.15.0", "onnxruntime-gpu==1.15.1", "open-clip-torch==2.20.0", "opencv-contrib-python==4.8.0.76", "opencv-python-headless==4.9.0.80", "opencv-python==4.8.0.76", "opt-einsum==3.3.0", "orjson==3.9.7", "packaging==23.1", "pandas==2.1.0", "piexif==1.1.3", "pillow-avif-plugin==1.4.3", "pillow==9.5.0", "pip==22.2.2", "platformdirs==3.10.0", "portalocker==2.8.2", "prettytable==3.9.0", "protobuf==3.20.3", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycollada==0.8", "pycparser==2.21", "pydantic==1.10.12", "pydub==0.25.1", "pygifsicle==1.0.7", "pygments==2.16.1", "pyparsing==3.1.1", "pyreadline3==3.4.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytorch-optimizer==2.12.0", "pytz==2023.3.post1", "pywavelets==1.4.1", "pywin32==306", "pyyaml==6.0.1", "qudida==0.0.4", "realesrgan==0.3.0", "referencing==0.30.2", "regex==2023.8.8", "reportlab==4.1.0", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rich==13.6.0", "rpds-py==0.10.3", "rsa==4.9", "rtree==1.2.0", "safetensors==0.4.2", "scikit-image==0.21.0", "scikit-learn==1.4.1.post1", "scipy==1.11.2", "seaborn==0.13.0", "semantic-version==2.10.0", "send2trash==1.8.2", "sentencepiece==0.1.99", "setuptools==63.2.0", "shapely==2.0.3", "six==1.16.0", "smmap==5.0.0", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.5", "spandrel==0.1.6", "starlette==0.26.1", "support-developer==1.0.5", "svg.path==6.3", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.15.0a20230915", "tbb==2021.12.0", "tensorboard-data-server==0.7.1", "tensorboard==2.13.0", "tensorflow-estimator==2.13.0", "tensorflow-intel==2.13.0", "tensorflow-io-gcs-filesystem==0.31.0", "tensorflow==2.13.0", "termcolor==2.3.0", "thop==0.1.1.post2209072238", "threadpoolctl==3.3.0", "tifffile==2023.8.30", "timm==0.9.2", "tinycss2==1.2.1", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.0", "torch==2.0.1", "torchdiffeq==0.2.3", "torchmetrics==1.1.2", "torchsde==0.2.6", "torchvision==0.15.2+cu118", "tqdm==4.65.0", "trampoline==0.1.2", "transformers==4.30.2", "trimesh==4.1.3", "typing-extensions==4.5.0", "tzdata==2023.3", "ultralytics==8.0.194", "urllib3==1.26.16", "uvicorn==0.23.2", "vhacdx==0.0.5", "wcwidth==0.2.6", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==2.3.7", "wheel==0.41.2", "wrapt==1.15.0", "xformers==0.0.20", "xxhash==3.4.1", "yacs==0.1.8", "yapf==0.40.1", "yarl==1.9.2", "zipp==3.16.2" ] }

Console logs

venv "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\venv\Scripts\Python.exe"
Python 3.10.8 (tags/v3.10.8:aaaf517, Oct 11 2022, 16:50:30) [MSC v.1933 64 bit (AMD64)]
Version: v1.4.0-RC-2397-g1c0a0c4c
Commit hash: 1c0a0c4c26f78c32095ebc7f8af82f5c04fca8c0
Traceback (most recent call last):
  File "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\launch.py", line 48, in <module>
    main()
  File "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\launch.py", line 39, in main
    prepare_environment()
  File "A:\Stable Defusion\WEBUI0.66.2\stable-diffusion-webui\modules\launch_utils.py", line 386, in prepare_environment
    raise RuntimeError(
RuntimeError: Torch is not able to use GPU; add --skip-torch-cuda-test to COMMANDLINE_ARGS variable to disable this check

Additional information

I have updated my GPU driver recently. I already updated latest CUDA and cuDNN after this issue occurred, but still it isn't work.

Adastra11 commented 1 month ago

this issue has been solved by the reinstallation of 'venv'

llgll commented 1 month ago

this issue has been solved by the reinstallation of 'venv'

How was it reinstalled?