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

Face restoration problems #184

Closed Eldobaz closed 9 months ago

Eldobaz commented 10 months ago

First, confirm

What happened?

Error after "Restoring the face with CodeFormer"

CodeFormer dont restore faces, GFPGAN also don't work

If i try without face restoring - it work, but faces is blurred

Steps to reproduce the problem

  1. Go to ....
  2. Press ....
  3. ...

Sysinfo

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.6", "Version": "v1.6.0-2-g4afaaf8a", "Commit": "4afaaf8a020c1df457bcf7250cb1c7f609699fa7", "Script path": "I:\AI\SDUI", "Data path": "I:\AI\SDUI", "Extensions dir": "I:\AI\SDUI\extensions", "Checksum": "1623c5a1812f759f700c28c6a835e277a4d2546a9bbba4d2b67167c99e42916c", "Commandline": [ "launch.py", "--theme", "dark", "--xformers" ], "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": "Майкрософт 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": "536.23", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3090", "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==0.11.4", "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=9", "CurrentClockSpeed=4501", "DeviceID=CPU0", "Family=107", "L2CacheSize=16384", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=4501", "Name=AMD Ryzen 9 7950X 16-Core Processor ", "ProcessorType=3", "Revision=24834" ] }, "Exceptions": [ { "exception": "unexpected EOF, expected 1542259 more bytes. The file might be corrupted.", "traceback": [ [ "I:\AI\SDUI\modules\scripts.py, line 675, postprocess_image", "script.postprocess_image(p, pp, script_args)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_faceswap.py, line 433, postprocess_image", "result, output, swapped = swap_face(" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 448, swap_face", "result_image = enhance_image(result_image, enhancement_options)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 162, enhance_image", "result_image = restore_face(result_image, enhancement_options)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 119, restore_face", "numpy_image = codeformer_model.codeformer.restore(" ], [ "I:\AI\SDUI\modules\codeformer_model.py, line 81, restore", "self.create_models()" ], [ "I:\AI\SDUI\modules\codeformer_model.py, line 64, create_models", "face_helper = FaceRestoreHelper(1, face_size=512, crop_ratio=(1, 1), det_model='retinaface_resnet50', save_ext='png', use_parse=True, device=devices.device_codeformer)" ], [ "I:\AI\SDUI\repositories\CodeFormer\facelib\utils\face_restoration_helper.py, line 109, init", "self.face_parse = init_parsing_model(model_name='parsenet', device=self.device)" ], [ "I:\AI\SDUI\repositories\CodeFormer\facelib\parsing\init.py, line 19, init_parsing_model", "load_net = torch.load(model_path, map_location=lambda storage, loc: storage)" ], [ "i:\AI\SDUI\modules\safe.py, line 108, load", "return load_with_extra(filename, args, extra_handler=global_extra_handler, kwargs)" ], [ "i:\AI\SDUI\modules\safe.py, line 156, load_with_extra", "return unsafe_torch_load(filename, args, kwargs)" ], [ "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py, line 815, load", "return _legacy_load(opened_file, map_location, pickle_module, pickle_load_args)" ], [ "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py, line 1051, _legacy_load", "typed_storage._untyped_storage._set_from_file(" ] ] }, { "exception": "unexpected EOF, expected 546586 more bytes. The file might be corrupted.", "traceback": [ [ "I:\AI\SDUI\modules\scripts.py, line 675, postprocess_image", "script.postprocess_image(p, pp, script_args)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_faceswap.py, line 433, postprocess_image", "result, output, swapped = swap_face(" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 448, swap_face", "result_image = enhance_image(result_image, enhancement_options)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 162, enhance_image", "result_image = restore_face(result_image, enhancement_options)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 123, restore_face", "numpy_image = enhancement_options.face_restorer.restore(numpy_image)" ], [ "I:\AI\SDUI\modules\gfpgan_model.py, line 106, restore", "return gfpgan_fix_faces(np_image)" ], [ "I:\AI\SDUI\modules\gfpgan_model.py, line 51, gfpgan_fix_faces", "model = gfpgann()" ], [ "I:\AI\SDUI\modules\gfpgan_model.py, line 38, gfpgann", "model = gfpgan_constructor(model_path=model_file, upscale=1, arch='clean', channel_multiplier=2, bg_upsampler=None, device=devices.device_gfpgan)" ], [ "i:\AI\SDUI\venv\lib\site-packages\gfpgan\utils.py, line 92, init", "loadnet = torch.load(model_path)" ], [ "i:\AI\SDUI\modules\safe.py, line 108, load", "return load_with_extra(filename, *args, extra_handler=global_extra_handler, *kwargs)" ], [ "i:\AI\SDUI\modules\safe.py, line 156, load_with_extra", "return unsafe_torch_load(filename, args, kwargs)" ], [ "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py, line 815, load", "return _legacy_load(opened_file, map_location, pickle_module, pickle_load_args)" ], [ "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py, line 1051, _legacy_load", "typed_storage._untyped_storage._set_from_file(" ] ] }, { "exception": "unexpected EOF, expected 1542259 more bytes. The file might be corrupted.", "traceback": [ [ "I:\AI\SDUI\modules\scripts.py, line 675, postprocess_image", "script.postprocess_image(p, pp, script_args)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_faceswap.py, line 433, postprocess_image", "result, output, swapped = swap_face(" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 448, swap_face", "result_image = enhance_image(result_image, enhancement_options)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 162, enhance_image", "result_image = restore_face(result_image, enhancement_options)" ], [ "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py, line 119, restore_face", "numpy_image = codeformer_model.codeformer.restore(" ], [ "I:\AI\SDUI\modules\codeformer_model.py, line 81, restore", "self.create_models()" ], [ "I:\AI\SDUI\modules\codeformer_model.py, line 64, create_models", "face_helper = FaceRestoreHelper(1, face_size=512, crop_ratio=(1, 1), det_model='retinaface_resnet50', save_ext='png', use_parse=True, device=devices.device_codeformer)" ], [ "I:\AI\SDUI\repositories\CodeFormer\facelib\utils\face_restoration_helper.py, line 109, init", "self.face_parse = init_parsing_model(model_name='parsenet', device=self.device)" ], [ "I:\AI\SDUI\repositories\CodeFormer\facelib\parsing\init.py, line 19, init_parsing_model", "load_net = torch.load(model_path, map_location=lambda storage, loc: storage)" ], [ "i:\AI\SDUI\modules\safe.py, line 108, load", "return load_with_extra(filename, args, extra_handler=global_extra_handler, kwargs)" ], [ "i:\AI\SDUI\modules\safe.py, line 156, load_with_extra", "return unsafe_torch_load(filename, args, kwargs)" ], [ "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py, line 815, load", "return _legacy_load(opened_file, map_location, pickle_module, pickle_load_args)" ], [ "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py, line 1051, _legacy_load", "typed_storage._untyped_storage._set_from_file(" ] ] } ], "CPU": { "model": "AMD64 Family 25 Model 97 Stepping 2, AuthenticAMD", "count logical": 32, "count physical": 16 }, "RAM": { "total": "64GB", "used": "17GB", "free": "46GB" }, "Extensions": [ { "name": "sd-webui-controlnet", "path": "I:\AI\SDUI\extensions\sd-webui-controlnet", "version": "05ef0b1c", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" }, { "name": "sd-webui-reactor-main", "path": "I:\AI\SDUI\extensions\sd-webui-reactor-main", "version": "", "branch": null, "remote": null } ], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": " --theme dark --xformers", "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": "realisticVisionV20_v20.safetensors [e6415c4892]", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": true, "sd_checkpoint_cache": 0, "sd_unet": "Automatic", "enable_quantization": false, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 1, "upcast_attn": false, "randn_source": "GPU", "tiling": false, "hires_fix_refiner_pass": "second pass", "sdxl_crop_top": 0, "sdxl_crop_left": 0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "sd_vae_explanation": "VAE is a neural network that transforms a standard RGB\nimage into latent space representation and back. Latent space representation is what stable diffusion is working on during sampling\n(i.e. when the progress bar is between empty and full). For txt2img, VAE is used to create a resulting image after the sampling is finished.\nFor img2img, VAE is used to process user's input image before the sampling, and to create an image after sampling.", "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_vae_overrides_per_model_preferences": true, "auto_vae_precision": true, "sd_vae_encode_method": "Full", "sd_vae_decode_method": "Full", "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_extra_noise": 0.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "img2img_editor_height": 720, "img2img_sketch_default_brush_color": "#ffffff", "img2img_inpaint_mask_brush_color": "#ffffff", "img2img_inpaint_sketch_default_brush_color": "#ffffff", "return_mask": false, "return_mask_composite": false, "cross_attention_optimization": "Automatic", "s_min_uncond": 0.0, "token_merging_ratio": 0.0, "token_merging_ratio_img2img": 0.0, "token_merging_ratio_hr": 0.0, "pad_cond_uncond": false, "persistent_cond_cache": true, "batch_cond_uncond": true, "use_old_emphasis_implementation": false, "use_old_karras_scheduler_sigmas": false, "no_dpmpp_sde_batch_determinism": false, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "hires_fix_use_firstpass_conds": false, "use_old_scheduling": false, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": false, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 24, "interrogate_clip_max_length": 48, "interrogate_clip_dict_limit": 1500, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "extra_networks_hidden_models": "When searched", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_card_text_scale": 1.0, "extra_networks_card_show_desc": true, "extra_networks_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "sd_hypernetwork": "None", "localization": "None", "gradio_theme": "Default", "gradio_themes_cache": true, "gallery_height": "", "return_grid": true, "do_not_show_images": false, "send_seed": true, "send_size": true, "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^;:{}=`~()", "keyedit_move": true, "quicksettings_list": [ "sd_model_checkpoint" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "disable_token_counters": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "add_user_name_to_info": false, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "infotext_styles": "Apply if any", "show_progressbar": true, "live_previews_enable": true, "live_previews_image_format": "png", "show_progress_grid": true, "show_progress_every_n_steps": 10, "show_progress_type": "Approx NN", "live_preview_allow_lowvram_full": false, "live_preview_content": "Prompt", "live_preview_refresh_period": 1000, "live_preview_fast_interrupt": false, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_tmax": 0.0, "s_noise": 1.0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "sgm_noise_multiplier": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "e6415c48928aedc891237556125e56ebd0bb3d9f0982d469ebb719d1117dfb92" }, "Startup": { "total": 7.1319780349731445, "records": { "initial startup": 0.0, "prepare environment/checks": 0.006000995635986328, "prepare environment/git version info": 0.024005651473999023, "prepare environment/torch GPU test": 0.9802248477935791, "prepare environment/clone repositores": 0.0690157413482666, "prepare environment/run extensions installers/sd-webui-controlnet": 0.16103863716125488, "prepare environment/run extensions installers/sd-webui-reactor-main": 1.0682451725006104, "prepare environment/run extensions installers": 1.2292838096618652, "prepare environment": 2.337538003921509, "launcher": 0.0010001659393310547, "import torch": 1.546351432800293, "import gradio": 0.6461522579193115, "setup paths": 0.38709163665771484, "import ldm": 0.0020003318786621094, "import sgm": 0.0, "initialize shared": 0.1540365219116211, "other imports": 0.29506993293762207, "opts onchange": 0.0, "setup SD model": 0.0009999275207519531, "setup codeformer": 0.05501294136047363, "setup gfpgan": 0.008002281188964844, "set samplers": 0.0, "list extensions": 0.0, "restore config state file": 0.0, "list SD models": 0.0009999275207519531, "list localizations": 0.0010001659393310547, "load scripts/custom_code.py": 0.0010004043579101562, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0010004043579101562, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0, "load scripts/refiner.py": 0.0009999275207519531, "load scripts/sd_upscale.py": 0.0, "load scripts/seed.py": 0.0, "load scripts/xyz_grid.py": 0.0010001659393310547, "load scripts/adapter.py": 0.0, "load scripts/api.py": 0.6431522369384766, "load scripts/batch_hijack.py": 0.0010006427764892578, "load scripts/cldm.py": 0.0, "load scripts/controlmodel_ipadapter.py": 0.0, "load scripts/controlnet.py": 0.05501270294189453, "load scripts/controlnet_diffusers.py": 0.0, "load scripts/controlnet_lllite.py": 0.0, "load scripts/controlnet_lora.py": 0.0, "load scripts/controlnet_model_guess.py": 0.0, "load scripts/controlnet_version.py": 0.0010001659393310547, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0, "load scripts/hook.py": 0.0009999275207519531, "load scripts/infotext.py": 0.0, "load scripts/logging.py": 0.0, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.0, "load scripts/processor.py": 0.0010004043579101562, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.0, "load scripts/console_log_patch.py": 0.13203096389770508, "load scripts/reactor_api.py": 0.05033373832702637, "load scripts/reactor_faceswap.py": 0.003000497817993164, "load scripts/reactor_globals.py": 0.001001119613647461, "load scripts/reactor_helpers.py": 0.0, "load scripts/reactor_logger.py": 0.0, "load scripts/reactor_swapper.py": 0.0, "load scripts/reactor_version.py": 0.0, "load scripts/ldsr_model.py": 0.011002540588378906, "load scripts/lora_script.py": 0.062014102935791016, "load scripts/scunet_model.py": 0.011002779006958008, "load scripts/swinir_model.py": 0.010002374649047852, "load scripts/hotkey_config.py": 0.0010004043579101562, "load scripts/extra_options_section.py": 0.0, "load scripts": 0.9875555038452148, "load upscalers": 0.0009999275207519531, "refresh VAE": 0.0010004043579101562, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.0, "scripts list_unets": 0.0, "reload hypernetworks": 0.0009996891021728516, "initialize extra networks": 0.01100301742553711, "scripts before_ui_callback": 0.0010001659393310547, "create ui": 0.3640859127044678, "gradio launch": 0.354083776473999, "add APIs": 0.0030012130737304688, "app_started_callback/api.py": 0.00099945068359375, "app_started_callback/reactor_api.py": 0.0010004043579101562, "app_started_callback/lora_script.py": 0.0, "app_started_callback": 0.0019998550415039062 } }, "Packages": [ "absl-py==1.4.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.1.0", "aiohttp==3.8.4", "aiosignal==1.3.1", "albumentations==1.3.1", "altair==5.0.1", "antlr4-python3-runtime==4.9.3", "anyio==3.7.0", "async-timeout==4.0.2", "attrs==23.1.0", "av==10.0.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "blendmodes==2022", "boltons==23.0.0", "cachetools==5.3.1", "certifi==2023.5.7", "cffi==1.15.1", "charset-normalizer==3.1.0", "clean-fid==0.1.35", "click==8.1.3", "clip==1.0", "colorama==0.4.6", "coloredlogs==15.0.1", "contourpy==1.1.0", "cssselect2==0.7.0", "cycler==0.11.0", "cython==0.29.35", "deprecation==2.1.0", "diffusers==0.17.1", "easydict==1.10", "einops==0.4.1", "exceptiongroup==1.1.1", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.0", "filelock==3.12.2", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.40.0", "frozenlist==1.3.3", "fsspec==2023.6.0", "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.0.0", "google-auth==2.21.0", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.56.0", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.15.1", "humanfriendly==10.0", "idna==3.4", "imageio-ffmpeg==0.4.9", "imageio==2.31.1", "importlib-metadata==6.7.0", "importlib-resources==6.1.0", "inflection==0.5.1", "insightface==0.7.3", "iopath==0.1.9", "jinja2==3.1.2", "joblib==1.3.1", "jsonmerge==1.8.0", "jsonschema==4.17.3", "kiwisolver==1.4.4", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.9.0", "linkify-it-py==2.0.2", "llvmlite==0.40.1", "lmdb==1.4.1", "lpips==0.1.4", "lxml==4.9.2", "markdown-it-py==2.2.0", "markdown==3.4.3", "markupsafe==2.1.3", "matplotlib==3.7.1", "mdit-py-plugins==0.3.3", "mdurl==0.1.2", "mediapipe==0.10.7", "mpmath==1.3.0", "multidict==6.0.4", "networkx==3.1", "numba==0.57.1", "numexpr==2.8.7", "numpy==1.23.5", "nvidia-cublas-cu11==11.11.3.6", "nvidia-cuda-nvrtc-cu11==11.8.89", "nvidia-cudnn-cu11==8.9.4.25", "oauthlib==3.2.2", "omegaconf==2.2.3", "onnx==1.14.0", "onnxruntime-gpu==1.16.1", "onnxruntime==1.15.1", "open-clip-torch==2.20.0", "opencv-contrib-python==4.8.0.74", "opencv-python-headless==4.8.0.74", "opencv-python==4.8.0.76", "orjson==3.9.1", "packaging==23.1", "pandas==2.0.3", "piexif==1.1.3", "pillow==9.5.0", "pims==0.6.0", "pip==23.1.2", "platformdirs==3.8.0", "portalocker==2.7.0", "prettytable==3.8.0", "protobuf==3.20.3", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycparser==2.21", "pydantic==1.10.10", "pydub==0.25.1", "pygments==2.15.1", "pyparsing==3.1.0", "pyreadline3==3.4.1", "pyrsistent==0.19.3", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3", "pywavelets==1.4.1", "pywin32==306", "pyyaml==6.0", "qudida==0.0.4", "realesrgan==0.3.0", "regex==2023.6.3", "reportlab==4.0.4", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rich==13.6.0", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scikit-learn==1.3.0", "scipy==1.11.1", "seaborn==0.13.0", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==63.2.0", "six==1.16.0", "slicerator==1.1.0", "smmap==5.0.0", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.4.1", "starlette==0.26.1", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.14.0a20230702", "tensorboard-data-server==0.7.1", "termcolor==2.3.0", "thop==0.1.1.post2209072238", "threadpoolctl==3.1.0", "tifffile==2023.4.12", "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==0.11.4", "torchsde==0.2.5", "torchvision==0.15.2+cu118", "tqdm==4.65.0", "trampoline==0.1.2", "transformers==4.30.2", "typing-extensions==4.7.1", "tzdata==2023.3", "uc-micro-py==1.0.2", "ultralytics==8.0.205", "urllib3==1.26.16", "uvicorn==0.22.0", "wcwidth==0.2.6", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==2.3.6", "wheel==0.40.0", "xformers==0.0.20", "yacs==0.1.8", "yapf==0.40.1", "yarl==1.9.2", "zipp==3.15.0" ] }

Relevant console log

Total progress: 100%|██████████████████████████████████████████████████████████████████| 40/40 [00:05<00:00,  7.32it/s]
100%|██████████████████████████████████████████████████████████████████████████████████| 40/40 [00:03<00:00, 11.37it/s]
14:16:21 - ReActor - STATUS - Working: source face index [7], target face index [0]██▎ | 39/40 [00:03<00:00, 12.10it/s]
14:16:21 - ReActor - STATUS - Analyzing Source Image...
14:16:22 - ReActor - STATUS - Analyzing Target Image...
14:16:22 - ReActor - STATUS - Detecting Source Face, Index = 7
14:16:22 - ReActor - STATUS - Detected: -36- y.o. Female
14:16:22 - ReActor - STATUS - Detecting Target Face, Index = 0
14:16:22 - ReActor - STATUS - Detected: -25- y.o. Female
14:16:22 - ReActor - STATUS - Swapping Source into Target
14:16:23 - ReActor - STATUS - Restoring the face with CodeFormer
*** Error running postprocess_image: I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_faceswap.py
    Traceback (most recent call last):
      File "I:\AI\SDUI\modules\scripts.py", line 675, in postprocess_image
        script.postprocess_image(p, pp, *script_args)
      File "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_faceswap.py", line 433, in postprocess_image
        result, output, swapped = swap_face(
      File "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py", line 448, in swap_face
        result_image = enhance_image(result_image, enhancement_options)
      File "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py", line 162, in enhance_image
        result_image = restore_face(result_image, enhancement_options)
      File "I:\AI\SDUI\extensions\sd-webui-reactor-main\scripts\reactor_swapper.py", line 119, in restore_face
        numpy_image = codeformer_model.codeformer.restore(
      File "I:\AI\SDUI\modules\codeformer_model.py", line 81, in restore
        self.create_models()
      File "I:\AI\SDUI\modules\codeformer_model.py", line 64, in create_models
        face_helper = FaceRestoreHelper(1, face_size=512, crop_ratio=(1, 1), det_model='retinaface_resnet50', save_ext='png', use_parse=True, device=devices.device_codeformer)
      File "I:\AI\SDUI\repositories\CodeFormer\facelib\utils\face_restoration_helper.py", line 109, in __init__
        self.face_parse = init_parsing_model(model_name='parsenet', device=self.device)
      File "I:\AI\SDUI\repositories\CodeFormer\facelib\parsing\__init__.py", line 19, in init_parsing_model
        load_net = torch.load(model_path, map_location=lambda storage, loc: storage)
      File "i:\AI\SDUI\modules\safe.py", line 108, in load
        return load_with_extra(filename, *args, extra_handler=global_extra_handler, **kwargs)
      File "i:\AI\SDUI\modules\safe.py", line 156, in load_with_extra
        return unsafe_torch_load(filename, *args, **kwargs)
      File "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py", line 815, in load
        return _legacy_load(opened_file, map_location, pickle_module, **pickle_load_args)
      File "i:\AI\SDUI\venv\lib\site-packages\torch\serialization.py", line 1051, in _legacy_load
        typed_storage._untyped_storage._set_from_file(
    RuntimeError: unexpected EOF, expected 1542259 more bytes. The file might be corrupted.

---

Additional information

No response

Gourieff commented 10 months ago

RuntimeError: unexpected EOF, expected 1542259 more bytes. The file might be corrupted.

That's the reason Smth wrong with your models files You can download appropriate models (codeformer and gfpgan) from here https://github.com/TencentARC/GFPGAN/releases/tag/v1.3.4

Eldobaz commented 10 months ago

I downloaded the files from the link, replaced the old ones, restarted the server and webUI. Nothing has changed, the error text is the same.

yasainet commented 10 months ago

The same problem is occurring.

Also, what folder should I download codeformer and gfpgan and move them to?

Gourieff commented 10 months ago

models\Codeformer and models\GFPGAN inside the sd-webui directory