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.17k stars 235 forks source link

Error running postprocess_image #387

Closed chuckstarza closed 1 week ago

chuckstarza commented 2 months ago

First, confirm

What happened?

When I try to use ReActor in either T2I or I2I it throws out the error log below. It was working fine a few weeks ago, and now just this.

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.8.0", "Commit": "bef51aed032c0aaa5cfd80445bc4cf0d85b408b5", "Script path": "C:\Users\Alex Admin\stable-diffusion-webui", "Data path": "C:\Users\Alex Admin\stable-diffusion-webui", "Extensions dir": "C:\Users\Alex Admin\stable-diffusion-webui\extensions", "Checksum": "d5a4e2ec1bcea7aa74b07f69152441608a25647fc3031cbef9f8cb02d6065024", "Commandline": [ "launch.py", "--xformers", "--medvram", "--no-half" ], "Torch env info": { "torch_version": "2.1.2+cu121", "is_debug_build": "False", "cuda_compiled_version": "12.1", "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Microsoft Windows 10 Home", "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": "551.61", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce GTX 1660 SUPER", "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.26.2", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.1.2+cu121", "torchdiffeq==0.2.3", "torchmetrics==1.3.1", "torchsde==0.2.6", "torchvision==0.16.2+cu121" ], "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=3600", "DeviceID=CPU0", "Family=107", "L2CacheSize=4096", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=3600", "Name=AMD Ryzen 7 3700X 8-Core Processor ", "ProcessorType=3", "Revision=28928" ] }, "Exceptions": [ { "exception": "module 'torch._guards' has no attribute 'active_fake_mode'", "traceback": [ [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\scripts.py, line 856, postprocess_image", "script.postprocess_image(p, pp, script_args)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_faceswap.py, line 450, postprocess_image", "result, output, swapped = swap_face(" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py, line 616, swap_face", "result_image, output, swapped = operate(source_img,target_img,target_img_orig,model,source_faces_index,faces_index,source_faces,target_faces,gender_source,gender_target,source_face,wrong_gender,source_age,source_gender,output,swapped,mask_face,entire_mask_image,enhancement_options,detection_options)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py, line 812, operate", "result_image = enhance_image(result_image, enhancement_options)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py, line 217, enhance_image", "result_image = restore_face(result_image, enhancement_options)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py, line 172, restore_face", "numpy_image = codeformer_model.codeformer.restore(" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\codeformer_model.py, line 55, restore", "return self.restore_with_helper(np_image, restore_face)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py, line 156, restore_with_helper", "self.send_model_to(self.get_device())" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py, line 132, send_model_to", "if self.face_helper:" ], [ "C:\Users\Alex Admin\AppData\Local\Programs\Python\Python310\lib\functools.py, line 981, get", "val = self.func(instance)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py, line 126, face_helper", "return create_face_helper(self.get_device())" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py, line 47, create_face_helper", "return FaceRestoreHelper(" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\facexlib\utils\face_restoration_helper.py, line 99, init", "self.face_det = init_detection_model(det_model, half=False, device=self.device, model_rootpath=model_rootpath)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\facexlib\detection\init.py, line 22, init_detection_model", "load_net = torch.load(model_path, map_location=lambda storage, loc: storage)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\safe.py, line 108, load", "return load_with_extra(filename, args, extra_handler=global_extra_handler, *kwargs)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\modules\safe.py, line 156, load_with_extra", "return unsafe_torch_load(filename, args, kwargs)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\torch\serialization.py, line 1039, load", "return _legacy_load(opened_file, map_location, pickle_module, pickle_load_args)" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\torch\serialization.py, line 1271, _legacy_load", "result = unpickler.load()" ], [ "C:\Users\Alex Admin\AppData\Local\Programs\Python\Python310\lib\pickle.py, line 1213, load", "dispatchkey[0]" ], [ "C:\Users\Alex Admin\AppData\Local\Programs\Python\Python310\lib\pickle.py, line 1254, load_binpersid", "self.append(self.persistent_load(pid))" ], [ "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\torch\serialization.py, line 1199, persistent_load", "if torch._guards.active_fake_mode() is not None:" ] ] } ], "CPU": { "model": "AMD64 Family 23 Model 113 Stepping 0, AuthenticAMD", "count logical": 16, "count physical": 8 }, "RAM": { "total": "32GB", "used": "13GB", "free": "19GB" }, "Extensions": [ { "name": "sd-webui-reactor", "path": "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor", "version": "e215bd67", "branch": "main", "remote": "https://github.com/Gourieff/sd-webui-reactor" } ], "Inactive extensions": [ { "name": "sd-webui-faceswaplab", "path": "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-faceswaplab", "version": "42d1c75b", "branch": "main", "remote": "https://github.com/glucauze/sd-webui-faceswaplab" } ], "Environment": { "COMMANDLINE_ARGS": "--xformers --medvram --no-half", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "SWIN_torch_compile": false, "hypertile_enable_unet": false, "hypertile_enable_unet_secondpass": false, "hypertile_max_depth_unet": 3, "hypertile_max_tile_unet": 256, "hypertile_swap_size_unet": 3, "hypertile_enable_vae": false, "hypertile_max_depth_vae": 3, "hypertile_max_tile_vae": 128, "hypertile_swap_size_vae": 3, "sd_model_checkpoint": "v1-5-pruned-emaonly.ckpt [cc6cb27103]", "sd_checkpoint_hash": "cc6cb27103417325ff94f52b7a5d2dde45a7515b25c255d8e396c90014281516", "faceswaplab_model": "C:\Users\Alex Admin\stable-diffusion-webui\models\faceswaplab\inswapper_128.onnx", "faceswaplab_use_gpu": false, "faceswaplab_keep_original": false, "faceswaplab_units_count": 3, "faceswaplab_nsfw_threshold": 0.7, "faceswaplab_det_size": 640, "faceswaplab_auto_det_size": true, "faceswaplab_detection_threshold": 0.5, "faceswaplab_pp_default_face_restorer": null, "faceswaplab_pp_default_face_restorer_visibility": 1, "faceswaplab_pp_default_face_restorer_weight": 1, "faceswaplab_pp_default_upscaler": null, "faceswaplab_pp_default_upscaler_visibility": 1, "faceswaplab_pp_default_inpainting_prompt": "Portrait of a [gender]", "faceswaplab_pp_default_inpainting_negative_prompt": "blurry", "faceswaplab_default_upscaled_swapper_upscaler": null, "faceswaplab_default_upscaled_swapper_sharpen": false, "faceswaplab_default_upscaled_swapper_fixcolor": false, "faceswaplab_default_upscaled_swapper_improved_mask": false, "faceswaplab_default_upscaled_swapper_face_restorer": null, "faceswaplab_default_upscaled_swapper_face_restorer_visibility": 1, "faceswaplab_default_upscaled_swapper_face_restorer_weight": 1, "faceswaplab_default_upscaled_swapper_erosion": 1, "disabled_extensions": [ "sd-webui-faceswaplab" ], "disable_all_extensions": "none" }, "Startup": { "total": 13.166431427001953, "records": { "initial startup": 0.020018339157104492, "prepare environment/checks": 0.008007049560546875, "prepare environment/git version info": 0.04504108428955078, "prepare environment/torch GPU test": 1.9697890281677246, "prepare environment/clone repositores": 0.1481342315673828, "prepare environment/run extensions installers/sd-webui-reactor": 2.132936954498291, "prepare environment/run extensions installers": 2.132936954498291, "prepare environment": 4.333935260772705, "launcher": 0.0020017623901367188, "import torch": 4.178148031234741, "import gradio": 0.9588704109191895, "setup paths": 0.981891393661499, "import ldm": 0.0050051212310791016, "import sgm": 0.0, "initialize shared": 0.18413233757019043, "other imports": 0.49344730377197266, "opts onchange": 0.0010008811950683594, "setup SD model": 0.0, "setup codeformer": 0.0010013580322265625, "setup gfpgan": 0.012011051177978516, "set samplers": 0.0, "list extensions": 0.0020017623901367188, "restore config state file": 0.0, "list SD models": 0.0010008811950683594, "list localizations": 0.0, "load scripts/custom_code.py": 0.004003286361694336, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0, "load scripts/outpainting_mk_2.py": 0.0010013580322265625, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_caption.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0010006427764892578, "load scripts/postprocessing_create_flipped_copies.py": 0.0, "load scripts/postprocessing_focal_crop.py": 0.0010008811950683594, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_split_oversized.py": 0.0010008811950683594, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/processing_autosized_crop.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.001001119613647461, "load scripts/sd_upscale.py": 0.0, "load scripts/xyz_grid.py": 0.002001523971557617, "load scripts/ldsr_model.py": 0.67160964012146, "load scripts/lora_script.py": 0.09964442253112793, "load scripts/scunet_model.py": 0.018016338348388672, "load scripts/swinir_model.py": 0.015013694763183594, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0, "load scripts/hypertile_script.py": 0.035031795501708984, "load scripts/hypertile_xyz.py": 0.0, "load scripts/soft_inpainting.py": 0.0010008811950683594, "load scripts/console_log_patch.py": 0.22380542755126953, "load scripts/reactor_api.py": 0.27825260162353516, "load scripts/reactor_faceswap.py": 0.004003763198852539, "load scripts/reactor_globals.py": 0.0, "load scripts/reactor_helpers.py": 0.0010008811950683594, "load scripts/reactor_logger.py": 0.0, "load scripts/reactor_swapper.py": 0.0010008811950683594, "load scripts/reactor_version.py": 0.001001596450805664, "load scripts/reactor_xyz.py": 0.0, "load scripts/comments.py": 0.020017385482788086, "load scripts/refiner.py": 0.0, "load scripts/seed.py": 0.001001119613647461, "load scripts": 1.3814101219177246, "load upscalers": 0.002002239227294922, "refresh VAE": 0.0010008811950683594, "refresh textual inversion templates": 0.0010008811950683594, "scripts list_optimizers": 0.0, "scripts list_unets": 0.0, "reload hypernetworks": 0.001001119613647461, "initialize extra networks": 0.017014026641845703, "scripts before_ui_callback": 0.002002716064453125, "create ui": 0.3222930431365967, "gradio launch": 0.2852592468261719, "add APIs": 0.007006406784057617, "app_started_callback/lora_script.py": 0.0, "app_started_callback/reactor_api.py": 0.0020017623901367188, "app_started_callback": 0.0020017623901367188 } }, "Packages": [ "accelerate==0.21.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.9.3", "aiosignal==1.3.1", "albumentations==1.4.1", "altair==5.2.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.2.0", "blendmodes==2022", "certifi==2024.2.2", "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", "cycler==0.12.1", "cython==3.0.9", "deprecation==2.1.0", "easydict==1.13", "einops==0.4.1", "exceptiongroup==1.2.0", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.2", "filelock==3.13.1", "filterpy==1.4.5", "flatbuffers==24.3.6", "fonttools==4.49.0", "frozenlist==1.4.1", "fsspec==2024.2.0", "ftfy==6.1.3", "gitdb==4.0.11", "gitpython==3.1.32", "gradio-client==0.5.0", "gradio==3.41.2", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.21.4", "humanfriendly==10.0", "idna==3.6", "ifnude==0.0.3", "imageio==2.34.0", "importlib-resources==6.1.2", "inflection==0.5.1", "insightface==0.7.3", "jinja2==3.1.3", "joblib==1.3.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.12.1", "jsonschema==4.21.1", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.10.1", "llvmlite==0.42.0", "markupsafe==2.1.5", "matplotlib==3.8.3", "mpmath==1.3.0", "multidict==6.0.5", "networkx==3.2.1", "numba==0.59.0", "numpy==1.26.2", "omegaconf==2.2.3", "onnx==1.15.0", "onnxruntime-gpu==1.17.1", "onnxruntime==1.17.1", "open-clip-torch==2.20.0", "opencv-python-headless==4.9.0.80", "opencv-python==4.9.0.80", "orjson==3.9.15", "packaging==23.2", "pandas==2.2.1", "piexif==1.1.3", "pillow==9.5.0", "pip==24.0", "prettytable==3.10.0", "protobuf==4.25.3", "psutil==5.9.5", "pydantic==1.10.14", "pydub==0.25.1", "pyparsing==3.1.2", "pyreadline3==3.4.1", "python-dateutil==2.9.0.post0", "python-multipart==0.0.9", "pytorch-lightning==1.9.4", "pytz==2024.1", "pywavelets==1.5.0", "pyyaml==6.0.1", "referencing==0.33.0", "regex==2023.12.25", "requests==2.31.0", "resize-right==0.0.2", "rpds-py==0.18.0", "safetensors==0.4.2", "scikit-image==0.21.0", "scikit-learn==1.4.1.post1", "scipy==1.12.0", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==63.2.0", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.1", "spandrel==0.1.6", "starlette==0.26.1", "sympy==1.12", "threadpoolctl==3.3.0", "tifffile==2024.2.12", "timm==0.9.16", "tokenizers==0.13.3", "tomesd==0.1.3", "toolz==0.12.1", "torch==2.1.2+cu121", "torchdiffeq==0.2.3", "torchmetrics==1.3.1", "torchsde==0.2.6", "torchvision==0.16.2+cu121", "tqdm==4.66.2", "trampoline==0.1.2", "transformers==4.30.2", "typing-extensions==4.10.0", "tzdata==2024.1", "urllib3==2.2.1", "uvicorn==0.27.1", "wcwidth==0.2.13", "websockets==11.0.3", "xformers==0.0.23.post1", "yarl==1.9.4" ] }

Relevant console log

venv "C:\Users\Alex Admin\stable-diffusion-webui\venv\Scripts\Python.exe"
Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
Version: v1.8.0
Commit hash: bef51aed032c0aaa5cfd80445bc4cf0d85b408b5
CUDA 12.1
Launching Web UI with arguments: --xformers --medvram --no-half
13:12:49 - ReActor - STATUS - Running v0.7.0-b5 on Device: CUDA
Loading weights [cc6cb27103] from C:\Users\Alex Admin\stable-diffusion-webui\models\Stable-diffusion\v1-5-pruned-emaonly.ckpt
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 13.2s (prepare environment: 4.3s, import torch: 4.2s, import gradio: 1.0s, setup paths: 1.0s, initialize shared: 0.2s, other imports: 0.5s, load scripts: 1.4s, create ui: 0.3s, gradio launch: 0.3s).
Creating model from config: C:\Users\Alex Admin\stable-diffusion-webui\configs\v1-inference.yaml
Applying attention optimization: xformers... done.
Model loaded in 3.8s (load weights from disk: 2.3s, load config: 0.2s, create model: 0.3s, apply weights to model: 0.7s, calculate empty prompt: 0.2s).
100%|██████████████████████████████████████████████████████████████████████████████████| 20/20 [00:13<00:00,  1.54it/s]
13:13:24 - ReActor - STATUS - Working: source face index [0], target face index [0]████| 20/20 [00:08<00:00,  2.15it/s]
13:13:25 - ReActor - STATUS - Analyzing Source Image...
13:13:26 - ReActor - STATUS - Analyzing Target Image...
13:13:27 - ReActor - STATUS - Detecting Source Face, Index = 0
13:13:27 - ReActor - STATUS - Detected: -24- y.o. Female
13:13:28 - ReActor - STATUS - Detecting Target Face, Index = 0
13:13:28 - ReActor - STATUS - Detected: -33- y.o. Male
13:13:28 - ReActor - STATUS - Swapping Source into Target
13:13:29 - ReActor - STATUS - Restoring the face with CodeFormer (weight: 0.5)
*** Error running postprocess_image: C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_faceswap.py
    Traceback (most recent call last):
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\scripts.py", line 856, in postprocess_image
        script.postprocess_image(p, pp, *script_args)
      File "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_faceswap.py", line 450, in postprocess_image
        result, output, swapped = swap_face(
      File "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py", line 616, in swap_face
        result_image, output, swapped = operate(source_img,target_img,target_img_orig,model,source_faces_index,faces_index,source_faces,target_faces,gender_source,gender_target,source_face,wrong_gender,source_age,source_gender,output,swapped,mask_face,entire_mask_image,enhancement_options,detection_options)
      File "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py", line 812, in operate
        result_image = enhance_image(result_image, enhancement_options)
      File "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py", line 217, in enhance_image
        result_image = restore_face(result_image, enhancement_options)
      File "C:\Users\Alex Admin\stable-diffusion-webui\extensions\sd-webui-reactor\scripts\reactor_swapper.py", line 172, in restore_face
        numpy_image = codeformer_model.codeformer.restore(
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\codeformer_model.py", line 55, in restore
        return self.restore_with_helper(np_image, restore_face)
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py", line 156, in restore_with_helper
        self.send_model_to(self.get_device())
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py", line 132, in send_model_to
        if self.face_helper:
      File "C:\Users\Alex Admin\AppData\Local\Programs\Python\Python310\lib\functools.py", line 981, in __get__
        val = self.func(instance)
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py", line 126, in face_helper
        return create_face_helper(self.get_device())
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\face_restoration_utils.py", line 47, in create_face_helper
        return FaceRestoreHelper(
      File "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\facexlib\utils\face_restoration_helper.py", line 99, in __init__
        self.face_det = init_detection_model(det_model, half=False, device=self.device, model_rootpath=model_rootpath)
      File "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\facexlib\detection\__init__.py", line 22, in init_detection_model
        load_net = torch.load(model_path, map_location=lambda storage, loc: storage)
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\safe.py", line 108, in load
        return load_with_extra(filename, *args, extra_handler=global_extra_handler, **kwargs)
      File "C:\Users\Alex Admin\stable-diffusion-webui\modules\safe.py", line 156, in load_with_extra
        return unsafe_torch_load(filename, *args, **kwargs)
      File "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\torch\serialization.py", line 1039, in load
        return _legacy_load(opened_file, map_location, pickle_module, **pickle_load_args)
      File "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\torch\serialization.py", line 1271, in _legacy_load
        result = unpickler.load()
      File "C:\Users\Alex Admin\AppData\Local\Programs\Python\Python310\lib\pickle.py", line 1213, in load
        dispatch[key[0]](self)
      File "C:\Users\Alex Admin\AppData\Local\Programs\Python\Python310\lib\pickle.py", line 1254, in load_binpersid
        self.append(self.persistent_load(pid))
      File "C:\Users\Alex Admin\stable-diffusion-webui\venv\lib\site-packages\torch\serialization.py", line 1199, in persistent_load
        if torch._guards.active_fake_mode() is not None:
    AttributeError: module 'torch._guards' has no attribute 'active_fake_mode'

---
Total progress: 100%|██████████████████████████████████████████████████████████████████| 20/20 [00:22<00:00,  1.11s/it]
Total progress: 100%|██████████████████████████████████████████████████████████████████| 20/20 [00:22<00:00,  2.15it/s]

Additional information

No response

Gourieff commented 1 month ago

Try to re-download the codeformer model from here https://huggingface.co/datasets/Gourieff/ReActor/resolve/main/models/facerestore_models/codeformer-v0.1.0.pth and put it into the "models/Codeformer" folder