Closed Dioskurides closed 5 months ago
facechain: failed to install mmcv, make sure to have "CUDA Toolkit" and "Build Tools for Visual Studio" installed
Looks like you're missing one of those, or both, necessary tools for mmcv to install.
Download and install CUDA Toolkit: https://developer.nvidia.com/cuda-11-8-0-download-archive Download and install Build Tools for Visual Studio (direct download).
Ill try that thank you i thought both of those get automatic installed alongside the webui
Installed both, i still cant install mmcv
facechain: failed to install mmcv, make sure to have "CUDA Toolkit" and "Build Tools for Visual Studio" installed
Looks like you're missing one of those, or both, necessary tools for mmcv to install.
Download and install CUDA Toolkit: https://developer.nvidia.com/cuda-downloads Download and install Build Tools for Visual Studio (direct download).
Installed both, i still cant install mmcv
facechain: failed to install mmcv, make sure to have "CUDA Toolkit" and "Build Tools for Visual Studio" installed
Looks like you're missing one of those, or both, necessary tools for mmcv to install. Download and install CUDA Toolkit: https://developer.nvidia.com/cuda-downloads Download and install Build Tools for Visual Studio (direct download).
Which version of CUDA did you install? What's your GPU?
I used the links you kindly provided, im using an rtx 4090 > > Installed both, i still cant install mmcv
facechain: failed to install mmcv, make sure to have "CUDA Toolkit" and "Build Tools for Visual Studio" installed
Looks like you're missing one of those, or both, necessary tools for mmcv to install. Download and install CUDA Toolkit: https://developer.nvidia.com/cuda-downloads Download and install Build Tools for Visual Studio (direct download).Which version of CUDA did you install? What's your GPU?
I used the links you kindly provided, im using an rtx 4090 > > Installed both, i still cant install mmcv
facechain: failed to install mmcv, make sure to have "CUDA Toolkit" and "Build Tools for Visual Studio" installed
Looks like you're missing one of those, or both, necessary tools for mmcv to install.
Download and install CUDA Toolkit: https://developer.nvidia.com/cuda-downloads Download and install Build Tools for Visual Studio (direct download).
Which version of CUDA did you install? What's your GPU?
I'm sorry, I pasted the wrong version of CUDA. You should install CUDA 11.8: https://developer.nvidia.com/cuda-11-8-0-download-archive
You can uninstall CUDA 12.x via Control Panel as any other software.
Let me know if this helps.
Its now completely broken stable diffusion wont even start anymore
Its now completely broken stable diffusion wont even start anymore
Alright that's weird, as I'm currently using CUDA 11.8 and everything's working as expected.
What happens when you try to start A1111?
Also, just an advise: this extension is full of problems. I uninstalled it and I am now using FaceSwapLab. No issue whatsoever.
I reinstalled sd now and it starts again but it looks like i cant install extensions anymore it seems stuck in the process im waiting for 450 seconds now and it is still not done
I reinstalled sd now and it starts again but it looks like i cant install extensions anymore it seems stuck in the process im waiting for 450 seconds now and it is still not done
That is not related to CUDA, cause A1111 works even using CPU only.
its really strange i never had problems installing extensions
i was finally able to install it but it threw this error now:
instance_data_dir C:\StableDiffusion\stable-diffusion-webui\extensions\facechain\worker_data\qw\training_data\AI-ModelScope/stable-diffusion-xl-base-1.0\jille
Traceback (most recent call last):
File "C:\StableDiffusion\stable-diffusion-webui\extensions\facechain\facechain\train_text_to_image_lora_sdxl.py", line 30, in
During handling of the above exception, another exception occurred:
Traceback (most recent call last): File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict output = await app.get_blocks().process_api( File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api result = await self.call_function( File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function prediction = await anyio.to_thread.run_sync( File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\anyio\to_thread.py", line 33, in run_sync return await get_asynclib().run_sync_in_worker_thread( File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 877, in run_sync_in_worker_thread return await future File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\anyio_backends_asyncio.py", line 807, in run result = context.run(func, args) File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper response = f(args, **kwargs) File "C:\StableDiffusion\stable-diffusion-webui\extensions\facechain\app.py", line 804, in run train_lora_fn(base_model_path=base_model_path, File "C:\StableDiffusion\stable-diffusion-webui\extensions\facechain\app.py", line 150, in train_lora_fn raise gr.Error("训练失败 (Training failed)") gradio.exceptions.Error: '训练失败 (Training failed)' INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 500 Internal Server Error" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK"
Hi there, i'm facing a similar problem...
CUDA Toolkit: 11.8 Build Tools for Visual Studio: Done
Process Process-1:
Traceback (most recent call last):
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 210, in build_from_cfg
return obj_cls._instantiate(**args)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\base\base_model.py", line 67, in _instantiate
return cls(**kwargs)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\cv\face_detection\scrfd\damofd_detect.py", line 31, in __init__
super().__init__(model_dir, **kwargs)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\cv\face_detection\scrfd\scrfd_detect.py", line 33, in __init__
from mmcv import Config
ImportError: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py)
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 212, in build_from_cfg
return obj_cls(**args)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\cv\face_detection_pipeline.py", line 36, in __init__
super().__init__(model=model, **kwargs)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\base.py", line 100, in __init__
self.model = self.initiate_single_model(model, **kwargs)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\base.py", line 53, in initiate_single_model
return Model.from_pretrained(
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\base\base_model.py", line 183, in from_pretrained
model = build_model(model_cfg, task_name=task_name)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\builder.py", line 35, in build_model
model = build_from_cfg(
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 215, in build_from_cfg
raise type(e)(f'{obj_cls.__name__}: {e}')
ImportError: DamoFdDetect: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py)
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "C:\AI\Python\Python310\lib\multiprocessing\process.py", line 314, in _bootstrap
self.run()
File "C:\AI\Python\Python310\lib\multiprocessing\process.py", line 108, in run
self._target(*self._args, **self._kwargs)
File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\facechain\inference.py", line 25, in _data_process_fn_process
Blipv2()(input_img_dir)
File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\facechain\data_process\preprocessing.py", line 207, in __init__
self.face_detection = pipeline(task=Tasks.face_detection, model='damo/cv_ddsar_face-detection_iclr23-damofd', model_revision='v1.1')
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\builder.py", line 170, in pipeline
return build_pipeline(cfg, task_name=task)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\builder.py", line 65, in build_pipeline
return build_from_cfg(
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 215, in build_from_cfg
raise type(e)(f'{obj_cls.__name__}: {e}')
ImportError: FaceDetectionPipeline: DamoFdDetect: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py)
instance_data_dir X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\worker_data\qw\training_data\ly261666/cv_portrait_model\person1
Traceback (most recent call last):
File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\facechain\train_text_to_image_lora.py", line 30, in <module>
import cv2
ModuleNotFoundError: No module named 'cv2'
Error executing the command: Command '['python', 'X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain/facechain/train_text_to_image_lora.py', '--pretrained_model_name_or_path=ly261666/cv_portrait_model', '--revision=v2.0', '--sub_path=film/film', '--output_dataset_name=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\training_data\\ly261666/cv_portrait_model\\person1', '--caption_column=text', '--resolution=512', '--random_flip', '--train_batch_size=1', '--num_train_epochs=200', '--checkpointing_steps=5000', '--learning_rate=1.5e-04', '--lr_scheduler=cosine', '--lr_warmup_steps=0', '--seed=42', '--output_dir=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\ly261666/cv_portrait_model\\person1', '--lora_r=4', '--lora_alpha=32', '--lora_text_encoder_r=32', '--lora_text_encoder_alpha=32', '--resume_from_checkpoint=fromfacecommon']' returned non-zero exit status 1.
Traceback (most recent call last):
File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\app.py", line 147, in train_lora_fn
subprocess.run(command, check=True)
File "C:\AI\Python\Python310\lib\subprocess.py", line 524, in run
raise CalledProcessError(retcode, process.args,
subprocess.CalledProcessError: Command '['python', 'X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain/facechain/train_text_to_image_lora.py', '--pretrained_model_name_or_path=ly261666/cv_portrait_model', '--revision=v2.0', '--sub_path=film/film', '--output_dataset_name=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\training_data\\ly261666/cv_portrait_model\\person1', '--caption_column=text', '--resolution=512', '--random_flip', '--train_batch_size=1', '--num_train_epochs=200', '--checkpointing_steps=5000', '--learning_rate=1.5e-04', '--lr_scheduler=cosine', '--lr_warmup_steps=0', '--seed=42', '--output_dir=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\ly261666/cv_portrait_model\\person1', '--lora_r=4', '--lora_alpha=32', '--lora_text_encoder_r=32', '--lora_text_encoder_alpha=32', '--resume_from_checkpoint=fromfacecommon']' returned non-zero exit status 1.
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api
result = await self.call_function(
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function
prediction = await anyio.to_thread.run_sync(
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\anyio\to_thread.py", line 33, in run_sync
return await get_asynclib().run_sync_in_worker_thread(
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 877, in run_sync_in_worker_thread
return await future
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 807, in run
result = context.run(func, *args)
File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper
response = f(*args, **kwargs)
File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\app.py", line 804, in run
train_lora_fn(base_model_path=base_model_path,
File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\app.py", line 150, in train_lora_fn
raise gr.Error("训练失败 (Training failed)")
gradio.exceptions.Error: '训练失败 (Training failed)'
INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 500 Internal Server Error"
INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK"
ImportError: FaceDetectionPipeline: DamoFdDetect: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py)
ModuleNotFoundError: No module named 'cv2'
Hi there, i'm facing a similar problem...
CUDA Toolkit: 11.8 Build Tools for Visual Studio: Done
Process Process-1: Traceback (most recent call last): File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 210, in build_from_cfg return obj_cls._instantiate(**args) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\base\base_model.py", line 67, in _instantiate return cls(**kwargs) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\cv\face_detection\scrfd\damofd_detect.py", line 31, in __init__ super().__init__(model_dir, **kwargs) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\cv\face_detection\scrfd\scrfd_detect.py", line 33, in __init__ from mmcv import Config ImportError: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py) During handling of the above exception, another exception occurred: Traceback (most recent call last): File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 212, in build_from_cfg return obj_cls(**args) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\cv\face_detection_pipeline.py", line 36, in __init__ super().__init__(model=model, **kwargs) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\base.py", line 100, in __init__ self.model = self.initiate_single_model(model, **kwargs) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\base.py", line 53, in initiate_single_model return Model.from_pretrained( File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\base\base_model.py", line 183, in from_pretrained model = build_model(model_cfg, task_name=task_name) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\models\builder.py", line 35, in build_model model = build_from_cfg( File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 215, in build_from_cfg raise type(e)(f'{obj_cls.__name__}: {e}') ImportError: DamoFdDetect: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py) During handling of the above exception, another exception occurred: Traceback (most recent call last): File "C:\AI\Python\Python310\lib\multiprocessing\process.py", line 314, in _bootstrap self.run() File "C:\AI\Python\Python310\lib\multiprocessing\process.py", line 108, in run self._target(*self._args, **self._kwargs) File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\facechain\inference.py", line 25, in _data_process_fn_process Blipv2()(input_img_dir) File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\facechain\data_process\preprocessing.py", line 207, in __init__ self.face_detection = pipeline(task=Tasks.face_detection, model='damo/cv_ddsar_face-detection_iclr23-damofd', model_revision='v1.1') File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\builder.py", line 170, in pipeline return build_pipeline(cfg, task_name=task) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\pipelines\builder.py", line 65, in build_pipeline return build_from_cfg( File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\modelscope\utils\registry.py", line 215, in build_from_cfg raise type(e)(f'{obj_cls.__name__}: {e}') ImportError: FaceDetectionPipeline: DamoFdDetect: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py) instance_data_dir X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\worker_data\qw\training_data\ly261666/cv_portrait_model\person1 Traceback (most recent call last): File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\facechain\train_text_to_image_lora.py", line 30, in <module> import cv2 ModuleNotFoundError: No module named 'cv2' Error executing the command: Command '['python', 'X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain/facechain/train_text_to_image_lora.py', '--pretrained_model_name_or_path=ly261666/cv_portrait_model', '--revision=v2.0', '--sub_path=film/film', '--output_dataset_name=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\training_data\\ly261666/cv_portrait_model\\person1', '--caption_column=text', '--resolution=512', '--random_flip', '--train_batch_size=1', '--num_train_epochs=200', '--checkpointing_steps=5000', '--learning_rate=1.5e-04', '--lr_scheduler=cosine', '--lr_warmup_steps=0', '--seed=42', '--output_dir=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\ly261666/cv_portrait_model\\person1', '--lora_r=4', '--lora_alpha=32', '--lora_text_encoder_r=32', '--lora_text_encoder_alpha=32', '--resume_from_checkpoint=fromfacecommon']' returned non-zero exit status 1. Traceback (most recent call last): File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\app.py", line 147, in train_lora_fn subprocess.run(command, check=True) File "C:\AI\Python\Python310\lib\subprocess.py", line 524, in run raise CalledProcessError(retcode, process.args, subprocess.CalledProcessError: Command '['python', 'X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain/facechain/train_text_to_image_lora.py', '--pretrained_model_name_or_path=ly261666/cv_portrait_model', '--revision=v2.0', '--sub_path=film/film', '--output_dataset_name=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\training_data\\ly261666/cv_portrait_model\\person1', '--caption_column=text', '--resolution=512', '--random_flip', '--train_batch_size=1', '--num_train_epochs=200', '--checkpointing_steps=5000', '--learning_rate=1.5e-04', '--lr_scheduler=cosine', '--lr_warmup_steps=0', '--seed=42', '--output_dir=X:\\AI\\automatic111\\stable-diffusion-webui\\extensions\\facechain\\worker_data\\qw\\ly261666/cv_portrait_model\\person1', '--lora_r=4', '--lora_alpha=32', '--lora_text_encoder_r=32', '--lora_text_encoder_alpha=32', '--resume_from_checkpoint=fromfacecommon']' returned non-zero exit status 1. During handling of the above exception, another exception occurred: Traceback (most recent call last): File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict output = await app.get_blocks().process_api( File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1431, in process_api result = await self.call_function( File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1103, in call_function prediction = await anyio.to_thread.run_sync( File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\anyio\to_thread.py", line 33, in run_sync return await get_asynclib().run_sync_in_worker_thread( File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 877, in run_sync_in_worker_thread return await future File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\anyio\_backends\_asyncio.py", line 807, in run result = context.run(func, *args) File "X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\gradio\utils.py", line 707, in wrapper response = f(*args, **kwargs) File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\app.py", line 804, in run train_lora_fn(base_model_path=base_model_path, File "X:\AI\automatic111\stable-diffusion-webui\extensions\facechain\app.py", line 150, in train_lora_fn raise gr.Error("训练失败 (Training failed)") gradio.exceptions.Error: '训练失败 (Training failed)' INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 500 Internal Server Error" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK"
ImportError: FaceDetectionPipeline: DamoFdDetect: cannot import name 'Config' from 'mmcv' (X:\AI\automatic111\stable-diffusion-webui\venv\lib\site-packages\mmcv\__init__.py)
ModuleNotFoundError: No module named 'cv2'
Both of the previous replies mean you need to install all the dependencies from the requirements.txt file. it doesn't do that automatically.
cd sdwebui\extensions\facechain
pip install -r requirements.txt
take longtime to success: pip install mmcv-full in venv , then reinstall facechain extension, also need to in set unicode UTF-8 support worldwide language in advance (windows setting panel click beta in language setting and restart windows)
please try out the newest train-free, 10s inference version facechain-fact.
Hi, i just downloaded facechain via the extensions tab in automatic1111 but i couldnt get it to work i throws several errors. I would be glas if someone could help me resolve the issue. This is my log:
`Already up to date. venv "C:\StableDiffusion\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.7.0 Commit hash: cf2772fab0af5573da775e7437e6acdca424f26e --installing mmcv... Installing requirements for mmcv Couldn't install requirements for mmcv. Command: "C:\StableDiffusion\stable-diffusion-webui\venv\Scripts\python.exe" -m pip install mmcv-full==1.7.0 --prefer-binary Error code: 1 stdout: Collecting mmcv-full==1.7.0 Using cached mmcv-full-1.7.0.tar.gz (593 kB) Preparing metadata (setup.py): started Preparing metadata (setup.py): finished with status 'error'
stderr: WARNING: Ignoring invalid distribution -rotobuf (c:\stablediffusion\stable-diffusion-webui\venv\lib\site-packages) WARNING: Ignoring invalid distribution -rotobuf (c:\stablediffusion\stable-diffusion-webui\venv\lib\site-packages) error: subprocess-exited-with-error
python setup.py egg_info did not run successfully. exit code: 1
[14 lines of output] Traceback (most recent call last): File "", line 2, in
File "", line 34, in
File "C:\Users\rouve\AppData\Local\Temp\pip-install-0smz74z2\mmcv-full_b8e4dcac16d84821b7691f0db34993ae\setup.py", line 461, in
ext_modules=get_extensions(),
File "C:\Users\rouve\AppData\Local\Temp\pip-install-0smz74z2\mmcv-full_b8e4dcac16d84821b7691f0db34993ae\setup.py", line 365, in get_extensions
ext_ops = extension(
File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\torch\utils\cpp_extension.py", line 1048, in CUDAExtension
library_dirs += library_paths(cuda=True)
File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\torch\utils\cpp_extension.py", line 1186, in library_paths
paths.append(_join_cuda_home(lib_dir))
File "C:\StableDiffusion\stable-diffusion-webui\venv\lib\site-packages\torch\utils\cpp_extension.py", line 2223, in _join_cuda_home
raise EnvironmentError('CUDA_HOME environment variable is not set. '
OSError: CUDA_HOME environment variable is not set. Please set it to your CUDA install root.
[end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. error: metadata-generation-failed
Encountered error while generating package metadata.
See above for output.
note: This is an issue with the package mentioned above, not pip. hint: See above for details. WARNING: Ignoring invalid distribution -rotobuf (c:\stablediffusion\stable-diffusion-webui\venv\lib\site-packages) WARNING: Ignoring invalid distribution -rotobuf (c:\stablediffusion\stable-diffusion-webui\venv\lib\site-packages) WARNING: Ignoring invalid distribution -rotobuf (c:\stablediffusion\stable-diffusion-webui\venv\lib\site-packages)
[notice] A new release of pip available: 22.2.1 -> 24.0 [notice] To update, run: C:\StableDiffusion\stable-diffusion-webui\venv\Scripts\python.exe -m pip install --upgrade pip
ERROR facechain: failed to install mmcv, make sure to have "CUDA Toolkit" and "Build Tools for Visual Studio" installed Installing requirements for diffusers removing nvidia-cudnn-cu11 Launching Web UI with arguments: --xformers --theme dark --autolaunch Style database not found: C:\StableDiffusion\stable-diffusion-webui\styles.csv ControlNet preprocessor location: C:\StableDiffusion\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads 2024-02-07 11:21:19,669 - ControlNet - INFO - ControlNet v1.1.440 2024-02-07 11:21:19,769 - ControlNet - INFO - ControlNet v1.1.440 Loading weights [e6bb9ea85b] from C:\StableDiffusion\stable-diffusion-webui\models\Stable-diffusion\sd_xl_base_1.0_0.9vae.safetensors 2024-02-07 11:21:20,236 - ControlNet - INFO - ControlNet UI callback registered. Creating model from config: C:\StableDiffusion\stable-diffusion-webui\repositories\generative-models\configs\inference\sd_xl_base.yaml 2024-02-07 11:21:21,371 - modelscope - INFO - PyTorch version 2.0.1+cu118 Found. 2024-02-07 11:21:21,423 - modelscope - INFO - Loading ast index from C:\Users\rouve.cache\modelscope\ast_indexer 2024-02-07 11:21:21,552 - modelscope - INFO - Loading done! Current index file version is 1.12.0, with md5 47d35f634fb1a9b1349293bd5ef1536f and a total number of 964 components indexed C:\StableDiffusion\stable-diffusion-webui\extensions\facechain\app.py:1276: GradioDeprecationWarning: The
style
method is deprecated. Please set these arguments in the constructor instead. output_images = gr.Gallery(label='Output', show_label=False).style(columns=3, rows=2, height=600, [['C:\StableDiffusion\stable-diffusion-webui\extensions\facechain/resources/inpaint_template\1.jpg'], ['C:\StableDiffusion\stable-diffusion-webui\extensions\facechain/resources/inpaint_template\2.jpg'], ['C:\StableDiffusion\stable-diffusion-webui\extensions\facechain/resources/inpaint_template\3.jpg'], ['C:\StableDiffusion\stable-diffusion-webui\extensions\facechain/resources/inpaint_template\4.jpg'], ['C:\StableDiffusion\stable-diffusion-webui\extensions\facechain/resources/inpaint_template\5.jpg']] C:\StableDiffusion\stable-diffusion-webui\extensions\facechain\app.py:1379: GradioDeprecationWarning: Thestyle
method is deprecated. Please set these arguments in the constructor instead. output_images = gr.Gallery( [] C:\StableDiffusion\stable-diffusion-webui\extensions\facechain\app.py:1530: GradioDeprecationWarning: Thestyle
method is deprecated. Please set these arguments in the constructor instead. output_images = gr.Gallery( Running on local URL: http://127.0.0.1:7860To create a public link, set
share=True
inlaunch()
. Startup time: 23.5s (prepare environment: 6.2s, import torch: 2.1s, import gradio: 0.7s, setup paths: 0.6s, initialize shared: 0.2s, other imports: 0.4s, setup codeformer: 0.2s, load scripts: 6.1s, initialize extra networks: 0.1s, create ui: 6.7s, gradio launch: 0.2s). Applying attention optimization: xformers... done. Model loaded in 8.4s (load weights from disk: 1.3s, create model: 0.7s, apply weights to model: 5.1s, apply half(): 0.1s, move model to device: 0.3s, load textual inversion embeddings: 0.2s, calculate empty prompt: 0.7s). INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/api/predict "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK" INFO:httpx:HTTP Request: POST http://127.0.0.1:7860/reset "HTTP/1.1 200 OK"`