Gourieff / sd-webui-reactor

Fast and Simple Face Swap Extension for StableDiffusion WebUI (A1111 SD WebUI, SD WebUI Forge, SD.Next, Cagliostro)
GNU Affero General Public License v3.0
2.47k stars 264 forks source link

[SOLVED] Linux | Failed to build insightface - ModuleNotFoundError: No module named 'insightface' #127

Closed PixelRave closed 8 months ago

PixelRave commented 11 months ago

First, confirm

What happened?

Hello I am unable to get reactor to work on linux fedora. I have looked up various github issues and I still cant find a fix. I have tried installing pip install insightface==0.7.3 but i get this error..

ERROR: Failed building wheel for insightface Failed to build insightface ERROR: Could not build wheels for insightface, which is required to install pyproject.toml-based projects

Steps to reproduce the problem

  1. Start stable diffusion
  2. Reactor will not work because of missing "insightface"

Sysinfo

{ "Platform": "Linux-6.5.5-200.fc38.x86_64-x86_64-with-glibc2.37", "Python": "3.11.5", "Version": "v1.6.0", "Commit": "5ef669de080814067961f28357256e8fe27544f4", "Script path": "/home/ben/Ai/stable-diffusion-webui", "Data path": "/home/ben/Ai/stable-diffusion-webui", "Extensions dir": "/home/ben/Ai/stable-diffusion-webui/extensions", "Checksum": "9b875b52d5db52e8cf6a631ed59fdade25a719e0a49d0192a786833f5fa60025", "Commandline": [ "launch.py" ], "Torch env info": { "torch_version": "2.0.1+cu118", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": "(GCC) 13.2.1 20230728 (Red Hat 13.2.1-1)", "clang_version": null, "cmake_version": "version 3.27.7", "os": "Fedora Linux 38 (Workstation Edition) (x86_64)", "libc_version": "glibc-2.37", "python_version": "3.11.5 (main, Aug 28 2023, 00:00:00) [GCC 13.2.1 20230728 (Red Hat 13.2.1-1)] (64-bit runtime)", "python_platform": "Linux-6.5.5-200.fc38.x86_64-x86_64-with-glibc2.37", "is_cuda_available": "True", "cuda_runtime_version": null, "cuda_module_loading": "LAZY", "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.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.5", "torchvision==0.15.2+cu118" ], "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: 43 bits physical, 48 bits virtual", "Byte Order: Little Endian", "CPU(s): 16", "On-line CPU(s) list: 0-15", "Vendor ID: AuthenticAMD", "Model name: AMD Ryzen 7 3700X 8-Core Processor", "CPU family: 23", "Model: 113", "Thread(s) per core: 2", "Core(s) per socket: 8", "Socket(s): 1", "Stepping: 0", "Frequency boost: enabled", "CPU(s) scaling MHz: 54%", "CPU max MHz: 4426.1709", "CPU min MHz: 2200.0000", "BogoMIPS: 7186.48", "Flags: fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush mmx fxsr sse sse2 ht syscall nx mmxext fxsr_opt pdpe1gb rdtscp lm constant_tsc rep_good nopl nonstop_tsc cpuid extd_apicid aperfmperf rapl pni pclmulqdq monitor ssse3 fma cx16 sse4_1 sse4_2 movbe popcnt aes xsave avx f16c rdrand lahf_lm cmp_legacy svm extapic cr8_legacy abm sse4a misalignsse 3dnowprefetch osvw ibs skinit wdt tce topoext perfctr_core perfctr_nb bpext perfctr_llc mwaitx cpb cat_l3 cdp_l3 hw_pstate ssbd mba ibpb stibp vmmcall fsgsbase bmi1 avx2 smep bmi2 cqm rdt_a rdseed adx smap clflushopt clwb sha_ni xsaveopt xsavec xgetbv1 cqm_llc cqm_occup_llc cqm_mbm_total cqm_mbm_local clzero irperf xsaveerptr rdpru wbnoinvd arat npt lbrv svm_lock nrip_save tsc_scale vmcb_clean flushbyasid decodeassists pausefilter pfthreshold avic v_vmsave_vmload vgif v_spec_ctrl umip rdpid overflow_recov succor smca sev sev_es", "Virtualization: AMD-V", "L1d cache: 256 KiB (8 instances)", "L1i cache: 256 KiB (8 instances)", "L2 cache: 4 MiB (8 instances)", "L3 cache: 32 MiB (2 instances)", "NUMA node(s): 1", "NUMA node0 CPU(s): 0-15", "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 Retbleed: Mitigation; untrained return thunk; SMT enabled with STIBP protection", "Vulnerability Spec rstack overflow: Mitigation; safe RET", "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; Retpolines, IBPB conditional, STIBP always-on, RSB filling, PBRSB-eIBRS Not affected", "Vulnerability Srbds: Not affected", "Vulnerability Tsx async abort: Not affected" ] }, "Exceptions": [ { "exception": "No module named 'insightface'", "traceback": [ [ "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 940, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_swapper.py, line 10, ", "import insightface" ] ] }, { "exception": "No module named 'insightface'", "traceback": [ [ "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 940, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_faceswap.py, line 26, ", "from scripts.reactor_swapper import EnhancementOptions, swap_face, check_process_halt, reset_messaged" ], [ "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_swapper.py, line 10, ", "import insightface" ] ] }, { "exception": "No module named 'insightface'", "traceback": [ [ "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 940, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_api.py, line 17, ", "from scripts.reactor_swapper import EnhancementOptions, swap_face" ], [ "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_swapper.py, line 10, ", "import insightface" ] ] }, { "exception": "No module named 'insightface'", "traceback": [ [ "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 940, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/console_log_patch.py, line 4, ", "import insightface" ] ] } ], "CPU": { "model": "", "count logical": 16, "count physical": 8 }, "RAM": { "total": "16GB", "used": "3GB", "free": "686MB", "active": "4GB", "inactive": "9GB", "buffers": "4MB", "cached": "11GB", "shared": "68MB" }, "Extensions": [ { "name": "sd-webui-controlnet", "path": "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-controlnet", "version": "a43e5742", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" }, { "name": "sd-webui-reactor", "path": "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor", "version": "f42bc37f", "branch": "main", "remote": "https://github.com/Gourieff/sd-webui-reactor" } ], "Inactive extensions": [ { "name": "sd-webui-roop", "path": "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-roop", "version": "9a16e728", "branch": "main", "remote": "https://github.com/s0md3v/sd-webui-roop" } ], "Environment": { "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": "realisticVisionV51_v51VAE.safetensors [ef76aa2332]", "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": [ "sd-webui-roop" ], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "ef76aa2332635f4352463343beec9c5aae3bd107a73c0fd7221abbbcf8bd5470" }, "Startup": { "total": 16.370174646377563, "records": { "initial startup": 0.00031256675720214844, "prepare environment/checks": 3.6716461181640625e-05, "prepare environment/git version info": 0.010418891906738281, "prepare environment/torch GPU test": 1.1352763175964355, "prepare environment/clone repositores": 0.03868365287780762, "prepare environment/run extensions installers/sd-webui-controlnet": 0.16570186614990234, "prepare environment/run extensions installers/sd-webui-reactor": 9.937191724777222, "prepare environment/run extensions installers": 10.102908849716187, "prepare environment": 11.319720029830933, "launcher": 0.0007777214050292969, "import torch": 1.9356012344360352, "import gradio": 0.48003196716308594, "setup paths": 0.5124838352203369, "import ldm": 0.002114534378051758, "import sgm": 2.384185791015625e-06, "initialize shared": 0.11144161224365234, "other imports": 0.499800443649292, "opts onchange": 0.0002627372741699219, "setup SD model": 0.0003020763397216797, "setup codeformer": 0.0563962459564209, "setup gfpgan": 0.005978584289550781, "set samplers": 3.337860107421875e-05, "list extensions": 0.0001220703125, "restore config state file": 5.4836273193359375e-06, "list SD models": 0.0003714561462402344, "list localizations": 8.869171142578125e-05, "load scripts/custom_code.py": 0.0007658004760742188, "load scripts/img2imgalt.py": 0.00019431114196777344, "load scripts/loopback.py": 0.00010061264038085938, "load scripts/outpainting_mk_2.py": 0.0001308917999267578, "load scripts/poor_mans_outpainting.py": 9.059906005859375e-05, "load scripts/postprocessing_codeformer.py": 7.319450378417969e-05, "load scripts/postprocessing_gfpgan.py": 6.890296936035156e-05, "load scripts/postprocessing_upscale.py": 0.0001201629638671875, "load scripts/prompt_matrix.py": 9.5367431640625e-05, "load scripts/prompts_from_file.py": 0.00010943412780761719, "load scripts/refiner.py": 8.130073547363281e-05, "load scripts/sd_upscale.py": 8.654594421386719e-05, "load scripts/seed.py": 9.751319885253906e-05, "load scripts/xyz_grid.py": 0.0010569095611572266, "load scripts/adapter.py": 0.00024127960205078125, "load scripts/api.py": 0.4276692867279053, "load scripts/batch_hijack.py": 0.0005047321319580078, "load scripts/cldm.py": 0.0001595020294189453, "load scripts/controlmodel_ipadapter.py": 0.00024175643920898438, "load scripts/controlnet.py": 0.05685615539550781, "load scripts/controlnet_diffusers.py": 0.00016427040100097656, "load scripts/controlnet_lllite.py": 0.0001385211944580078, "load scripts/controlnet_lora.py": 0.00013566017150878906, "load scripts/controlnet_model_guess.py": 0.0001220703125, "load scripts/controlnet_version.py": 0.0001220703125, "load scripts/external_code.py": 6.246566772460938e-05, "load scripts/global_state.py": 0.0003204345703125, "load scripts/hook.py": 0.0005364418029785156, "load scripts/infotext.py": 0.00012063980102539062, "load scripts/logging.py": 0.00016641616821289062, "load scripts/lvminthin.py": 0.0002224445343017578, "load scripts/movie2movie.py": 0.00013399124145507812, "load scripts/processor.py": 0.0002257823944091797, "load scripts/utils.py": 0.0001277923583984375, "load scripts/xyz_grid_support.py": 0.00027680397033691406, "load scripts/console_log_patch.py": 0.0006639957427978516, "load scripts/reactor_api.py": 0.0009844303131103516, "load scripts/reactor_faceswap.py": 0.0009517669677734375, "load scripts/reactor_globals.py": 5.435943603515625e-05, "load scripts/reactor_helpers.py": 7.653236389160156e-05, "load scripts/reactor_logger.py": 9.775161743164062e-05, "load scripts/reactor_swapper.py": 0.0004544258117675781, "load scripts/reactor_version.py": 0.00010585784912109375, "load scripts/ldsr_model.py": 0.01376962661743164, "load scripts/lora_script.py": 0.06536149978637695, "load scripts/scunet_model.py": 0.012180328369140625, "load scripts/swinir_model.py": 0.011605978012084961, "load scripts/hotkey_config.py": 9.131431579589844e-05, "load scripts/extra_options_section.py": 0.00011157989501953125, "load scripts": 0.5981576442718506, "load upscalers": 0.0008478164672851562, "refresh VAE": 0.0005834102630615234, "refresh textual inversion templates": 3.552436828613281e-05, "scripts list_optimizers": 0.0003285408020019531, "scripts list_unets": 3.814697265625e-06, "reload hypernetworks": 0.0003504753112792969, "initialize extra networks": 0.006947517395019531, "scripts before_ui_callback": 5.7220458984375e-05, "create ui": 0.2882106304168701, "gradio launch": 0.5755043029785156, "add APIs": 0.004319190979003906, "app_started_callback/api.py": 0.0012047290802001953, "app_started_callback/lora_script.py": 0.00017333030700683594, "app_started_callback": 0.0013802051544189453 } }, "Packages": [ "absl-py==2.0.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.8.6", "aiosignal==1.3.1", "altair==5.1.2", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.1.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "blendmodes==2022", "boltons==23.0.0", "cachetools==5.3.1", "certifi==2023.7.22", "cffi==1.16.0", "charset-normalizer==3.3.0", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "cmake==3.27.7", "coloredlogs==15.0.1", "contourpy==1.1.1", "cssselect2==0.7.0", "cycler==0.12.1", "deprecation==2.1.0", "einops==0.4.1", "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.43.1", "frozenlist==1.4.0", "fsspec==2023.9.2", "ftfy==6.1.1", "future==0.18.3", "fvcore==0.1.5.post20221221", "gdown==4.7.1", "gfpgan==1.3.8", "gitdb==4.0.10", "gitpython==3.1.32", "google-auth-oauthlib==1.1.0", "google-auth==2.23.3", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.59.0", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.18.0", "humanfriendly==10.0", "idna==3.4", "imageio==2.31.5", "importlib-metadata==6.8.0", "importlib-resources==6.1.0", "inflection==0.5.1", "iopath==0.1.9", "jinja2==3.1.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.7.1", "jsonschema==4.19.1", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.9.0", "lit==17.0.2", "llvmlite==0.41.0", "lmdb==1.4.1", "lpips==0.1.4", "lxml==4.9.3", "markdown==3.5", "markupsafe==2.1.3", "matplotlib==3.8.0", "mediapipe==0.10.7", "mpmath==1.3.0", "multidict==6.0.4", "networkx==3.1", "numba==0.58.0", "numpy==1.23.5", "oauthlib==3.2.2", "omegaconf==2.2.3", "onnx==1.14.1", "onnxruntime==1.16.1", "open-clip-torch==2.20.0", "opencv-contrib-python==4.8.1.78", "opencv-python==4.8.1.78", "orjson==3.9.9", "packaging==23.2", "pandas==2.1.1", "piexif==1.1.3", "pillow==9.5.0", "pip==22.3.1", "platformdirs==3.11.0", "portalocker==2.8.2", "protobuf==3.20.3", "psutil==5.9.5", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycparser==2.21", "pydantic==1.10.13", "pydub==0.25.1", "pyparsing==3.1.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3.post1", "pywavelets==1.4.1", "pyyaml==6.0.1", "realesrgan==0.3.0", "referencing==0.30.2", "regex==2023.10.3", "reportlab==4.0.6", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rpds-py==0.10.6", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scipy==1.11.3", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==65.5.1", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.5", "starlette==0.26.1", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.15.0a20231015", "tensorboard-data-server==0.7.1", "termcolor==2.3.0", "tifffile==2023.9.26", "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+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.5", "torchvision==0.15.2+cu118", "tqdm==4.66.1", "trampoline==0.1.2", "transformers==4.30.2", "triton==2.0.0", "typing-extensions==4.8.0", "tzdata==2023.3", "urllib3==2.0.6", "uvicorn==0.23.2", "wcwidth==0.2.8", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==3.0.0", "yacs==0.1.8", "yapf==0.40.2", "yarl==1.9.2", "zipp==3.17.0" ] }

Relevant console log

[ben@ben-pc stable-diffusion-webui]$ ./webui.sh

################################################################
Install script for stable-diffusion + Web UI
Tested on Debian 11 (Bullseye)
################################################################

################################################################
Running on ben user
################################################################

################################################################
Repo already cloned, using it as install directory
################################################################

################################################################
Create and activate python venv
################################################################

################################################################
Launching launch.py...
################################################################
Using TCMalloc: libtcmalloc_minimal.so.4
Python 3.11.5 (main, Aug 28 2023, 00:00:00) [GCC 13.2.1 20230728 (Red Hat 13.2.1-1)]
Version: v1.6.0
Commit hash: 5ef669de080814067961f28357256e8fe27544f4
Collecting insightface==0.7.3
  Using cached insightface-0.7.3.tar.gz (439 kB)
  Installing build dependencies: started
  Installing build dependencies: finished with status 'done'
  Getting requirements to build wheel: started
  Getting requirements to build wheel: finished with status 'done'
  Installing backend dependencies: started
  Installing backend dependencies: finished with status 'done'
  Preparing metadata (pyproject.toml): started
  Preparing metadata (pyproject.toml): finished with status 'done'
Requirement already satisfied: numpy in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (1.23.5)
Requirement already satisfied: onnx in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (1.14.1)
Requirement already satisfied: tqdm in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (4.66.1)
Requirement already satisfied: requests in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (2.31.0)
Requirement already satisfied: matplotlib in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (3.8.0)
Requirement already satisfied: Pillow in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (9.5.0)
Requirement already satisfied: scipy in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (1.11.3)
Collecting scikit-learn
  Using cached scikit_learn-1.3.1-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (10.9 MB)
Requirement already satisfied: scikit-image in ./venv/lib64/python3.11/site-packages (from insightface==0.7.3) (0.21.0)
Collecting easydict
  Using cached easydict-1.10-py3-none-any.whl
Collecting cython
  Using cached Cython-3.0.3-cp311-cp311-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (3.6 MB)
Collecting albumentations
  Using cached albumentations-1.3.1-py3-none-any.whl (125 kB)
Collecting prettytable
  Using cached prettytable-3.9.0-py3-none-any.whl (27 kB)
Requirement already satisfied: PyYAML in ./venv/lib64/python3.11/site-packages (from albumentations->insightface==0.7.3) (6.0.1)
Collecting qudida>=0.0.4
  Using cached qudida-0.0.4-py3-none-any.whl (3.5 kB)
Collecting opencv-python-headless>=4.1.1
  Using cached opencv_python_headless-4.8.1.78-cp37-abi3-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (49.1 MB)
Requirement already satisfied: networkx>=2.8 in ./venv/lib64/python3.11/site-packages (from scikit-image->insightface==0.7.3) (3.1)
Requirement already satisfied: imageio>=2.27 in ./venv/lib64/python3.11/site-packages (from scikit-image->insightface==0.7.3) (2.31.5)
Requirement already satisfied: tifffile>=2022.8.12 in ./venv/lib64/python3.11/site-packages (from scikit-image->insightface==0.7.3) (2023.9.26)
Requirement already satisfied: PyWavelets>=1.1.1 in ./venv/lib64/python3.11/site-packages (from scikit-image->insightface==0.7.3) (1.4.1)
Requirement already satisfied: packaging>=21 in ./venv/lib64/python3.11/site-packages (from scikit-image->insightface==0.7.3) (23.2)
Requirement already satisfied: lazy_loader>=0.2 in ./venv/lib64/python3.11/site-packages (from scikit-image->insightface==0.7.3) (0.3)
Requirement already satisfied: contourpy>=1.0.1 in ./venv/lib64/python3.11/site-packages (from matplotlib->insightface==0.7.3) (1.1.1)
Requirement already satisfied: cycler>=0.10 in ./venv/lib64/python3.11/site-packages (from matplotlib->insightface==0.7.3) (0.12.1)
Requirement already satisfied: fonttools>=4.22.0 in ./venv/lib64/python3.11/site-packages (from matplotlib->insightface==0.7.3) (4.43.1)
Requirement already satisfied: kiwisolver>=1.0.1 in ./venv/lib64/python3.11/site-packages (from matplotlib->insightface==0.7.3) (1.4.5)
Requirement already satisfied: pyparsing>=2.3.1 in ./venv/lib64/python3.11/site-packages (from matplotlib->insightface==0.7.3) (3.1.1)
Requirement already satisfied: python-dateutil>=2.7 in ./venv/lib64/python3.11/site-packages (from matplotlib->insightface==0.7.3) (2.8.2)
Requirement already satisfied: protobuf>=3.20.2 in ./venv/lib64/python3.11/site-packages (from onnx->insightface==0.7.3) (3.20.3)
Requirement already satisfied: typing-extensions>=3.6.2.1 in ./venv/lib64/python3.11/site-packages (from onnx->insightface==0.7.3) (4.8.0)
Requirement already satisfied: wcwidth in ./venv/lib64/python3.11/site-packages (from prettytable->insightface==0.7.3) (0.2.8)
Requirement already satisfied: charset-normalizer<4,>=2 in ./venv/lib64/python3.11/site-packages (from requests->insightface==0.7.3) (3.3.0)
Requirement already satisfied: idna<4,>=2.5 in ./venv/lib64/python3.11/site-packages (from requests->insightface==0.7.3) (3.4)
Requirement already satisfied: urllib3<3,>=1.21.1 in ./venv/lib64/python3.11/site-packages (from requests->insightface==0.7.3) (2.0.6)
Requirement already satisfied: certifi>=2017.4.17 in ./venv/lib64/python3.11/site-packages (from requests->insightface==0.7.3) (2023.7.22)
Collecting joblib>=1.1.1
  Using cached joblib-1.3.2-py3-none-any.whl (302 kB)
Collecting threadpoolctl>=2.0.0
  Using cached threadpoolctl-3.2.0-py3-none-any.whl (15 kB)
Requirement already satisfied: six>=1.5 in ./venv/lib64/python3.11/site-packages (from python-dateutil>=2.7->matplotlib->insightface==0.7.3) (1.16.0)
Building wheels for collected packages: insightface
  Building wheel for insightface (pyproject.toml): started
  Building wheel for insightface (pyproject.toml): finished with status 'error'
Failed to build insightface
Checking ReActor requirements... Error: The 'insightface==0.7.3' distribution was not found and is required by the application

--- PLEASE, RESTART the Server! ---
Launching Web UI with arguments: 
no module 'xformers'. Processing without...
no module 'xformers'. Processing without...
No module 'xformers'. Proceeding without it.
2023-10-15 15:42:24,253 - ControlNet - INFO - ControlNet v1.1.411
ControlNet preprocessor location: /home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-controlnet/annotator/downloads
2023-10-15 15:42:24,315 - ControlNet - INFO - ControlNet v1.1.411
*** Error loading script: console_log_patch.py
    Traceback (most recent call last):
      File "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
                        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 940, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/console_log_patch.py", line 4, in <module>
        import insightface
    ModuleNotFoundError: No module named 'insightface'

---
*** Error loading script: reactor_api.py
    Traceback (most recent call last):
      File "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
                        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 940, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_api.py", line 17, in <module>
        from scripts.reactor_swapper import EnhancementOptions, swap_face
      File "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_swapper.py", line 10, in <module>
        import insightface
    ModuleNotFoundError: No module named 'insightface'

---
*** Error loading script: reactor_faceswap.py
    Traceback (most recent call last):
      File "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
                        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 940, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_faceswap.py", line 26, in <module>
        from scripts.reactor_swapper import EnhancementOptions, swap_face, check_process_halt, reset_messaged
      File "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_swapper.py", line 10, in <module>
        import insightface
    ModuleNotFoundError: No module named 'insightface'

---
*** Error loading script: reactor_swapper.py
    Traceback (most recent call last):
      File "/home/ben/Ai/stable-diffusion-webui/modules/scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
                        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "/home/ben/Ai/stable-diffusion-webui/modules/script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 940, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "/home/ben/Ai/stable-diffusion-webui/extensions/sd-webui-reactor/scripts/reactor_swapper.py", line 10, in <module>
        import insightface
    ModuleNotFoundError: No module named 'insightface'

Additional information

No response

Gourieff commented 11 months ago

Hello You have no C++ build tools in your OS Try the following: https://www.pragmaticlinux.com/2022/05/how-to-install-build-essential-on-fedora/

PixelRave commented 11 months ago

Hello You have no C++ build tools in your OS Try the following: https://www.pragmaticlinux.com/2022/05/how-to-install-build-essential-on-fedora/

Hello thanks for the reply, I installed the build tools, But I still get that error when installing insightface

Gourieff commented 11 months ago

Maybe this can help: https://github.com/deepinsight/insightface/issues/2337#issuecomment-1587565221 https://github.com/deepinsight/insightface/issues/2430#issuecomment-1728249734

PixelRave commented 11 months ago

I found the issue! it was this command and it works now. This should be added to the wiki. This is similar to the libpython3.x-dev on debian

Here is the command...

sudo dnf install python3-devel

Another thing to note if your running on a newer version of python like 3.12 and above use this command instead...

sudo dnf install python3.10-devel

schouw234 commented 8 months ago

I found the issue! it was this command and it works now. This should be added to the wiki. This is similar to the libpython3.x-dev on debian

Here is the command...

sudo dnf install python3-devel

Another thing to note if your running on a newer version of python like 3.12 and above use this command instead...

sudo dnf install python3.10-devel

I have same problem with insightface. Where did you put these promts? Sorry im not the biggest nerd :)

Error loading script: reactor_version.py Traceback (most recent call last): File "D:\a1111\stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "D:\a1111\stable-diffusion-webui\modules\script_loading.py", line 10, in load_module module_spec.loader.exec_module(module) File "", line 883, in exec_module File "", line 241, in _call_with_frames_removed File "D:\a1111\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_version.py", line 4, in from scripts.reactor_logger import logger, get_Run, set_Run File "D:\a1111\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_logger.py", line 7, in from scripts.reactor_helpers import addLoggingLevel File "D:\a1111\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_helpers.py", line 10, in from insightface.app.common import Face ModuleNotFoundError: No module named 'insightface'

PixelRave commented 8 months ago

I found the issue! it was this command and it works now. This should be added to the wiki. This is similar to the libpython3.x-dev on debian Here is the command... sudo dnf install python3-devel Another thing to note if your running on a newer version of python like 3.12 and above use this command instead... sudo dnf install python3.10-devel

I have same problem with insightface. Where did you put these promts? Sorry im not the biggest nerd :)

Error loading script: reactor_version.py Traceback (most recent call last): File "D:\a1111\stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts script_module = script_loading.load_module(scriptfile.path) File "D:\a1111\stable-diffusion-webui\modules\script_loading.py", line 10, in load_module module_spec.loader.exec_module(module) File "", line 883, in exec_module File "", line 241, in _call_with_frames_removed File "D:\a1111\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_version.py", line 4, in from scripts.reactor_logger import logger, get_Run, set_Run File "D:\a1111\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_logger.py", line 7, in from scripts.reactor_helpers import addLoggingLevel File "D:\a1111\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_helpers.py", line 10, in from insightface.app.common import Face ModuleNotFoundError: No module named 'insightface'

I get the same error now, When reinstalling... I need to investigate further.

What version of python are you using for the python environment

schouw234 commented 8 months ago

I found the Solution by following the installation troubleshoting for installing insightface from the first thread if I remember correctly. One of these Maybe this can help: deepinsight/insightface#2337 (comment) deepinsight/insightface#2430 (comment)

Best

PixelRave commented 8 months ago

Well this issue I had is for comfy ui. I opened a new issue on there for that.