GithubHelp home page GithubHelp logo

haoming02 / sd-webui-old-photo-restoration Goto Github PK

View Code? Open in Web Editor NEW
61.0 2.0 1.0 1.01 MB

An Extension for Automatic1111 Webui for Bringing Old Photo Back to Life

License: MIT License

Python 100.00%
stable-diffusion-webui stable-diffusion-webui-plugin

sd-webui-old-photo-restoration's Introduction

SD Webui Old Photo Restoration

This is an Extension for the Automatic1111 Webui, which allows you to perform Bringing-Old-Photos-Back-to-Life natively.

Compatible with Forge

Original Paper: https://arxiv.org/abs/2004.09484

Original Repo: https://github.com/microsoft/Bringing-Old-Photos-Back-to-Life (includes some example images)

Requirements

  1. Install this Extension*
  2. Download global_checkpoints.zip from Releases
  3. Extract and put the checkpoints folder (not just the files) into ~webui/extensions/sd-webui-old-photo-restoration/Global
  4. Download face_checkpoints.zip from Releases
  5. Extract and put the checkpoints folder (not just the files) into ~webui/extensions/sd-webui-old-photo-restoration/Face_Enhancement
  6. Download shape_predictor_68_face_landmarks.zip from Releases
  7. Extract the .dat file into ~webui/extensions/sd-webui-old-photo-restoration/Face_Detection

The Releases page includes the original links, as well as the backups mirrored by myself

Another mirror: Google Drive

Extension not Showing Up

If after installing the Extension, nothing shows up in the Extras tab, it's usually caused by failing to install the dlib package. To solve it:

How to Use

After installing this Extension, there will be an Old Photo Restoration section in the Extras tab

  1. Expand the dropdown to enable the features
  2. Upload the image(s) to be processed
  3. Adjust the settings as needed
  4. Click Generate
  5. The result(s) will show up on the right once the process finishes

Settings

  • Processing Order: Choose between upscaling the image first or perform the restoration first
  • Process Scratch: Remove scratches from the image
  • Face Restore: Use a pre-trained model to improve the faces
    • (This is different from the Webui built-in ones)
  • High Resolution: Use higher parameters to do the processing
    • (Only has an effect when either Process Scratch or Face Restore is also enabled)

sd-webui-old-photo-restoration's People

Contributors

haoming02 avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar

Forkers

uingei

sd-webui-old-photo-restoration's Issues

AttributeError: module 'modules.ui_components' has no attribute 'InputAccordion'

I've installed BOP (and overcome the dlib install issue) but still get the following error:

calling C:\Users\Söhnke\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\scripts\bop.py/ui: AttributeError
Traceback (most recent call last):
File "C:\Users\Söhnke\stable-diffusion-webui\modules\scripts_postprocessing.py", line 53, in wrap_call
res = func(*args, **kwargs)
File "C:\Users\Söhnke\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\scripts\bop.py", line 12, in ui
with ui_components.InputAccordion(
AttributeError: module 'modules.ui_components' has no attribute 'InputAccordion'

Traceback (most recent call last):
File "C:\Users\Söhnke\stable-diffusion-webui\launch.py", line 353, in
start()
File "C:\Users\Söhnke\stable-diffusion-webui\launch.py", line 348, in start
webui.webui()
File "C:\Users\Söhnke\stable-diffusion-webui\webui.py", line 302, in webui
shared.demo = modules.ui.create_ui()
File "C:\Users\Söhnke\stable-diffusion-webui\modules\ui.py", line 1051, in create_ui
ui_postprocessing.create_ui()
File "C:\Users\Söhnke\stable-diffusion-webui\modules\ui_postprocessing.py", line 25, in create_ui
script_inputs = scripts.scripts_postproc.setup_ui()
File "C:\Users\Söhnke\stable-diffusion-webui\modules\scripts_postprocessing.py", line 113, in setup_ui
self.create_script_ui(script, inputs)
File "C:\Users\Söhnke\stable-diffusion-webui\modules\scripts_postprocessing.py", line 84, in create_script_ui
for control in script.controls.values():
AttributeError: 'NoneType' object has no attribute 'values'

Any idea where the issue comes from?

Can't install, because (at least) dlib cannot be installed.

I use the one-click-version of AUTO1111 1.8 with NVIDIA RTX 3080 TI GPU on Windows 11.

Here's the start log:

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
Installing fastai==1.0.60 for DeOldify extension
*** Error running install.py for extension <AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration.
*** Command: "<AUTO1111-1.8-path>\system\python\python.exe" "<AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration\install.py"
*** Error code: 1
*** stdout:
*** Installing Requirements for Bringing-Old-Photos-Back-to-Life...
*** Installing Old-Photo-Restoration Requirement: dlib


*** stderr: Traceback (most recent call last):
*** File "<AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration\install.py", line 19, in
*** launch.run_pip(f"install {package}", f"Old-Photo-Restoration Requirement: {package}")
*** File "<AUTO1111-1.8-path>\webui\modules\launch_utils.py", line 143, in run_pip
*** return run(f'"{python}" -m pip {command} --prefer-binary{index_url_line}', desc=f"Installing {desc}", errdesc=f"Couldn't install {desc}", live=live)
*** File "<AUTO1111-1.8-path>\webui\modules\launch_utils.py", line 115, in run
*** raise RuntimeError("\n".join(error_bits))
*** RuntimeError: Couldn't install Old-Photo-Restoration Requirement: dlib.
*** Command: "<AUTO1111-1.8-path>\system\python\python.exe" -m pip install dlib --prefer-binary
*** Error code: 2
*** stdout: Collecting dlib
*** Downloading dlib-19.24.2.tar.gz (11.8 MB)
*** --------------------------------------- 11.8/11.8 MB 40.9 MB/s eta 0:00:00
*** 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'


*** stderr: ERROR: Exception:
*** Traceback (most recent call last):
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\cli\base_command.py", line 180, in exc_logging_wrapper
*** status = run_func(*args)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\cli\req_command.py", line 245, in wrapper
*** return func(self, options, args)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\commands\install.py", line 377, in run
*** requirement_set = resolver.resolve(
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\resolver.py", line 95, in resolve
*** result = self._result = resolver.resolve(
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_vendor\resolvelib\resolvers.py", line 546, in resolve
*** state = resolution.resolve(requirements, max_rounds=max_rounds)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_vendor\resolvelib\resolvers.py", line 397, in resolve
*** self._add_to_criteria(self.state.criteria, r, parent=None)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_vendor\resolvelib\resolvers.py", line 173, in _add_to_criteria
*** if not criterion.candidates:
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_vendor\resolvelib\structs.py", line 156, in bool
*** return bool(self._sequence)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\found_candidates.py", line 155, in bool
*** return any(self)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\found_candidates.py", line 143, in
*** return (c for c in iterator if id(c) not in self._incompatible_ids)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\found_candidates.py", line 47, in _iter_built
*** candidate = func()
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\factory.py", line 182, in _make_candidate_from_link
*** base: Optional[BaseCandidate] = self._make_base_candidate_from_link(
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\factory.py", line 228, in _make_base_candidate_from_link
*** self._link_candidate_cache[link] = LinkCandidate(
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 290, in init
*** super().init(
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 156, in init
*** self.dist = self._prepare()
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 222, in _prepare
*** dist = self._prepare_distribution()
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 301, in _prepare_distribution
*** return preparer.prepare_linked_requirement(self._ireq, parallel_builds=True)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\operations\prepare.py", line 525, in prepare_linked_requirement
*** return self._prepare_linked_requirement(req, parallel_builds)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\operations\prepare.py", line 640, in _prepare_linked_requirement
*** dist = _get_prepared_distribution(
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\operations\prepare.py", line 71, in _get_prepared_distribution
*** abstract_dist.prepare_distribution_metadata(
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\distributions\sdist.py", line 54, in prepare_distribution_metadata
*** self._install_build_reqs(finder)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\distributions\sdist.py", line 124, in _install_build_reqs
*** build_reqs = self._get_build_requires_wheel()
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\distributions\sdist.py", line 101, in _get_build_requires_wheel
*** return backend.get_requires_for_build_wheel()
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_internal\utils\misc.py", line 745, in get_requires_for_build_wheel
*** return super().get_requires_for_build_wheel(config_settings=cs)
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_vendor\pyproject_hooks_impl.py", line 166, in get_requires_for_build_wheel
*** return self._call_hook('get_requires_for_build_wheel', {
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_vendor\pyproject_hooks_impl.py", line 321, in _call_hook
*** raise BackendUnavailable(data.get('traceback', ''))
*** pip._vendor.pyproject_hooks._impl.BackendUnavailable: Traceback (most recent call last):
*** File "<AUTO1111-1.8-path>\system\python\lib\site-packages\pip_vendor\pyproject_hooks_in_process_in_process.py", line 77, in build_backend
*** obj = import_module(mod_path)
*** File "importlib_init
.py", line 126, in import_module
*** File "", line 1050, in _gcd_import
*** File "", line 1027, in _find_and_load
*** File "", line 992, in _find_and_load_unlocked
*** File "", line 241, in _call_with_frames_removed
*** File "", line 1050, in _gcd_import
*** File "", line 1027, in _find_and_load
*** File "", line 1006, in _find_and_load_unlocked
*** File "", line 688, in _load_unlocked
*** File "", line 883, in exec_module
*** File "", line 241, in call_with_frames_removed
*** File "\Local\Temp\pip-build-env-945bz07d\overlay\Lib\site-packages\setuptools_init
.py", line 14, in
*** from . import version as _version_module
*** File "\Local\Temp\pip-build-env-945bz07d\overlay\Lib\site-packages\setuptools\version.py", line 1, in
*** from .importlib import metadata
*** File "\Local\Temp\pip-build-env-945bz07d\overlay\Lib\site-packages\setuptools_importlib.py", line 45, in
*** import importlib.metadata as metadata # noqa: F401
*** File "importlib\metadata_init
.py", line 17, in
*** File "importlib\metadata_adapters.py", line 3, in
*** File "email\message.py", line 15, in
*** File "email\utils.py", line 29, in
*** File "socket.py", line 51, in
*** ModuleNotFoundError: No module named '_socket'



Launching Web UI with arguments: --medvram --opt-sdp-no-mem-attention --disable-safe-unpickle --listen --enable-insecure-extension-access --xformers --no-half --vae-dir \VAE --ckpt-dir \Stable-diffusion --lora-dir \Lora
Using sqlite file: <AUTO1111-1.8-path>\webui\extensions\sd-webui-agent-scheduler\task_scheduler.sqlite3
ControlNet preprocessor location: <AUTO1111-1.8-path>\webui\extensions\sd-webui-controlnet\annotator\downloads
2024-03-16 20:42:43,150 - ControlNet - INFO - ControlNet v1.1.441
2024-03-16 20:42:44,356 - ControlNet - INFO - ControlNet v1.1.441
*** Error loading script: bop.py
Traceback (most recent call last):
File "<AUTO1111-1.8-path>\webui\modules\scripts.py", line 527, in load_scripts
script_module = script_loading.load_module(scriptfile.path)
File "<AUTO1111-1.8-path>\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 "<AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration\scripts\bop.py", line 1, in
from scripts.main_function import bop
File "<AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration\scripts\main_function.py", line 4, in
from Face_Detection.detect_all_dlib import detect
File "<AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration\Face_Detection\detect_all_dlib.py", line 18, in
import dlib
ModuleNotFoundError: No module named 'dlib'


*** Error loading script: main_function.py
Traceback (most recent call last):
File "<AUTO1111-1.8-path>\webui\modules\scripts.py", line 527, in load_scripts
script_module = script_loading.load_module(scriptfile.path)
File "<AUTO1111-1.8-path>\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 "<AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration\scripts\main_function.py", line 4, in
from Face_Detection.detect_all_dlib import detect
File "<AUTO1111-1.8-path>\webui\extensions\sd-webui-old-photo-restoration\Face_Detection\detect_all_dlib.py", line 18, in
import dlib
ModuleNotFoundError: No module named 'dlib'


Loading weights [0724518c6b] from \Stable-diffusion\SDXL 1.0\Juggernaut XL v7\juggernautXL_v7Rundiffusion.safetensors
Creating model from config: <AUTO1111-1.8-path>\webui\repositories\generative-models\configs\inference\sd_xl_base.yaml
INFO:root:Loaded ViT-bigG-14 model config.
Loaded ViT-bigG-14 model config.

OutOfMemoryError

Automatic 1111 v.1.9.0

Running Stage 1: Overall restoration
model weights loaded
processing...
using NL + Res...
processing...
*** Error completing request
*** Arguments: ('task(ka0dwwune9959vj)', 0.0, <PIL.Image.Image image mode=RGBA size=1057x808 at 0x1DB9BFA6320>, None, '', '', True, False, 0.0, 4, 0.0, 512, 512, True, 'None', 'None', 0, True, 1, False, 1, 0, False, 0.5, 0.2, False, 0.9, 0.15, 0.5, False, False, 384, 768, 4096, 409600, 'Maximize area', 0.1, False, ['Horizontal'], False, ['Deepbooru'], True, 'Restoration First', True, True, False) {}
Traceback (most recent call last):
File "E:\Stable Diffusion and AI\stable-diffusion-webui\modules\call_queue.py", line 57, in f
res = list(func(*args, **kwargs))
File "E:\Stable Diffusion and AI\stable-diffusion-webui\modules\call_queue.py", line 36, in f
res = func(*args, **kwargs)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\modules\postprocessing.py", line 131, in run_postprocessing_webui
return run_postprocessing(*args, **kwargs)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\modules\postprocessing.py", line 71, in run_postprocessing
scripts.scripts_postproc.run(initial_pp, args)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\modules\scripts_postprocessing.py", line 185, in run
script.process_firstpass(pp, **process_args)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\scripts\bop.py", line 46, in process_firstpass
pp.image = main(img, do_scratch, is_hr, do_face_res)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\scripts\main_function.py", line 56, in main
stage1_output = global_test(
File "E:\Stable Diffusion and AI\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\Global\test.py", line 139, in global_test
generated = model.inference(input_image, mask)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\Global\models\mapping_model.py", line 443, in inference
label_feat_map = self.mapping_net(label_feat.detach(), inst_data)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
return forward_call(*args, **kwargs)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\Global\models\NonLocal_feature_mapping_model.py", line 70, in forward
x2 = self.NL(x1, mask)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
return forward_call(*args, **kwargs)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\Global\models\networks.py", line 481, in forward
f_div_C = F.softmax(f, dim=2)
File "E:\Stable Diffusion and AI\stable-diffusion-webui\venv\lib\site-packages\torch\nn\functional.py", line 1856, in softmax
ret = input.softmax(dim)
torch.cuda.OutOfMemoryError: CUDA out of memory. Tried to allocate 10.39 GiB. GPU 0 has a total capacty of 3.00 GiB of which 0 bytes is free. Of the allocated memory 13.04 GiB is allocated by PyTorch, and 329.16 MiB is reserved by PyTorch but unallocated. If reserved but unallocated memory is large try setting max_split_size_mb to avoid fragmentation. See documentation for Memory Management and PYTORCH_CUDA_ALLOC_CONF

A: 13.04 GB, R: 13.37 GB, Sys: 3.0/3 GB (100.0%)

Any suggestions how to solve this?

A1111 v1.8

A1111 v1.8 change "outputs" to "output"

BOP is broken

error

Now you are processing dad-his-family-v0-o3cw61val1lc1.png
Running Stage 2: Face Detection
Traceback (most recent call last):
File "C:\Users\djiva\Music\stable-diffusion-portable-main\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "C:\Users\djiva\Music\stable-diffusion-portable-main\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api
result = await self.call_function(
File "C:\Users\djiva\Music\stable-diffusion-portable-main\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function
prediction = await anyio.to_thread.run_sync(
File "C:\Users\djiva\Music\stable-diffusion-portable-main\venv\lib\site-packages\anyio\to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(
File "C:\Users\djiva\Music\stable-diffusion-portable-main\venv\lib\site-packages\anyio_backends_asyncio.py", line 877, in run_sync_in_worker_thread
return await future
File "C:\Users\djiva\Music\stable-diffusion-portable-main\venv\lib\site-packages\anyio_backends_asyncio.py", line 807, in run
result = context.run(func, *args)
File "C:\Users\djiva\Music\stable-diffusion-portable-main\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper
response = f(*args, **kwargs)
File "C:\Users\djiva\Music\stable-diffusion-portable-main\extensions\sd-webui-old-photo-restoration\scripts\main_function.py", line 146, in bop
final_output = core_functions(input_path, output_path, gpu_id, scratch, hr, face_res)
File "C:\Users\djiva\Music\stable-diffusion-portable-main\extensions\sd-webui-old-photo-restoration\scripts\main_function.py", line 99, in core_functions
detect_hr(['--url', stage1_results, '--save_url', stage2_output])
File "C:\Users\djiva\Music\stable-diffusion-portable-main\extensions\sd-webui-old-photo-restoration\Face_Detection\detect_all_dlib_HR.py", line 140, in detect_hr
landmark_locator = dlib.shape_predictor(landmark)
RuntimeError: Unable to open C:\Users\djiva\Music\stable-diffusion-portable-main\extensions\sd-webui-old-photo-restoration\Face_Detection\shape_predictor_68_face_landmarks.dat

Non-Windows Environment - Torch not compiled with CUDA enabled

Apologies, I was busy over the holiday and just saw you had tried to fix this issue. I can't reopen the previous issue as I am not a collaborator so I had to create a new one and reference this one.

I pulled the latest commit and am now seeing this error.

Running Stage 1: Overall restoration
initializing the dataloader
model weights loaded
directory of testing image: /somelocation/Documents/photorestore-test
processing photo-restoration-example-001-before.jpg
Traceback (most recent call last):
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/routes.py", line 488, in run_predict
    output = await app.get_blocks().process_api(
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/blocks.py", line 1431, in process_api
    result = await self.call_function(
  File "/somelocationDocuments/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/blocks.py", line 1103, in call_function
    prediction = await anyio.to_thread.run_sync(
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/anyio/to_thread.py", line 33, in run_sync
    return await get_asynclib().run_sync_in_worker_thread(
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/anyio/_backends/_asyncio.py", line 877, in run_sync_in_worker_thread
    return await future
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/anyio/_backends/_asyncio.py", line 807, in run
    result = context.run(func, *args)
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/utils.py", line 707, in wrapper
    response = f(*args, **kwargs)
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/scripts/main_function.py", line 142, in bop
    final_output = core_functions(input_path, output_path, gpu_id, scratch, hr, face_res)
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/scripts/main_function.py", line 74, in core_functions
    global_detection(args)
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/Global/detection.py", line 179, in global_detection
    main(config)
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/Global/detection.py", line 146, in main
    scratch_image_scale = scratch_image_scale.to(config.GPU)
  File "/somelocation/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/cuda/__init__.py", line 239, in _lazy_init
    raise AssertionError("Torch not compiled with CUDA enabled")
AssertionError: Torch not compiled with CUDA enabled

Another thing I noticed was that this message was displayed every time I launch SD. I know there is another issue open related to the "Installing requirements" message appearing.

Python 3.10.13 (main, Aug 24 2023, 22:36:46) [Clang 14.0.3 (clang-1403.0.22.14.1)]
Version: v1.6.0
Commit hash: 5ef669de080814067961f28357256e8fe27544f4
Installing Requirements for Bringing-Old-Photos-Back-to-Life...
Installing Old-Photo-Restoration Requirement: scikit-image
Installing Old-Photo-Restoration Requirement: PyYAML
Installing Old-Photo-Restoration Requirement: opencv-python

Originally posted by @TheClassyTurkey in #1 (comment)

AssertionError with Face restore checked

Running Stage 3: Face Enhancement
Dataset [FaceTestDataset] with 2 faces was created...
The size of the latent vector size is [8,8]
Network [SPADEGenerator] was created. Total number of parameters: 92.1 million.
*** Error completing request
*** Arguments: ('task(fs5h6ayzx6r48se)', 0.0, <PIL.Image.Image image mode=RGBA size=900x1256 at 0x171E02810>, None, '', '', True, True, 0.0, 1, 0.0, 1024, 1024, True, 'R-ESRGAN 4x+', 'None', 0, False, 1, False, 1, 0, False, 0.5, 0.2, False, 0.9, 0.15, 0.5, False, False, 384, 768, 4096, 409600, 'Maximize area', 0.1, False, ['Horizontal'], False, ['Deepbooru'], True, 'Restoration First', False, True, False) {}
Traceback (most recent call last):
File "/Users/alex/stable-diffusion-webui/modules/call_queue.py", line 57, in f
res = list(func(*args, **kwargs))
^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/modules/call_queue.py", line 36, in f
res = func(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/modules/postprocessing.py", line 131, in run_postprocessing_webui
return run_postprocessing(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/modules/postprocessing.py", line 71, in run_postprocessing
scripts.scripts_postproc.run(initial_pp, args)
File "/Users/alex/stable-diffusion-webui/modules/scripts_postprocessing.py", line 185, in run
script.process_firstpass(pp, **process_args)
File "/Users/alex/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/scripts/bop.py", line 46, in process_firstpass
pp.image = main(img, do_scratch, is_hr, do_face_res)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/scripts/main_function.py", line 111, in main
restored_faces = test_face(faces, args)
^^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/Face_Enhancement/test_face.py", line 22, in test_face
model = Pix2PixModel(opt)
^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/Face_Enhancement/models/pix2pix_model.py", line 21, in init
self.netG, self.netD, self.netE = self.initialize_networks(opt)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/Face_Enhancement/models/pix2pix_model.py", line 84, in initialize_networks
netG = networks.define_G(opt)
^^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/Face_Enhancement/models/networks/init.py", line 47, in define_G
return create_network(netG_cls, opt)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/Users/alex/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/Face_Enhancement/models/networks/init.py", line 39, in create_network
assert torch.cuda.is_available()
AssertionError

Permission denied after Processing

I am receiving this permissions error after trying to process the image. I believe the issue is that it is unable to create the folder for the output. I am running this on a mac environment.

/Documents/SD-Main/stable-diffusion-webui/venv/bin/activate: Permission denied
Traceback (most recent call last):
File "/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/blocks.py", line 1431, in process_api
result = await self.call_function(
File "/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/blocks.py", line 1103, in call_function
prediction = await anyio.to_thread.run_sync(
File "/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/anyio/to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(
File "/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/anyio/_backends/_asyncio.py", line 877, in run_sync_in_worker_thread
return await future
File "/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/anyio/_backends/_asyncio.py", line 807, in run
result = context.run(func, *args)
File "/Documents/SD-Main/stable-diffusion-webui/venv/lib/python3.10/site-packages/gradio/utils.py", line 707, in wrapper
response = f(*args, **kwargs)
File "/Documents/SD-Main/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/scripts/bop.py", line 81, in bop
results = detect_new_results(final_output, cache)
File "/Documents/SD-Main/stable-diffusion-webui/extensions/sd-webui-old-photo-restoration/scripts/bop.py", line 41, in detect_new_results
new_files = {f: os.path.getmtime(os.path.join(output_folder, f)) for f in os.listdir(output_folder)}
FileNotFoundError: [Errno 2] No such file or directory: '/Documents/SD-Main/stable-diffusion-webui/outputs/old-photo-restoration/12.06-10.49.40/final_output'

Can't make it work

I've followed all the steps, downloaded all the files, and extracted them to the correct folders. Also, I set the actual path to the folder where the image is, but whenever I press to generate, it gives me "Bruh..." in the console. I'm not getting any errors on startup, so I wonder if I missed something or if it just doesn't work for me.
I'm on ForgeUI

'NoneType' object is not subscriptable

I would like to ask about this recurring error. I have the correct model and placed it in two folders: "face detection" and "face enhancement." I placed it in the "checkpoints" folder, but one of the two folders doesn't have this folder when I cloned it using Git. I also created the "checkpoints" folder myself and placed the model in it. However, I still cannot perform image restoration and receive the error message "'NoneType' object is not subscriptable.
thanks and looking forward to hearing from you soon

Dlib wheel failing to build

90% of the required items install and setup perfect.
I followed install instructions exactly as supplied. Extracting each zip files content folder and files into correct locations.
Happens across multiple machines.
Any help apprecitated.


HERE IS A DUMP OF THE ERROR I'M GETTING - THIS IS NOT THE FULL CONSOLE LOG - JUST WHERE IS RELEVANT
THIS SEEMS LIKE SOMETHING I'M CLOSE TO FINDING - LIKE A SMALL TYPO


CONSOLE DUMP: STARTS THE LINE BELOW
Installing requirements for Face Editor
*** Error running install.py for extension C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration.
*** Command: "C:\Stable Diffusion\clean-stable-diffusion-webui\venv\Scripts\python.exe" "C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\install.py"
*** Error code: 1
*** stdout:
*** Installing Requirements for Bringing-Old-Photos-Back-to-Life...
*** Installing Old-Photo-Restoration Requirement: dlib


*** stderr: Traceback (most recent call last):
*** File "C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\install.py", line 19, in
*** launch.run_pip(f"install {package}", f"Old-Photo-Restoration Requirement: {package}")
*** File "C:\Stable Diffusion\clean-stable-diffusion-webui\modules\launch_utils.py", line 144, in run_pip
*** return run(f'"{python}" -m pip {command} --prefer-binary{index_url_line}', desc=f"Installing {desc}", errdesc=f"Couldn't install {desc}", live=live)
*** File "C:\Stable Diffusion\clean-stable-diffusion-webui\modules\launch_utils.py", line 116, in run
*** raise RuntimeError("\n".join(error_bits))
*** RuntimeError: Couldn't install Old-Photo-Restoration Requirement: dlib.
*** Command: "C:\Stable Diffusion\clean-stable-diffusion-webui\venv\Scripts\python.exe" -m pip install dlib --prefer-binary
*** Error code: 1
*** stdout: Collecting dlib
*** Using cached dlib-19.24.2.tar.gz (11.8 MB)
*** 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'
*** Preparing metadata (pyproject.toml): started
*** Preparing metadata (pyproject.toml): finished with status 'done'
*** Building wheels for collected packages: dlib
*** Building wheel for dlib (pyproject.toml): started
*** Building wheel for dlib (pyproject.toml): still running...
*** Building wheel for dlib (pyproject.toml): finished with status 'error'
*** Failed to build dlib


*** stderr: error: subprocess-exited-with-error


*** Building wheel for dlib (pyproject.toml) did not run successfully.
*** exit code: 1


*** [550 lines of output]
*** running bdist_wheel
*** running build
*** running build_ext
*** :125: DeprecationWarning: distutils Version classes are deprecated. Use packaging.version instead.
*** Building extension for Python 3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
*** Invoking CMake setup: 'cmake C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\tools\python -DCMAKE_LIBRARY_OUTPUT_DIRECTORY=C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\lib.win-amd64-cpython-310 -DPYTHON_EXECUTABLE=C:\Stable Diffusion\clean-stable-diffusion-webui\venv\Scripts\python.exe -DCMAKE_LIBRARY_OUTPUT_DIRECTORY_RELEASE=C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\lib.win-amd64-cpython-310 -A x64'
*** -- Building for: Visual Studio 17 2022
*** -- The C compiler identification is MSVC 19.37.32825.0
*** -- The CXX compiler identification is MSVC 19.37.32825.0
*** -- Detecting C compiler ABI info
*** -- Detecting C compiler ABI info - done
*** -- Check for working C compiler: C:/Program Files/Microsoft Visual Studio/2022/Community/VC/Tools/MSVC/14.37.32822/bin/Hostx64/x64/cl.exe - skipped
*** -- Detecting C compile features
*** -- Detecting C compile features - done
*** -- Detecting CXX compiler ABI info
*** -- Detecting CXX compiler ABI info - done
*** -- Check for working CXX compiler: C:/Program Files/Microsoft Visual Studio/2022/Community/VC/Tools/MSVC/14.37.32822/bin/Hostx64/x64/cl.exe - skipped
*** -- Detecting CXX compile features
*** -- Detecting CXX compile features - done
*** CMake Deprecation Warning at C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/external/pybind11/CMakeLists.txt:8 (cmake_minimum_required):
*** Compatibility with CMake < 3.5 will be removed from a future version of
*** CMake.


*** Update the VERSION argument value or use a ... suffix to tell
*** CMake that the project does not need compatibility with older versions.



*** -- pybind11 v2.10.0
*** CMake Warning (dev) at C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/external/pybind11/tools/FindPythonLibsNew.cmake:98 (find_package):
*** Policy CMP0148 is not set: The FindPythonInterp and FindPythonLibs modules
*** are removed. Run "cmake --help-policy CMP0148" for policy details. Use
*** the cmake_policy command to set the policy and suppress this warning.


*** Call Stack (most recent call first):
*** C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/external/pybind11/tools/pybind11Tools.cmake:50 (find_package)
*** C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/external/pybind11/tools/pybind11Common.cmake:180 (include)
*** C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/external/pybind11/CMakeLists.txt:200 (include)
*** This warning is for project developers. Use -Wno-dev to suppress it.


*** -- Found PythonInterp: C:/Stable Diffusion/clean-stable-diffusion-webui/venv/Scripts/python.exe (found suitable version "3.10.6", minimum required is "3.6")
*** -- Found PythonLibs: C:/Users/Daryl_2/AppData/Local/Programs/Python/Python310/libs/python310.lib
*** -- Performing Test HAS_MSVC_GL_LTCG
*** -- Performing Test HAS_MSVC_GL_LTCG - Success
*** -- Using CMake version: 3.28.1
*** -- Compiling dlib version: 19.24.2
*** -- Looking for sys/types.h
*** -- Looking for sys/types.h - found
*** -- Looking for stdint.h
*** -- Looking for stdint.h - found
*** -- Looking for stddef.h
*** -- Looking for stddef.h - found
*** -- Check size of void*
*** -- Check size of void* - done
*** -- Enabling SSE2 instructions
*** -- Searching for BLAS and LAPACK
*** -- Searching for BLAS and LAPACK
*** -- Performing Test CMAKE_HAVE_LIBC_PTHREAD
*** -- Performing Test CMAKE_HAVE_LIBC_PTHREAD - Failed
*** -- Looking for pthread_create in pthreads
*** -- Looking for pthread_create in pthreads - not found
*** -- Looking for pthread_create in pthread
*** -- Looking for pthread_create in pthread - not found
*** -- Found Threads: TRUE
*** CMake Warning (dev) at C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/CMakeLists.txt:628 (find_package):
*** Policy CMP0074 is not set: find_package uses _ROOT variables.
*** Run "cmake --help-policy CMP0074" for policy details. Use the cmake_policy
*** command to set the policy and suppress this warning.


*** Environment variable CUDA_ROOT is set to:


*** C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8


*** For compatibility, CMake is ignoring the variable.
*** This warning is for project developers. Use -Wno-dev to suppress it.


*** CMake Warning (dev) at C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/CMakeLists.txt:628 (find_package):
*** Policy CMP0146 is not set: The FindCUDA module is removed. Run "cmake
*** --help-policy CMP0146" for policy details. Use the cmake_policy command to
*** set the policy and suppress this warning.


*** This warning is for project developers. Use -Wno-dev to suppress it.


*** -- Found CUDA: C:/Program Files/NVIDIA GPU Computing Toolkit/CUDA/v11.8 (found suitable version "11.8", minimum required is "7.5")
*** -- Looking for cuDNN install...
*** -- Found cuDNN: C:/Program Files/NVIDIA GPU Computing Toolkit/CUDA/v11.8/lib/x64/cudnn.lib
*** -- Building a CUDA test project to see if your compiler is compatible with CUDA...
*** CMake Warning (dev) at C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/cmake_utils/test_for_cuda/CMakeLists.txt:10 (find_package):
*** Policy CMP0074 is not set: find_package uses _ROOT variables.
*** Run "cmake --help-policy CMP0074" for policy details. Use the cmake_policy
*** command to set the policy and suppress this warning.


*** Environment variable CUDA_ROOT is set to:


*** C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8


*** For compatibility, CMake is ignoring the variable.
*** This warning is for project developers. Use -Wno-dev to suppress it.


*** CMake Warning (dev) at C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/cmake_utils/test_for_cuda/CMakeLists.txt:10 (find_package):
*** Policy CMP0146 is not set: The FindCUDA module is removed. Run "cmake
*** --help-policy CMP0146" for policy details. Use the cmake_policy command to
*** set the policy and suppress this warning.


*** This warning is for project developers. Use -Wno-dev to suppress it.


*** -- *****************************************************************************************************************
*** -- *** CUDA was found but your compiler failed to compile a simple CUDA program so dlib isn't going to use CUDA.
*** -- *** The output of the failed CUDA test compile is shown below:
*** -- ***
*** -- *** Change Dir: 'C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release/dlib_build/cuda_test_build'


*** *** Run Build Command(s): "C:/Program Files/Microsoft Visual Studio/2022/Community/MSBuild/Current/Bin/amd64/MSBuild.exe" ALL_BUILD.vcxproj /p:Configuration=Debug /p:Platform=x64 /p:VisualStudioVersion=17.0 /v:n
*** *** MSBuild version 17.7.2+d6990bcfa for .NET Framework
*** *** Build started 1/27/2024 8:16:48 PM.


*** *** Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" on node 1 (default targets).
*** *** Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" (1) is building "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ZERO_CHECK.vcxproj" (2) on node 1 (default targets).
*** *** PrepareForBuild:
*** *** Creating directory "x64\Debug\ZERO_CHECK".
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ZERO_CHECK.vcxproj]
*** *** Creating directory "x64\Debug\ZERO_CHECK\ZERO_CHECK.tlog".
*** *** InitializeBuildStatus:
*** *** Creating "x64\Debug\ZERO_CHECK\ZERO_CHECK.tlog\unsuccessfulbuild" because "AlwaysCreate" was specified.
*** *** Touching "x64\Debug\ZERO_CHECK\ZERO_CHECK.tlog\unsuccessfulbuild".
*** *** CustomBuild:
*** *** 1>Checking Build System
*** *** FinalizeBuildStatus:
*** *** Deleting file "x64\Debug\ZERO_CHECK\ZERO_CHECK.tlog\unsuccessfulbuild".
*** *** Touching "x64\Debug\ZERO_CHECK\ZERO_CHECK.tlog\ZERO_CHECK.lastbuildstate".
*** *** Done Building Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ZERO_CHECK.vcxproj" (default targets).
*** *** Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" (1) is building "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj" (3) on node 1 (default targets).
*** *** PrepareForBuild:
*** *** Creating directory "cuda_test.dir\Debug".
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]
*** *** Creating directory "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\Debug".
*** *** Creating directory "cuda_test.dir\Debug\cuda_test.tlog".
*** *** InitializeBuildStatus:
*** *** Creating "cuda_test.dir\Debug\cuda_test.tlog\unsuccessfulbuild" because "AlwaysCreate" was specified.
*** *** Touching "cuda_test.dir\Debug\cuda_test.tlog\unsuccessfulbuild".
*** *** ComputeCustomBuildOutput:
*** *** Creating directory "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\cuda_test.dir\Debug".
*** *** CustomBuild:
*** *** Building NVCC (Device) object CMakeFiles/cuda_test.dir/Debug/cuda_test_generated_cuda_test.cu.obj
*** *** cuda_test.cu
*** *** cuda_test.cu
*** *** Building Custom Rule C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/cmake_utils/test_for_cuda/CMakeLists.txt
*** *** CMake is re-running because C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release/dlib_build/cuda_test_build/CMakeFiles/generate.stamp is out-of-date.
*** *** the file 'C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release/dlib_build/cuda_test_build/CMakeFiles/cuda_test.dir/cuda_test_generated_cuda_test.cu.obj.depend'
*** *** is newer than 'C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release/dlib_build/cuda_test_build/CMakeFiles/generate.stamp.depend'
*** *** result='-1'
*** *** -- The C compiler identification is MSVC 19.37.32825.0
*** *** -- The CXX compiler identification is unknown
*** *** -- Detecting C compiler ABI info
*** *** -- Detecting C compiler ABI info - failed
*** *** -- Check for working C compiler: C:/Program Files/Microsoft Visual Studio/2022/Community/VC/Tools/MSVC/14.37.32822/bin/Hostx64/x64/cl.exe
*** *** -- Check for working C compiler: C:/Program Files/Microsoft Visual Studio/2022/Community/VC/Tools/MSVC/14.37.32822/bin/Hostx64/x64/cl.exe - broken
*** *** CMake Error at C:/Users/Daryl_2/AppData/Local/Temp/pip-build-env-y93u875c/overlay/Lib/site-packages/cmake/data/share/cmake-3.28/Modules/CMakeTestCCompiler.cmake:67 (message):
*** *** The C compiler


*** *** "C:/Program Files/Microsoft Visual Studio/2022/Community/VC/Tools/MSVC/14.37.32822/bin/Hostx64/x64/cl.exe"


*** *** is not able to compile a simple test program.


*** *** It fails with the following output:


*** *** Change Dir: 'C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release/dlib_build/cuda_test_build/CMakeFiles/CMakeScratch/TryCompile-dzyjnt'


*** *** Run Build Command(s): "C:/Program Files/Microsoft Visual Studio/2022/Community/MSBuild/Current/Bin/amd64/MSBuild.exe" cmTC_693a4.vcxproj /p:Configuration=Debug /p:Platform=x64 /p:VisualStudioVersion=17.0 /v:n
*** *** MSBuild version 17.7.2+d6990bcfa for .NET Framework
*** *** Build started 1/27/2024 8:17:00 PM.


*** *** Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj" on node 1 (default targets).
*** *** PrepareForBuild:
*** *** Creating directory "cmTC_693a4.dir\Debug".
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]
*** *** Creating directory "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\Debug".
*** *** Creating directory "cmTC_693a4.dir\Debug\cmTC_693a4.tlog".
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(382,5): error MSB3491: Could not write lines to file "cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate". Path: cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate exceeds the OS max path limit. The fully qualified file name must be less than 260 characters. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]
*** *** Done Building Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj" (default targets) -- FAILED.


*** *** Build FAILED.


*** *** -- Configuring incomplete, errors occurred!
*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj" (default target) (1) ->
*** *** (PrepareForBuild target) ->
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]



*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj" (default target) (1) ->
*** *** (InitializeBuildStatus target) ->
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(382,5): error MSB3491: Could not write lines to file "cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate". Path: cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate exceeds the OS max path limit. The fully qualified file name must be less than 260 characters. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]


*** *** 1 Warning(s)
*** *** 1 Error(s)


*** *** Time Elapsed 00:00:00.13






*** *** CMake will not be able to correctly generate this project.
*** *** Call Stack (most recent call first):
*** *** CMakeLists.txt:3 (project)



*** *** CMake Error at CMakeLists.txt:3 (project):
*** *** No CMAKE_CXX_COMPILER could be found.




*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppCommon.targets(249,5): error MSB8066: Custom build for 'C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\cmake_utils\test_for_cuda\cuda_test.cu;C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\cmake_utils\test_for_cuda\CMakeLists.txt' exited with code 1. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]
*** *** Done Building Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj" (default targets) -- FAILED.
*** *** Done Building Project "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" (default targets) -- FAILED.


*** *** Build FAILED.


*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" (default target) (1) ->
*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ZERO_CHECK.vcxproj" (default target) (2) ->
*** *** (PrepareForBuild target) ->
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ZERO_CHECK.vcxproj]



*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" (default target) (1) ->
*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj" (default target) (3) ->
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]



*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" (default target) (1) ->
*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj" (default target) (3) ->
*** *** (CustomBuild target) ->
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]



*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\ALL_BUILD.vcxproj" (default target) (1) ->
*** *** "C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj" (default target) (3) ->
*** *** (CustomBuild target) ->
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(382,5): error MSB3491: Could not write lines to file "cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate". Path: cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate exceeds the OS max path limit. The fully qualified file name must be less than 260 characters. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(382,5): error MSB3491: Could not write lines to file "cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate". Path: cmTC_693a4.dir\Debug\cmTC_693a4.tlog\cmTC_693a4.lastbuildstate exceeds the OS max path limit. The fully qualified file name must be less than 260 characters. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\CMakeFiles\CMakeScratch\TryCompile-dzyjnt\cmTC_693a4.vcxproj] [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]
*** *** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppCommon.targets(249,5): error MSB8066: Custom build for 'C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\cmake_utils\test_for_cuda\cuda_test.cu;C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\cmake_utils\test_for_cuda\CMakeLists.txt' exited with code 1. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\cuda_test_build\cuda_test.vcxproj]


*** *** 4 Warning(s)
*** *** 3 Error(s)


*** *** Time Elapsed 00:00:11.98



*** -- *****************************************************************************************************************
*** -- Disabling CUDA support for dlib. DLIB WILL NOT USE CUDA
*** -- Searching for FFMPEG/LIBAV
*** -- Could NOT find PkgConfig (missing: PKG_CONFIG_EXECUTABLE)
*** -- PkgConfig could not be found, FFMPEG won't be available
*** -- Configuring done (28.5s)
*** -- Generating done (0.1s)
*** -- Build files have been written to: C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release
*** Invoking CMake build: 'cmake --build . --config Release -- /m'
*** MSBuild version 17.7.2+d6990bcfa for .NET Framework


*** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\ZERO_CHECK.vcxproj]
*** 1>Checking Build System
*** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** Building Custom Rule C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/dlib/CMakeLists.txt
*** base64_kernel_1.cpp
*** bigint_kernel_1.cpp
*** bigint_kernel_2.cpp
*** bit_stream_kernel_1.cpp
*** entropy_decoder_kernel_1.cpp
*** entropy_decoder_kernel_2.cpp
*** entropy_encoder_kernel_1.cpp
*** entropy_encoder_kernel_2.cpp
*** md5_kernel_1.cpp
*** tokenizer_kernel_1.cpp
*** unicode.cpp
*** test_for_odr_violations.cpp
*** fft.cpp
*** sockets_kernel_1.cpp
*** bsp.cpp
*** dir_nav_kernel_1.cpp
*** dir_nav_kernel_2.cpp
*** dir_nav_extensions.cpp
*** fonts.cpp
*** linker_kernel_1.cpp
*** extra_logger_headers.cpp
*** logger_kernel_1.cpp
*** logger_config_file.cpp
*** misc_api_kernel_1.cpp
*** misc_api_kernel_2.cpp
*** sockets_extensions.cpp
*** sockets_kernel_2.cpp
*** sockstreambuf.cpp
*** sockstreambuf_unbuffered.cpp
*** server_kernel.cpp
*** server_iostream.cpp
*** server_http.cpp
*** multithreaded_object_extension.cpp
*** threaded_object_extension.cpp
*** threads_kernel_1.cpp
*** threads_kernel_2.cpp
*** threads_kernel_shared.cpp
*** thread_pool_extension.cpp
*** async.cpp
*** timer.cpp
*** stack_trace.cpp
*** cpu_dlib.cpp
*** tensor_tools.cpp
*** image_dataset_metadata.cpp
*** mnist.cpp
*** cifar.cpp
*** global_function_search.cpp
*** kalman_filter.cpp
*** auto.cpp
*** widgets.cpp
*** drawable.cpp
*** canvas_drawing.cpp
*** style.cpp
*** base_widgets.cpp
*** gui_core_kernel_1.cpp
*** gui_core_kernel_2.cpp
*** png_loader.cpp
*** save_png.cpp
*** jpeg_loader.cpp
*** save_jpeg.cpp
*** arm_init.c
*** filter_neon_intrinsics.c
*** palette_neon_intrinsics.c
*** png.c
*** pngerror.c
*** pngget.c
*** pngmem.c
*** pngpread.c
*** pngread.c
*** pngrio.c
*** pngrtran.c
*** pngrutil.c
*** pngset.c
*** pngtrans.c
*** pngwio.c
*** pngwrite.c
*** pngwtran.c
*** pngwutil.c
*** adler32.c
*** compress.c
*** crc32.c
*** deflate.c
*** gzclose.c
*** gzlib.c
*** gzread.c
*** gzwrite.c
*** infback.c
*** inffast.c
*** inflate.c
*** inftrees.c
*** trees.c
*** uncompr.c
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\zlib\gzwrite.c(212,24): warning C4267: '=': conversion from 'size_t' to 'unsigned int', possible loss of data [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** zutil.c
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\zlib\gzwrite.c(232,21): warning C4267: '=': conversion from 'size_t' to 'unsigned int', possible loss of data [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\zlib\gzread.c(319,17): warning C4267: '=': conversion from 'size_t' to 'unsigned int', possible loss of data [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\zlib\gzwrite.c(371,11): warning C4267: '=': conversion from 'size_t' to 'int', possible loss of data [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\zlib\gzread.c(400,11): warning C4267: '=': conversion from 'size_t' to 'unsigned int', possible loss of data [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** jaricom.c
*** jcapimin.c
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\zlib\gzread.c(472,11): warning C4267: '=': conversion from 'size_t' to 'int', possible loss of data [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** jcapistd.c
*** jcarith.c
*** jccoefct.c
*** jccolor.c
*** jcdctmgr.c
*** jchuff.c
*** jcinit.c
*** jcmainct.c
*** jcmarker.c
*** jcmaster.c
*** jcomapi.c
*** jcparam.c
*** jcprepct.c
*** jcsample.c
*** jdapimin.c
*** jdapistd.c
*** jdarith.c
*** jdatadst.c
*** jdatasrc.c
*** jdcoefct.c
*** jdcolor.c
*** jddctmgr.c
*** jdhuff.c
*** jdinput.c
*** jdmainct.c
*** jdmarker.c
*** jdmaster.c
*** jdmerge.c
*** jdpostct.c
*** jdsample.c
*** jerror.c
*** jfdctflt.c
*** jfdctfst.c
*** jfdctint.c
*** jidctflt.c
*** jidctfst.c
*** jidctint.c
*** jmemmgr.c
*** jmemnobs.c
*** jquant1.c
*** jquant2.c
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\libjpeg\jdmarker.c(331,5): warning C4996: 'strncpy': This function or variable may be unsafe. Consider using strncpy_s instead. To disable deprecation, use _CRT_SECURE_NO_WARNINGS. See online help for details. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\libjpeg\jdmarker.c(654,5): warning C4996: 'strncpy': This function or variable may be unsafe. Consider using strncpy_s instead. To disable deprecation, use _CRT_SECURE_NO_WARNINGS. See online help for details. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\libjpeg\jerror.c(194,5): warning C4996: 'sprintf': This function or variable may be unsafe. Consider using sprintf_s instead. To disable deprecation, use _CRT_SECURE_NO_WARNINGS. See online help for details. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\libjpeg\jerror.c(196,5): warning C4996: 'sprintf': This function or variable may be unsafe. Consider using sprintf_s instead. To disable deprecation, use _CRT_SECURE_NO_WARNINGS. See online help for details. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** jutils.c
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\libjpeg\jmemmgr.c(1103,19): warning C4996: 'getenv': This function or variable may be unsafe. Consider using _dupenv_s instead. To disable deprecation, use _CRT_SECURE_NO_WARNINGS. See online help for details. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib\external\libjpeg\jmemmgr.c(1106,11): warning C4996: 'sscanf': This function or variable may be unsafe. Consider using sscanf_s instead. To disable deprecation, use _CRT_SECURE_NO_WARNINGS. See online help for details. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\dlib.vcxproj]
*** dlib.vcxproj -> C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\dlib_build\Release\dlib19.24.2_release_64bit_msvc1937.lib
*** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release_dlib_pybind11.vcxproj]
*** Building Custom Rule C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/tools/python/CMakeLists.txt
*** dlib.cpp
*** matrix.cpp
*** vector.cpp
*** svm_c_trainer.cpp
*** svm_rank_trainer.cpp
*** decision_functions.cpp
*** other.cpp
*** basic.cpp
*** cca.cpp
*** sequence_segmenter.cpp
*** svm_struct.cpp
*** image.cpp
*** image2.cpp
*** image3.cpp
*** image4.cpp
*** rectangles.cpp
*** object_detection.cpp
*** shape_predictor.cpp
*** correlation_tracker.cpp
*** face_recognition.cpp
*** cnn_face_detector.cpp
*** global_optimization.cpp
*** image_dataset_metadata.cpp
*** numpy_returns.cpp
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib..\dlib/image_transforms/assign_image.h(86,45): warning C4018: '>=': signed/unsigned mismatch (compiling source file C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\tools\python\src\image3.cpp) [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release_dlib_pybind11.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib..\dlib/image_transforms/assign_image.h(160,9): message : see reference to function template instantiation 'void dlib::impl_assign_image_scaled<out_image_type,src_image_type>(dlib::image_view<out_image_type> &,const src_image_type &,const double)' being compiled [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release_dlib_pybind11.vcxproj]
*** with
*** [
*** out_image_type=dlib::numpy_image<int8_t>,
*** src_image_type=dlib::matrix_op<dlib::op_image_to_mat<dlib::numpy_image<uint32_t>,uint32_t>>
*** ] (compiling source file C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\tools\python\src\image3.cpp)
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib..\dlib/image_transforms/assign_image.h(177,9): message : see reference to function template instantiation 'void dlib::impl_assign_image_scaled<dest_image_type,dlib::matrix_op<dlib::op_image_to_mat<src_image_type,T>>>(dest_image_type &,const dlib::matrix_op<dlib::op_image_to_mat<src_image_type,T>> &,const double)' being compiled [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release_dlib_pybind11.vcxproj]
*** with
*** [
*** dest_image_type=dlib::numpy_image<int8_t>,
*** src_image_type=dlib::numpy_image<uint32_t>,
*** T=uint32_t
*** ] (compiling source file C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\tools\python\src\image3.cpp)
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\tools\python\src\image3.cpp(27,59): message : see reference to function template instantiation 'void dlib::assign_image_scaled<dlib::numpy_image<int8_t>,dlib::numpy_image<uint32_t>>(dest_image_type &,const src_image_type &,const double)' being compiled [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release_dlib_pybind11.vcxproj]
*** with
*** [
*** dest_image_type=dlib::numpy_image<int8_t>,
*** src_image_type=dlib::numpy_image<uint32_t>
*** ]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\tools\python\src\image3.cpp(435,35): message : see reference to function template instantiation 'pybind11::array convert_image_scaled<uint32_t>(const dlib::numpy_image<uint32_t> &,const std::string &,const double)' being compiled [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release_dlib_pybind11.vcxproj]
*** C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\dlib..\dlib/image_transforms/assign_image.h(87,45): warning C4018: '<=': signed/unsigned mismatch (compiling source file C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\tools\python\src\image3.cpp) [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release_dlib_pybind11.vcxproj]
*** line.cpp
*** gui.cpp
*** Creating library C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release/Release/_dlib_pybind11.lib and object C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/build/temp.win-amd64-cpython-310/Release/Release/_dlib_pybind11.exp
*** Generating code
*** Finished generating code
*** dlib_pybind11.vcxproj -> C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\lib.win-amd64-cpython-310_dlib_pybind11.cp310-win_amd64.pyd
*** C:\Program Files\Microsoft Visual Studio\2022\Community\MSBuild\Microsoft\VC\v170\Microsoft.CppBuild.targets(541,5): warning MSB8029: The Intermediate directory or Output directory cannot reside under the Temporary directory as it could lead to issues with incremental build. [C:\Users\Daryl_2\AppData\Local\Temp\pip-install-57znksy6\dlib_d99c039033b14901b962e668f0810463\build\temp.win-amd64-cpython-310\Release\ALL_BUILD.vcxproj]
*** Building Custom Rule C:/Users/Daryl_2/AppData/Local/Temp/pip-install-57znksy6/dlib_d99c039033b14901b962e668f0810463/tools/python/CMakeLists.txt
*** installing to build\bdist.win-amd64\wheel
*** running install
*** running install_lib
*** creating build\bdist.win-amd64
*** creating build\bdist.win-amd64\wheel
*** creating build\bdist.win-amd64\wheel\dlib
*** copying build\lib.win-amd64-cpython-310\dlib_init
.py -> build\bdist.win-amd64\wheel.\dlib
*** copying build\lib.win-amd64-cpython-310_dlib_pybind11.cp310-win_amd64.pyd -> build\bdist.win-amd64\wheel.
*** running install_egg_info
*** running egg_info
*** writing tools/python\dlib.egg-info\PKG-INFO
*** writing dependency_links to tools/python\dlib.egg-info\dependency_links.txt
*** writing top-level names to tools/python\dlib.egg-info\top_level.txt
*** reading manifest file 'tools/python\dlib.egg-info\SOURCES.txt'
*** Traceback (most recent call last):
*** File "C:\Stable Diffusion\clean-stable-diffusion-webui\venv\lib\site-packages\pip_vendor\pep517\in_process_in_process.py", line 363, in
*** main()
*** File "C:\Stable Diffusion\clean-stable-diffusion-webui\venv\lib\site-packages\pip_vendor\pep517\in_process_in_process.py", line 345, in main
*** json_out['return_val'] = hook(**hook_input['kwargs'])
*** File "C:\Stable Diffusion\clean-stable-diffusion-webui\venv\lib\site-packages\pip_vendor\pep517\in_process_in_process.py", line 261, in build_wheel
*** return _build_backend().build_wheel(wheel_directory, config_settings,
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\build_meta.py", line 404, in build_wheel
*** return self._build_with_temp_dir(
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\build_meta.py", line 389, in build_with_temp_dir
*** self.run_setup()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\build_meta.py", line 311, in run_setup
*** exec(code, locals())
*** File "", line 218, in
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_init
.py", line 103, in setup
*** return distutils.core.setup(**attrs)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\core.py", line 185, in setup
*** return run_commands(dist)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\core.py", line 201, in run_commands
*** dist.run_commands()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\dist.py", line 969, in run_commands
*** self.run_command(cmd)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\dist.py", line 963, in run_command
*** super().run_command(command)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\dist.py", line 988, in run_command
*** cmd_obj.run()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\wheel\bdist_wheel.py", line 403, in run
*** self.run_command("install")
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\cmd.py", line 318, in run_command
*** self.distribution.run_command(command)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\dist.py", line 963, in run_command
*** super().run_command(command)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\dist.py", line 988, in run_command
*** cmd_obj.run()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\install.py", line 78, in run
*** return orig.install.run(self)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\command\install.py", line 708, in run
*** self.run_command(cmd_name)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\cmd.py", line 318, in run_command
*** self.distribution.run_command(command)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\dist.py", line 963, in run_command
*** super().run_command(command)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\dist.py", line 988, in run_command
*** cmd_obj.run()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\install_egg_info.py", line 31, in run
*** self.run_command('egg_info')
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\cmd.py", line 318, in run_command
*** self.distribution.run_command(command)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\dist.py", line 963, in run_command
*** super().run_command(command)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\dist.py", line 988, in run_command
*** cmd_obj.run()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\egg_info.py", line 321, in run
*** self.find_sources()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\egg_info.py", line 329, in find_sources
*** mm.run()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\egg_info.py", line 551, in run
*** self.add_defaults()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\egg_info.py", line 596, in add_defaults
*** self.read_manifest()
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\sdist.py", line 213, in read_manifest
*** self.filelist.append(line)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools\command\egg_info.py", line 488, in append
*** path = convert_path(item)
*** File "C:\Users\Daryl_2\AppData\Local\Temp\pip-build-env-y93u875c\overlay\Lib\site-packages\setuptools_distutils\util.py", line 141, in convert_path
*** raise ValueError("path '%s' cannot end with '/'" % pathname)
*** ValueError: path 'dlib/CMakeLists.txt/' cannot end with '/'
*** [end of output]


*** note: This error originates from a subprocess, and is likely not a problem with pip.
*** ERROR: Failed building wheel for dlib
*** ERROR: Could not build wheels for dlib, which is required to install pyproject.toml-based projects


*** [notice] A new release of pip available: 22.2.1 -> 23.3.2
*** [notice] To update, run: C:\Stable Diffusion\clean-stable-diffusion-webui\venv\Scripts\python.exe -m pip install --upgrade pip


Launching Web UI with arguments: --listen --enable-insecure-extension-access --xformers --reinstall-xformers --upcast-sampling --opt-split-attention
Style database not found: C:\Stable Diffusion\clean-stable-diffusion-webui\styles.csv
ControlNet preprocessor location: C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads
2024-01-27 20:18:21,034 - ControlNet - INFO - ControlNet v1.1.438
2024-01-27 20:18:21,188 - ControlNet - INFO - ControlNet v1.1.438
*** Error loading script: bop.py
Traceback (most recent call last):
File "C:\Stable Diffusion\clean-stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts
script_module = script_loading.load_module(scriptfile.path)
File "C:\Stable Diffusion\clean-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 "C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\scripts\bop.py", line 1, in
from scripts.main_function import bop
File "C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\scripts\main_function.py", line 4, in
from Face_Detection.detect_all_dlib import detect
File "C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\Face_Detection\detect_all_dlib.py", line 18, in
import dlib
ModuleNotFoundError: No module named 'dlib'


*** Error loading script: main_function.py
Traceback (most recent call last):
File "C:\Stable Diffusion\clean-stable-diffusion-webui\modules\scripts.py", line 469, in load_scripts
script_module = script_loading.load_module(scriptfile.path)
File "C:\Stable Diffusion\clean-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 "C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\scripts\main_function.py", line 4, in
from Face_Detection.detect_all_dlib import detect
File "C:\Stable Diffusion\clean-stable-diffusion-webui\extensions\sd-webui-old-photo-restoration\Face_Detection\detect_all_dlib.py", line 18, in
import dlib
ModuleNotFoundError: No module named 'dlib'
*********************************************************************
END OF LOG DUMP ON LINE ABOVE - Any help appreciated - thanks!

BOP extension don't show

Hi,

I've followed the installation steps, but I don't see the "BOP" tab in my list.

I don't get any error messages. Am I missing something?

suggestions.

Hello, after a simple test, I have a few suggestions.

  1. You can directly drag in pictures as input. and put the processed images into output
  2. Add specified resolution options. There is almost no difference between the size of the processed image and the size before processing.
  3. Add a function similar to ADetailer. In some photos, the face will become very blurry after processing.
  4. Add the function of changing black and white pictures to color, similar to ioclab/control_v1p_sd15_brightness
    Hope it gets better and better

Support ComfyUI

Hi!

Love this extension. Can you please make it available for ComfyUI?

The repeated requirements installation is (not really) fixed in Webui v1.7.0

Hi there!

i've got this message everytime i start A1111 (Linux, v1.7.0)

Checking Requirements for Bringing-Old-Photos-Back-to-Life...

Then a file =2.3.1 is created in /whatever/stable-diffusion-webui/ with the content :

Requirement already satisfied: dominate in ./venv/lib/python3.10/site-packages (2.9.0)

Looks like the cause is somewhere in the preload.py code.

Maybe looking at the way faceswaplab extension checks requirements in the install.py code could help?

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.