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.55k stars 277 forks source link

[SOLVED] ModuleNotFoundError: No module named 'insightface' #195

Closed rlberry closed 12 months ago

rlberry commented 12 months ago

First, confirm

What happened?

After running the install of VS 2022, and the install from URL, ReActor fails to load, and no menu component is visible.

Steps to reproduce the problem

Install Visual Studio 2022 Use the install URL to install. Start A1111 Note that ReActor fails. Stop A1111 Go to Troubleshooting, II. Execute the steps. Start A1111 Note that ReActor fails. Stop A1111 Download insightface-0.7.3-cp311-cp311-win_amd64.whl Use Pip to install. Start A1111 Note that ReActor fails. Stop A1111

Sysinfo

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.6", "Version": "v1.6.0-2-g4afaaf8a", "Commit": "4afaaf8a020c1df457bcf7250cb1c7f609699fa7", "Script path": "G:\sd.webui\webui", "Data path": "G:\sd.webui\webui", "Extensions dir": "G:\sd.webui\webui\extensions", "Checksum": "a1e9ae80f6d1d275f5fee81f65c06d73c5bbe632e6fd121631aaf1708fdf206c", "Commandline": [ "launch.py" ], "Torch env info": { "torch_version": "2.0.1+cu118", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Microsoft Windows 10 Pro", "libc_version": "N/A", "python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.19045-SP0", "is_cuda_available": "True", "cuda_runtime_version": null, "cuda_module_loading": "LAZY", "nvidia_driver_version": "546.01", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3080", "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": [ "'wmic' is not recognized as an internal or external command,", "operable program or batch file." ] }, "Exceptions": [ { "exception": "No module named 'insightface'", "traceback": [ [ "G:\sd.webui\webui\modules\scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "G:\sd.webui\webui\modules\script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py, line 10, ", "import insightface" ] ] }, { "exception": "No module named 'insightface'", "traceback": [ [ "G:\sd.webui\webui\modules\scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "G:\sd.webui\webui\modules\script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_faceswap.py, line 31, ", "from scripts.reactor_swapper import EnhancementOptions, swap_face, check_process_halt, reset_messaged" ], [ "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py, line 10, ", "import insightface" ] ] }, { "exception": "No module named 'insightface'", "traceback": [ [ "G:\sd.webui\webui\modules\scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "G:\sd.webui\webui\modules\script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_api.py, line 17, ", "from scripts.reactor_swapper import EnhancementOptions, swap_face" ], [ "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py, line 10, ", "import insightface" ] ] }, { "exception": "No module named 'insightface'", "traceback": [ [ "G:\sd.webui\webui\modules\scripts.py, line 382, load_scripts", "script_module = script_loading.load_module(scriptfile.path)" ], [ "G:\sd.webui\webui\modules\script_loading.py, line 10, load_module", "module_spec.loader.exec_module(module)" ], [ ", line 883, exec_module", "" ], [ ", line 241, _call_with_frames_removed", "" ], [ "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\console_log_patch.py, line 4, ", "import insightface" ] ] } ], "CPU": { "model": "Intel64 Family 6 Model 165 Stepping 5, GenuineIntel", "count logical": 20, "count physical": 10 }, "RAM": { "total": "64GB", "used": "23GB", "free": "40GB" }, "Extensions": [ { "name": "PromptsBrowser", "path": "G:\sd.webui\webui\extensions\PromptsBrowser", "version": "b24b8214", "branch": "main", "remote": "https://github.com/AlpacaInTheNight/PromptsBrowser.git" }, { "name": "Stylez", "path": "G:\sd.webui\webui\extensions\Stylez", "version": "6ae5f6ec", "branch": "main", "remote": "https://github.com/javsezlol1/Stylez.git" }, { "name": "adetailer", "path": "G:\sd.webui\webui\extensions\adetailer", "version": "6b41b3db", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "openpose-editor", "path": "G:\sd.webui\webui\extensions\openpose-editor", "version": "c9357715", "branch": "master", "remote": "https://github.com/fkunn1326/openpose-editor.git" }, { "name": "sd-webui-animatediff", "path": "G:\sd.webui\webui\extensions\sd-webui-animatediff", "version": "ba883cf7", "branch": "master", "remote": "https://github.com/continue-revolution/sd-webui-animatediff.git" }, { "name": "sd-webui-comfyui", "path": "G:\sd.webui\webui\extensions\sd-webui-comfyui", "version": "2e274444", "branch": "main", "remote": "https://github.com/ModelSurge/sd-webui-comfyui.git" }, { "name": "sd-webui-controlnet", "path": "G:\sd.webui\webui\extensions\sd-webui-controlnet", "version": "05ef0b1c", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet" }, { "name": "sd-webui-reactor", "path": "G:\sd.webui\webui\extensions\sd-webui-reactor", "version": "4139d167", "branch": "main", "remote": "https://github.com/Gourieff/sd-webui-reactor" }, { "name": "sd_delete_button", "path": "G:\sd.webui\webui\extensions\sd_delete_button", "version": "9df37671", "branch": "main", "remote": "https://github.com/AlUlkesh/sd_delete_button.git" }, { "name": "stable-diffusion-webui-Prompt_Generator", "path": "G:\sd.webui\webui\extensions\stable-diffusion-webui-Prompt_Generator", "version": "31ec0833", "branch": "master", "remote": "https://github.com/imrayya/stable-diffusion-webui-Prompt_Generator.git" } ], "Inactive extensions": [], "Environment": { "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": true, "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": "truevisionpro_v10.safetensors [bc685041d5]", "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": true, "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": "bc685041d5e52eba0ebd079283aca1e6768749818bda9984974e4e10f2a8a556", "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "lora_functional": false, "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, "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "canvas_hotkey_zoom": "Alt", "canvas_hotkey_adjust": "Ctrl", "canvas_hotkey_move": "F", "canvas_hotkey_fullscreen": "S", "canvas_hotkey_reset": "R", "canvas_hotkey_overlap": "O", "canvas_show_tooltip": true, "canvas_auto_expand": true, "canvas_blur_prompt": false, "canvas_disabled_functions": [ "Overlap" ], "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_unit_count": 3, "control_net_model_cache_size": 1, "control_net_inpaint_blur_sigma": 7, "control_net_no_high_res_fix": false, "control_net_no_detectmap": false, "control_net_detectmap_autosaving": false, "control_net_allow_script_control": false, "control_net_sync_field_args": true, "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "controlnet_disable_control_type": false, "controlnet_disable_openpose_edit": false, "controlnet_ignore_noninpaint_mask": false, "comfyui_enabled": true, "comfyui_update_button": "Update comfyui (requires reload ui)", "comfyui_install_location": "G:\sd.ComfyUI\ComfyUI", "comfyui_additional_args": "", "comfyui_client_address": "", "comfyui_ipc_strategy": "Default", "comfyui_graceful_termination_timeout": 5.0, "comfyui_reverse_proxy_enabled": "Default", "ad_max_models": 3, "ad_extra_models_dir": "", "ad_save_previews": true, "ad_save_images_before": true, "ad_only_seleted_scripts": true, "ad_script_names": "dynamic_prompting,dynamic_thresholding,wildcard_recursive,wildcards,lora_block_weight", "ad_bbox_sortby": "None", "ad_same_seed_for_each_tap": false, "animatediff_model_path": "", "animatediff_optimize_gif_palette": false, "animatediff_optimize_gif_gifsicle": false, "animatediff_webp_quality": 80, "animatediff_webp_lossless": false, "animatediff_save_to_custom": false, "animatediff_xformers": "Optimize attention layers with xformers" }, "Startup": { "total": 40.86462354660034, "records": { "initial startup": 0.0004954338073730469, "prepare environment/checks": 0.022320270538330078, "prepare environment/git version info": 0.11854386329650879, "prepare environment/torch GPU test": 1.7047510147094727, "prepare environment/clone repositores": 0.35963010787963867, "prepare environment/run extensions installers/adetailer": 0.14532685279846191, "prepare environment/run extensions installers/openpose-editor": 0.0, "prepare environment/run extensions installers/PromptsBrowser": 2.4963672161102295, "prepare environment/run extensions installers/sd-webui-animatediff": 0.0, "prepare environment/run extensions installers/sd-webui-comfyui": 0.2599036693572998, "prepare environment/run extensions installers/sd-webui-controlnet": 0.2628810405731201, "prepare environment/run extensions installers/sd-webui-reactor": 12.510822772979736, "prepare environment/run extensions installers/sd_delete_button": 0.09820866584777832, "prepare environment/run extensions installers/stable-diffusion-webui-Prompt_Generator": 0.09919953346252441, "prepare environment/run extensions installers/Stylez": 0.0, "prepare environment/run extensions installers": 15.87270975112915, "prepare environment": 18.13400387763977, "launcher": 0.0014879703521728516, "import torch": 4.7943339347839355, "import gradio": 0.4826083183288574, "setup paths": 0.6249594688415527, "import ldm": 0.003968715667724609, "import sgm": 0.0, "initialize shared": 0.31942319869995117, "other imports": 0.43300819396972656, "opts onchange": 0.0004956722259521484, "setup SD model": 0.001983642578125, "setup codeformer": 0.09176015853881836, "setup gfpgan": 0.014880180358886719, "set samplers": 0.0, "list extensions": 0.0009918212890625, "restore config state file": 0.0, "list SD models": 0.007440328598022461, "list localizations": 0.0004956722259521484, "load scripts/custom_code.py": 0.0054552555084228516, "load scripts/img2imgalt.py": 0.0004963874816894531, "load scripts/loopback.py": 0.0, "load scripts/outpainting_mk_2.py": 0.0004966259002685547, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.00049591064453125, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0004961490631103516, "load scripts/prompts_from_file.py": 0.0, "load scripts/refiner.py": 0.0, "load scripts/sd_upscale.py": 0.00049591064453125, "load scripts/seed.py": 0.0, "load scripts/xyz_grid.py": 0.0014882087707519531, "load scripts/init.py": 1.150719165802002, "load scripts/Stylez.py": 0.5823032855987549, "load scripts/promptgen.py": 0.0004956722259521484, "load scripts/!adetailer.py": 11.60832142829895, "load scripts/main.py": 0.04566764831542969, "load scripts/animatediff.py": 0.1080927848815918, "load scripts/animatediff_cn.py": 0.00049591064453125, "load scripts/animatediff_i2ibatch.py": 0.0004961490631103516, "load scripts/animatediff_infotext.py": 0.0, "load scripts/animatediff_infv2v.py": 0.0004963874816894531, "load scripts/animatediff_latent.py": 0.0, "load scripts/animatediff_logger.py": 0.0004954338073730469, "load scripts/animatediff_lora.py": 0.0, "load scripts/animatediff_mm.py": 0.00049591064453125, "load scripts/animatediff_output.py": 0.0, "load scripts/animatediff_prompt.py": 0.00049591064453125, "load scripts/animatediff_ui.py": 0.0, "load scripts/comfyui.py": 0.23659157752990723, "load scripts/adapter.py": 0.0004961490631103516, "load scripts/api.py": 0.20236754417419434, "load scripts/batch_hijack.py": 0.00049591064453125, "load scripts/cldm.py": 0.0004961490631103516, "load scripts/controlmodel_ipadapter.py": 0.0, "load scripts/controlnet.py": 0.2018723487854004, "load scripts/controlnet_diffusers.py": 0.0004966259002685547, "load scripts/controlnet_lllite.py": 0.0, "load scripts/controlnet_lora.py": 0.0004963874816894531, "load scripts/controlnet_model_guess.py": 0.0, "load scripts/controlnet_version.py": 0.00049591064453125, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.00049591064453125, "load scripts/hook.py": 0.0009911060333251953, "load scripts/infotext.py": 0.0, "load scripts/logging.py": 0.0004966259002685547, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.00049591064453125, "load scripts/processor.py": 0.0, "load scripts/utils.py": 0.0004956722259521484, "load scripts/xyz_grid_support.py": 0.00049591064453125, "load scripts/console_log_patch.py": 0.0014879703521728516, "load scripts/reactor_api.py": 0.0029761791229248047, "load scripts/reactor_faceswap.py": 0.002975940704345703, "load scripts/reactor_globals.py": 0.0, "load scripts/reactor_helpers.py": 0.0004956722259521484, "load scripts/reactor_logger.py": 0.0, "load scripts/reactor_swapper.py": 0.0014882087707519531, "load scripts/reactor_version.py": 0.0, "load scripts/sd_delete_button.py": 0.10168099403381348, "load scripts/prompt_generator.py": 0.04116654396057129, "load scripts/ldsr_model.py": 0.04712033271789551, "load scripts/lora_script.py": 0.2618875503540039, "load scripts/scunet_model.py": 0.04513669013977051, "load scripts/swinir_model.py": 0.04265546798706055, "load scripts/hotkey_config.py": 0.0004956722259521484, "load scripts/extra_options_section.py": 0.0, "load scripts": 14.70484709739685, "load upscalers": 0.002480745315551758, "refresh VAE": 0.001984834671020508, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.0009913444519042969, "scripts list_unets": 0.0, "reload hypernetworks": 0.0034723281860351562, "initialize extra networks": 0.010911941528320312, "scripts before_ui_callback": 0.0009915828704833984, "create ui": 0.8367512226104736, "gradio launch": 0.42209696769714355, "add APIs": 0.004960298538208008, "app_started_callback/init.py": 0.0024797916412353516, "app_started_callback/callbacks.py": 0.011903762817382812, "app_started_callback/api.py": 0.003968238830566406, "app_started_callback/lora_script.py": 0.0004956722259521484, "app_started_callback": 0.01884746551513672 } }, "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", "aliyun-python-sdk-core==2.14.0", "aliyun-python-sdk-kms==2.16.2", "altair==5.1.2", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "arabic-reshaper==3.0.0", "astunparse==1.6.3", "async-timeout==4.0.3", "attrs==23.1.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "blendmodes==2022", "boltons==23.1.1", "cachetools==5.3.2", "certifi==2023.7.22", "cffi==1.16.0", "charset-normalizer==3.3.2", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "colorama==0.4.6", "coloredlogs==15.0.1", "contourpy==1.2.0", "controlnet-aux==0.0.6", "crcmod==1.7", "cryptography==41.0.5", "cssselect2==0.7.0", "cycler==0.12.1", "cython==3.0.5", "datasets==2.13.0", "deprecation==2.1.0", "diffusers==0.22.2", "dill==0.3.6", "edge-tts==6.1.9", "einops==0.4.1", "exceptiongroup==1.1.3", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpeg-python==0.2.0", "ffmpy==0.3.1", "filelock==3.13.1", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.44.0", "frozenlist==1.4.0", "fsspec==2023.10.0", "ftfy==6.1.1", "future==0.18.3", "fvcore==0.1.5.post20221221", "gast==0.5.4", "gdown==4.7.1", "gfpgan==1.3.8", "gitdb==4.0.11", "gitpython==3.1.32", "google-auth-oauthlib==1.0.0", "google-auth==2.23.4", "google-pasta==0.2.0", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.59.2", "h11==0.12.0", "h5py==3.10.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.18.0", "humanfriendly==10.0", "idna==3.4", "ifnude==0.0.3", "imageio==2.32.0", "importlib-metadata==6.8.0", "importlib-resources==6.1.1", "inflection==0.5.1", "iopath==0.1.9", "jinja2==3.1.2", "jmespath==0.10.0", "jsonmerge==1.8.0", "jsonschema-specifications==2023.7.1", "jsonschema==4.19.2", "keras==2.14.0", "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.41.1", "lmdb==1.4.1", "lpips==0.1.4", "lxml==4.9.3", "markdown-it-py==3.0.0", "markdown==3.5.1", "markupsafe==2.1.3", "matplotlib==3.8.1", "mdurl==0.1.2", "mediapipe==0.10.8", "ml-dtypes==0.2.0", "mmdet==2.26.0", "modelscope==1.9.4", "mpmath==1.3.0", "multidict==6.0.4", "multiprocess==0.70.14", "networkx==3.2.1", "numba==0.58.1", "numexpr==2.8.7", "numpy==1.23.5", "oauthlib==3.2.2", "omegaconf==2.2.3", "onnx==1.15.0", "onnxruntime-gpu==1.12.1", "onnxruntime==1.16.2", "open-clip-torch==2.20.0", "opencv-contrib-python==4.8.1.78", "opencv-python-headless==4.8.1.78", "opencv-python==4.8.1.78", "opt-einsum==3.3.0", "orjson==3.9.10", "oss2==2.18.3", "packaging==23.2", "pandas==2.1.2", "piexif==1.1.3", "pillow==9.5.0", "pip==23.3.1", "platformdirs==3.11.0", "portalocker==2.8.2", "protobuf==3.20.3", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyarrow==14.0.0", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycocotools==2.0.7", "pycparser==2.21", "pycryptodome==3.19.0", "pydantic==1.10.13", "pydub==0.25.1", "pygments==2.16.1", "pyparsing==3.1.1", "pyqt5-qt5==5.15.2", "pyqt5-sip==12.13.0", "pyqt5==5.15.10", "pyreadline3==3.4.1", "pysocks==1.7.1", "python-bidi==0.4.2", "python-dateutil==2.8.2", "python-multipart==0.0.6", "python-slugify==8.0.1", "pytorch-lightning==1.9.4", "pytz==2023.3.post1", "pywavelets==1.4.1", "pywin32==306", "pyyaml==6.0.1", "realesrgan==0.3.0", "referencing==0.30.2", "regex==2023.10.3", "reportlab==4.0.7", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rich==13.6.0", "rpds-py==0.12.0", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scipy==1.11.3", "seaborn==0.13.0", "semantic-version==2.10.0", "send2trash==1.8.2", "sentencepiece==0.1.99", "setuptools==68.2.2", "simplejson==3.19.2", "six==1.16.0", "slugify==0.0.1", "smmap==5.0.1", "sniffio==1.3.0", "sortedcontainers==2.4.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.16.0a20231107", "tensorboard-data-server==0.7.2", "tensorboard==2.14.1", "tensorflow-estimator==2.14.0", "tensorflow-intel==2.14.0", "tensorflow-io-gcs-filesystem==0.31.0", "tensorflow==2.14.0", "termcolor==2.3.0", "terminaltables==3.1.10", "text-unidecode==1.3", "tf2onnx==1.15.1", "thop==0.1.1.post2209072238", "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", "typing-extensions==4.8.0", "tzdata==2023.3", "ultralytics==8.0.208", "urllib3==2.0.7", "uvicorn==0.24.0.post1", "wcwidth==0.2.9", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==3.0.1", "wheel==0.41.3", "wrapt==1.14.1", "xxhash==3.4.1", "yacs==0.1.8", "yapf==0.40.2", "yarl==1.9.2", "zipp==3.17.0" ] }

Relevant console log

Requirement already satisfied: onnxruntime-gpu in g:\sd.webui\system\python\lib\site-packages (1.12.1)
Requirement already satisfied: coloredlogs in g:\sd.webui\system\python\lib\site-packages (from onnxruntime-gpu) (15.0.1)
Requirement already satisfied: flatbuffers in g:\sd.webui\system\python\lib\site-packages (from onnxruntime-gpu) (23.5.26)
Requirement already satisfied: numpy>=1.21.0 in g:\sd.webui\system\python\lib\site-packages (from onnxruntime-gpu) (1.23.5)
Requirement already satisfied: packaging in g:\sd.webui\system\python\lib\site-packages (from onnxruntime-gpu) (23.2)
Requirement already satisfied: protobuf in g:\sd.webui\system\python\lib\site-packages (from onnxruntime-gpu) (3.20.3)
Requirement already satisfied: sympy in g:\sd.webui\system\python\lib\site-packages (from onnxruntime-gpu) (1.12)
Requirement already satisfied: humanfriendly>=9.1 in g:\sd.webui\system\python\lib\site-packages (from coloredlogs->onnxruntime-gpu) (10.0)
Requirement already satisfied: mpmath>=0.19 in g:\sd.webui\system\python\lib\site-packages (from sympy->onnxruntime-gpu) (1.3.0)
Requirement already satisfied: pyreadline3 in g:\sd.webui\system\python\lib\site-packages (from humanfriendly>=9.1->coloredlogs->onnxruntime-gpu) (3.4.1)
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'
ReActor preheating... Device: CUDA
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.
[-] ADetailer initialized. version: 23.11.0, num models: 9
2023-11-11 19:17:24,571 - ControlNet - INFO - ControlNet v1.1.416
ControlNet preprocessor location: G:\sd.webui\webui\extensions\sd-webui-controlnet\annotator\downloads
2023-11-11 19:17:24,772 - ControlNet - INFO - ControlNet v1.1.416
*** Error loading script: console_log_patch.py
    Traceback (most recent call last):
      File "G:\sd.webui\webui\modules\scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
      File "G:\sd.webui\webui\modules\script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 883, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "G:\sd.webui\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 "G:\sd.webui\webui\modules\scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
      File "G:\sd.webui\webui\modules\script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 883, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_api.py", line 17, in <module>
        from scripts.reactor_swapper import EnhancementOptions, swap_face
      File "G:\sd.webui\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 "G:\sd.webui\webui\modules\scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
      File "G:\sd.webui\webui\modules\script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 883, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_faceswap.py", line 31, in <module>
        from scripts.reactor_swapper import EnhancementOptions, swap_face, check_process_halt, reset_messaged
      File "G:\sd.webui\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 "G:\sd.webui\webui\modules\scripts.py", line 382, in load_scripts
        script_module = script_loading.load_module(scriptfile.path)
      File "G:\sd.webui\webui\modules\script_loading.py", line 10, in load_module
        module_spec.loader.exec_module(module)
      File "<frozen importlib._bootstrap_external>", line 883, in exec_module
      File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
      File "G:\sd.webui\webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py", line 10, in <module>
        import insightface
    ModuleNotFoundError: No module named 'insightface'

---
19:17:24 - ReActor - STATUS - Running v0.5.0-b1

Additional information

No response

Gourieff commented 12 months ago

Download insightface-0.7.3-cp311-cp311-win_amd64.whl ... "Python": "3.10.6",

You have Python 3.10.6, but you're trying to install Insightface for Python 3.11 - it won't work You need the cp310 build https://github.com/Gourieff/sd-webui-reactor#insightfacebuild

rlberry commented 12 months ago

Got it working. Recommend adding a bit more detail regarding Windows specific install (.\Activate.bat and .\Deactivate.bat, using activate and deactivate does not work on windows.) Same for ensuring that the webui bat is run, not the A1111 run.bat.

Gourieff commented 11 months ago

Recommend adding a bit more detail regarding Windows specific install (.\Activate.bat and .\Deactivate.bat, using activate and deactivate does not work on windows.)

activate and deactivate works on Windows Just type activate if you are in the folder with activate.bat OR if you are not - type e.g. .\venv\Scripts\activate