GithubHelp home page GithubHelp logo

deepfacelab_macos's People

Contributors

cantonalex avatar chychkan avatar dependabot[bot] 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  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  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

deepfacelab_macos's Issues

DeepFaceLive

Have you had a chance to take a look on DeepFaceLive?

It's currently supported for Windows, would be great to have that support Mac as well

Issue installing DeepFaceLab_MacOS on Python 3.10

Hi,
here's the issue i get when i launch 0_setup.sh file:

Using requirements.txt
Collecting numpy==1.19.5
Using cached numpy-1.19.5.zip (7.3 MB)
Installing build dependencies ... done
Getting requirements to build wheel ... done
Preparing metadata (pyproject.toml) ... done
ERROR: Could not find a version that satisfies the requirement opencv-contrib-python-headless==4.1.2.30 (from versions: 3.4.11.45, 3.4.13.47, 3.4.14.51, 3.4.15.55, 3.4.16.57, 4.4.0.46, 4.5.1.48, 4.5.2.52, 4.5.3.56, 4.5.4.58)
ERROR: No matching distribution found for opencv-contrib-python-headless==4.1.2.30

M1 Pro: 'NoneType' has no attribute 'name'

Hi,

I'm trying to train my model on my MacBook Pro M1 Pro, and I'm getting this error either I use SAEHD or Quick96. Am I doing something wrong?

Metal device set to: Apple M1 Pro

systemMemory: 16.00 GB
maxCacheSize: 5.33 GB

Running trainer.

[new] No saved models found. Enter a name of a new model : bolsobean
bolsobean

Model first run.
Error: 'NoneType' object has no attribute 'name'
Traceback (most recent call last):
  File "/Users/mateuspestana/Downloads/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
    model = models.import_model(model_class_name)(
  File "/Users/mateuspestana/Downloads/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 161, in __init__
    self.device_config = nn.DeviceConfig.GPUIndexes( force_gpu_idxs or nn.ask_choose_device_idxs(suggest_best_multi_gpu=True)) \
  File "/Users/mateuspestana/Downloads/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/nn.py", line 215, in ask_choose_device_idxs
    best_device_indexes = [device.index for device in devices.get_equal_devices(devices.get_best_device()) ]
  File "/Users/mateuspestana/Downloads/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/device.py", line 78, in get_equal_devices
    device_name = device.name
AttributeError: 'NoneType' object has no attribute 'name'

opencv-python incorrect version

ERROR: Could not find a version that satisfies the requirement opencv-python==4.1.0.25
ERROR: No matching distribution found for opencv-python==4.1.0.25

numpy issues on MAC installation

Hi there!

I just downloaded all the content via your instructions for deepfacelab for mac, and when I try running the second script '2_extract_images_from_video_data_src.sh' I get the following error:

Traceback (most recent call last): File "/Users/MYUSERNAME/DeepFaceLab_MacOS/.dfl/DeepFaceLab/main.py", line 6, in <module> from core.leras import nn File "/Users/MYUSERNAME/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/__init__.py", line 1, in <module> from .nn import nn File "/Users/MYUSERNAME/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/nn.py", line 25, in <module> import numpy as np ModuleNotFoundError: No module named 'numpy'

However i've also tried using pip3 install numpy, and brew install numpy, both of which worked, and i've even checked the version of numpy - but I still get the 'no module named numpy' error when i run the second script. Any help for this?

Thanks!

Installation on M1 is a mess - updated steps required

Hi this is not meant to be a negative post, but just to point out all the docs and so on need to be updated for M1. There are long threads of possible fixes which may or may not have been applied in any particular order (or at all), in getting to success which has worked (probably) for someone but not all or maybe most people. I'm still trying. No luck.

I think it's to do with zero'ing in on what versions of python are required to be installed / tensor flow also, and the steps to rectify that via editing the scripts provided. Each time I think I've gotten a win, another error pops up about the next thing - hence the request for an updated guide with steps. If I manage to succeed I will share it here, otherwise hopefully someone else will do so, or the maintainer of this repository perhaps.

training preview window not showing

Hi, i was able to run the whole thing until the training process, once the model starts training process, all goes well inside Mac shell but no training preview window is showing up, so I can't press "enter" to stop training and save my model. Does anyone knows why this is happening and how can it be solved? Thanks!

Can't parse 'center'. Sequence item with index 0 has a wrong type

Hi! When I train my model, I'm getting this error:

   raise Exception ("Exception occured in sample %s. Error: %s" % (sample.filename, traceback.format_exc() ) )
Exception: Exception occured in sample /Users/mateuspestana/Downloads/DeepFaceLab_MacOS/workspace/data_dst/aligned/03987.jpg. Error: Traceback (most recent call last):
  File "/Users/mateuspestana/Downloads/DeepFaceLab_MacOS/.dfl/DeepFaceLab/samplelib/SampleGeneratorFace.py", line 134, in batch_func
    x, = SampleProcessor.process ([sample], self.sample_process_options, self.output_sample_types, self.debug, ct_sample=ct_sample)
  File "/Users/mateuspestana/Downloads/DeepFaceLab_MacOS/.dfl/DeepFaceLab/samplelib/SampleProcessor.py", line 106, in process
    warp_params = imagelib.gen_warp_params(resolution,
  File "/Users/mateuspestana/Downloads/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/imagelib/warp.py", line 146, in gen_warp_params
    random_transform_mat = cv2.getRotationMatrix2D((w // 2, w // 2), rotation, scale)
TypeError: Can't parse 'center'. Sequence item with index 0 has a wrong type

Does anyone knows how to solve it?
Oh, I'm using an M1 Pro.

/!\ ffmpeg fail, job commandline: M1 MacOS

well failed without error code

have try following:

psutil>=5.8.0
numpy==1.22.0
numexpr<=2.8.1
opencv-python<=4.6.0.66
scikit-image<=0.19.3
scikit-learn<=1.0.2
scipy<=1.8.1
tifffile<=2022.5.4
pyparsing==3.0.9
pillow
tqdm<=4.64.0
colorama<=0.4.4
cython<=0.29.26
PyWavelets<=1.3.0
imageio<=2.19.3
networkx<=2.8.4
packaging<=21.3
image
timm
PlL
moviepy
absl-py<=1.1.0
astunparse
cachetools<=5.2.0
certifi<=2022.6.15
charset-normalizer<=2.1.0
flatbuffers<=1.12
gast
google-auth
google-auth-oauthlib<=0.4.6
google-pasta<=0.2.0
grpcio
h5py<=3.7.0
idna<=3.3
keras<=2.9.0
keras-preprocessing
libclang<=14.0.1
markdown<=3.3.7
oauthlib<=3.2.0
opt-einsum<=3.3.0
pyasn1==0.4.8
pyasn1-modules<=0.2.8
requests<=2.28.1
requests-oauthlib<=1.3.1
rsa<=4.8
six
Flask<=2.1.3
Jinja2<=3.1.2
Mako<=1.2.1
MarkupSafe<=2.1.1
alembic<=1.8.1
click<=8.1.3
cloudpickle<=2.1.0
databricks-cli
docker<=5.0.3
entrypoints<=0.4
gitdb<=4.0.9
gitpython<=3.1.27
gunicorn<=20.1.0
importlib-metadata<=4.12.0
itsdangerous<=2.1.2
mlflow<=1.27.0
pandas<=1.4.3
prometheus-client<=0.14.1
prometheus-flask-exporter<=0.20.2
pyjwt<=2.4.0
python-dateutil<=2.8.2
pytz<=2022.1
pyyaml<=6.0
querystring-parser<=1.2.4
smmap<=5.0.0
sqlalchemy<=1.4.39
sqlparse<=0.4.2
tabulate<=0.8.10
websocket-client<=1.3.3
zipp<=3.8.1
tensorboard<=2.9.1
tensorboard-data-server<=0.6.1
tensorboard-plugin-wit<=1.8.1
tensorflow-estimator<=2.9.0
tensorflow-macos<=2.9.0
tensorflow-metal
termcolor<=1.1.0
typing-extensions<=4.3.0
urllib3<=1.26.10
werkzeug<=2.1.2
wrapt<=1.14.1
fastcluster>=1.2.4
matplotlib>=3.5.1
ffmpeg-python==0.2.0
imageio-ffmpeg>=0.4.7
ffmpy
torch<=1.12.0
torchvision<=0.13.0
torchaudio<=0.12.0
insightface<=0.2.1
ipython<=7.21.0
PyQt6<=6.2.3
git+https://www.github.com/keras-team/keras-contrib.git

` python3 /Users/Smiril/Documents/deep/DeepFaceLab_MacOS/.dfl/DeepFaceLab/main.py videoed extract-video --input-file /Users/Smiril/Documents/deep/DeepFaceLab_MacOS/workspace/data_src.mp4 --output-dir /Users/Smiril/Documents/deep/DeepFaceLab_MacOS/workspace/data_src/ --output-ext png --fps 60
Metal device set to: Apple M1 Max

systemMemory: 64.00 GB
maxCacheSize: 24.00 GB

/!\ ffmpeg fail, job commandline:['ffmpeg', '-i', '/Users/Smiril/Documents/deep/DeepFaceLab_MacOS/workspace/data_src.mp4', '-pix_fmt', 'rgb24', '-r', '60', '/Users/Smiril/Documents/deep/DeepFaceLab_MacOS/workspace/data_src/%5d.png']
Done.`

could anyone help?

Setup fails and wants older version of opencv-python

[(~/DeepFaceLab_MacOS/scripts)] ./0_setup.sh
Collecting numpy==1.17.0
Using cached numpy-1.17.0.zip (6.5 MB)
ERROR: Could not find a version that satisfies the requirement opencv-python==4.1.0.25
ERROR: No matching distribution found for opencv-python==4.1.0.25

My version is opencv_python-4.5.1.48

error in traning model with metal

Hi,guys
with edit ".dfl/DeepFaceLab/core/lears/nn.py" line 201 "suggest_all_gpu=True" we can choose metal when traning model
but it still report an error :
Choose one or several GPU idxs (separated by comma).

[CPU] : CPU
[0] : METAL

[0] Which GPU indexes to choose? :
0

Metal device set to: Apple M1

systemMemory: 16.00 GB
maxCacheSize: 5.33 GB

Initializing models: 0%| | 0/7 [00:00<?, ?it/s]
Error: Cannot assign a device for operation encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform: Could not satisfy explicit device specification '' because the node node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform (defined at /Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py:61) placed on device Device assignments active during op 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform' creation:
with tf.device(None): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:1793>
with tf.device(/GPU:0): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py:277> was colocated with a group of nodes that required incompatible device '/device:GPU:0'. All available devices [/job:localhost/replica:0/task:0/device:CPU:0, /job:localhost/replica:0/task:0/device:GPU:0].
Colocation Debug Info:
Colocation group had the following types and supported devices:
Root Member(assigned_device_name_index_=-1 requested_device_name_='/device:GPU:0' assigned_device_name_='' resource_device_name_='/device:GPU:0' supported_device_types_=[CPU] possible_devices_=[]
Identity: GPU CPU
Mul: GPU CPU
AddV2: GPU CPU
Sub: GPU CPU
RandomUniform: GPU CPU
Assign: CPU
VariableV2: GPU CPU
Const: GPU CPU

Colocation members, user-requested devices, and framework assigned devices, if any:
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/shape (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/min (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/max (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform (RandomUniform)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/sub (Sub)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/mul (Mul)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform (AddV2)
encoder/down1/downs_0/conv1/weight (VariableV2) /device:GPU:0
encoder/down1/downs_0/conv1/weight/Assign (Assign) /device:GPU:0
encoder/down1/downs_0/conv1/weight/read (Identity) /device:GPU:0
Assign_2 (Assign) /device:GPU:0
Assign_210 (Assign) /device:GPU:0

 [[node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform

(defined at /Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py:61)
]]

Errors may have originated from an input operation.
Input Source operations connected to node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform:
In[0] encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/shape:

Operation defined at: (most recent call last)

File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()

File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()

File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 334, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
Additional information about colocations:No node-device colocations were active during op 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform' creation.
Device assignments active during op 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform' creation:
with tf.device(None): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:1793>
with tf.device(/GPU:0): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py:277>

Original stack trace for 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform':
File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 334, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1579, in get_variable
return get_variable_scope().get_variable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1322, in get_variable
return var_store.get_variable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 578, in get_variable
return _true_getter(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 531, in _true_getter
return self._get_single_variable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 952, in _get_single_variable
v = variables.VariableV1(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 268, in call
return cls._variable_v1_call(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 213, in _variable_v1_call
return previous_getter(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 206, in
previous_getter = lambda **kwargs: default_variable_creator(None, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 2628, in default_variable_creator
return variables.RefVariable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 272, in call
return super(VariableMetaclass, cls).call(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1651, in init
self._init_from_args(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1794, in _init_from_args
initial_value = initial_value()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/init_ops.py", line 832, in call
return random_ops.random_uniform(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1096, in op_dispatch_handler
return dispatch_target(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/random_ops.py", line 311, in random_uniform
result = gen_random_ops.random_uniform(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/gen_random_ops.py", line 737, in random_uniform
_, _, _op, _outputs = _op_def_library._apply_op_helper(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/framework/op_def_library.py", line 744, in _apply_op_helper
op = g._create_op_internal(op_type_name, inputs, dtypes=None,
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 3697, in _create_op_internal
ret = Operation(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 2101, in init
self._traceback = tf_stack.extract_stack_for_node(self._c_op)

Traceback (most recent call last):
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1380, in do_call
return fn(*args)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1362, in run_fn
self.extend_graph()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1403, in extend_graph
tf_session.ExtendSession(self.session)
tensorflow.python.framework.errors_impl.InvalidArgumentError: Cannot assign a device for operation encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform: Could not satisfy explicit device specification '' because the node {{colocation_node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform}} was colocated with a group of nodes that required incompatible device '/device:GPU:0'. All available devices [/job:localhost/replica:0/task:0/device:CPU:0, /job:localhost/replica:0/task:0/device:GPU:0].
Colocation Debug Info:
Colocation group had the following types and supported devices:
Root Member(assigned_device_name_index
=-1 requested_device_name
='/device:GPU:0' assigned_device_name
='' resource_device_name
='/device:GPU:0' supported_device_types
=[CPU] possible_devices_=[]
Identity: GPU CPU
Mul: GPU CPU
AddV2: GPU CPU
Sub: GPU CPU
RandomUniform: GPU CPU
Assign: CPU
VariableV2: GPU CPU
Const: GPU CPU

Colocation members, user-requested devices, and framework assigned devices, if any:
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/shape (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/min (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/max (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform (RandomUniform)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/sub (Sub)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/mul (Mul)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform (AddV2)
encoder/down1/downs_0/conv1/weight (VariableV2) /device:GPU:0
encoder/down1/downs_0/conv1/weight/Assign (Assign) /device:GPU:0
encoder/down1/downs_0/conv1/weight/read (Identity) /device:GPU:0
Assign_2 (Assign) /device:GPU:0
Assign_210 (Assign) /device:GPU:0

 [[{{node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform}}]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 657, in on_initialize
model.init_weights()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Saveable.py", line 106, in init_weights
nn.init_weights(self.get_weights())
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/ops/init.py", line 48, in init_weights
nn.tf_sess.run (ops)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 970, in run
result = self._run(None, fetches, feed_dict, options_ptr,
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1193, in run
results = self.do_run(handle, final_targets, final_fetches,
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1373, in do_run
return self.do_call(run_fn, feeds, fetches, targets, options,
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1399, in do_call
raise type(e)(node_def, op, message) # pylint: disable=no-value-for-parameter
tensorflow.python.framework.errors_impl.InvalidArgumentError: Cannot assign a device for operation encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform: Could not satisfy explicit device specification '' because the node node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform (defined at /Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py:61) placed on device Device assignments active during op 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform' creation:
with tf.device(None): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:1793>
with tf.device(/GPU:0): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py:277> was colocated with a group of nodes that required incompatible device '/device:GPU:0'. All available devices [/job:localhost/replica:0/task:0/device:CPU:0, /job:localhost/replica:0/task:0/device:GPU:0].
Colocation Debug Info:
Colocation group had the following types and supported devices:
Root Member(assigned_device_name_index
=-1 requested_device_name
='/device:GPU:0' assigned_device_name
='' resource_device_name
='/device:GPU:0' supported_device_types
=[CPU] possible_devices
=[]
Identity: GPU CPU
Mul: GPU CPU
AddV2: GPU CPU
Sub: GPU CPU
RandomUniform: GPU CPU
Assign: CPU
VariableV2: GPU CPU
Const: GPU CPU

Colocation members, user-requested devices, and framework assigned devices, if any:
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/shape (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/min (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/max (Const)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform (RandomUniform)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/sub (Sub)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/mul (Mul)
encoder/down1/downs_0/conv1/weight/Initializer/random_uniform (AddV2)
encoder/down1/downs_0/conv1/weight (VariableV2) /device:GPU:0
encoder/down1/downs_0/conv1/weight/Assign (Assign) /device:GPU:0
encoder/down1/downs_0/conv1/weight/read (Identity) /device:GPU:0
Assign_2 (Assign) /device:GPU:0
Assign_210 (Assign) /device:GPU:0

 [[node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform

(defined at /Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py:61)
]]

Errors may have originated from an input operation.
Input Source operations connected to node encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform:
In[0] encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/shape:

Operation defined at: (most recent call last)

File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()

File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()

File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 334, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()

File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
Additional information about colocations:No node-device colocations were active during op 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform' creation.
Device assignments active during op 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform' creation:
with tf.device(None): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py:1793>
with tf.device(/GPU:0): </Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py:277>

Original stack trace for 'encoder/down1/downs_0/conv1/weight/Initializer/random_uniform/RandomUniform':
File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/opt/homebrew/Cellar/[email protected]/3.9.10/Frameworks/Python.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 334, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1579, in get_variable
return get_variable_scope().get_variable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1322, in get_variable
return var_store.get_variable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 578, in get_variable
return _true_getter(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 531, in _true_getter
return self._get_single_variable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 952, in _get_single_variable
v = variables.VariableV1(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 268, in call
return cls._variable_v1_call(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 213, in _variable_v1_call
return previous_getter(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 206, in
previous_getter = lambda **kwargs: default_variable_creator(None, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 2628, in default_variable_creator
return variables.RefVariable(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 272, in call
return super(VariableMetaclass, cls).call(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1651, in init
self._init_from_args(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1794, in _init_from_args
initial_value = initial_value()
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/init_ops.py", line 832, in call
return random_ops.random_uniform(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1096, in op_dispatch_handler
return dispatch_target(*args, **kwargs)
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/random_ops.py", line 311, in random_uniform
result = gen_random_ops.random_uniform(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/ops/gen_random_ops.py", line 737, in random_uniform
_, _, _op, _outputs = _op_def_library._apply_op_helper(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/framework/op_def_library.py", line 744, in _apply_op_helper
op = g._create_op_internal(op_type_name, inputs, dtypes=None,
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 3697, in _create_op_internal
ret = Operation(
File "/Users/wmy/Desktop/tf2/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 2101, in init
self._traceback = tf_stack.extract_stack_for_node(self._c_op)

XSeg editor does not run on Apple M1

The ./scripts/xseg.sh script fails with the following error:

Traceback (most recent call last):
  File "/Users/alex/Code/chychkan/DeepFaceLab_MacOS/.dfl/DeepFaceLab/main.py", line 343, in <module>
    arguments.func(arguments)
  File "/Users/alex/Code/chychkan/DeepFaceLab_MacOS/.dfl/DeepFaceLab/main.py", line 291, in process_xsegeditor
    from XSegEditor import XSegEditor
  File "/Users/alex/Code/chychkan/DeepFaceLab_MacOS/.dfl/DeepFaceLab/XSegEditor/XSegEditor.py", line 15, in <module>
    from PyQt5.QtCore import *
ModuleNotFoundError: No module named 'PyQt5'

The root cause is that DeepFaceLap codebase is not compatible with PyQt6 which we install on M1 laptops.

Can't run successfully on M1 macbook air

user@WTYs-MBA ~ % /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/scripts/0_setup.sh
Cloning DeepFaceLab
Cloning into '.dfl/DeepFaceLab'...
fatal: unable to access 'https://hub.fastgit.org/iperov/DeepFaceLab.git/': error:02FFF036:system library:func(4095):Connection reset by peer
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Collecting numpy==1.17.0
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/da/32/1b8f2bb5fb50e4db68543eb85ce37b9fa6660cd05b58bddfafafa7ed62da/numpy-1.17.0.zip (6.5 MB)
Preparing metadata (setup.py) ... done
Collecting opencv-python==4.3.0.38
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/a1/d6/8422797e35f8814b1d9842530566a949d9b5850a466321a6c1d5a99055ee/opencv-python-4.3.0.38.tar.gz (88.0 MB)
Installing build dependencies ... error
error: subprocess-exited-with-error

× pip subprocess to install build dependencies did not run successfully.
│ exit code: 1
╰─> [585 lines of output]
Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Ignoring numpy: markers 'python_version == "3.5"' don't match your environment
Ignoring numpy: markers 'python_version == "3.6"' don't match your environment
Ignoring numpy: markers 'python_version == "3.7"' don't match your environment
Collecting setuptools
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/d9/5f/2daccd14278b6b780ae6799f85998377c06019354982391245f4b58a927d/setuptools-65.3.0-py3-none-any.whl (1.2 MB)
Collecting wheel
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/27/d6/003e593296a85fd6ed616ed962795b2f87709c3eee2bca4f6d0fe55c6d00/wheel-0.37.1-py2.py3-none-any.whl (35 kB)
Collecting scikit-build
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/e3/36/34551e5035757ba17582eb530402a16612ec0446f67f3c7d509f6e9d8e63/scikit_build-0.15.0-py2.py3-none-any.whl (77 kB)
Collecting cmake
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/a0/c6/10c60a31c072c5f6b2de7795ad86f894844804ac2fce355a898d29f5aee0/cmake-3.24.1-py2.py3-none-macosx_10_10_universal2.macosx_10_10_x86_64.macosx_11_0_arm64.macosx_11_0_universal2.whl (77.9 MB)
Collecting pip
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/1f/2c/d9626f045e7b49a6225c6b09257861f24da78f4e5f23af2ddbdf852c99b8/pip-22.2.2-py3-none-any.whl (2.0 MB)
Collecting numpy==1.17.3
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/b6/d6/be8f975f5322336f62371c9abeb936d592c98c047ad63035f1b38ae08efe/numpy-1.17.3.zip (6.4 MB)
Preparing metadata (setup.py): started
Preparing metadata (setup.py): finished with status 'done'
Collecting distro
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/e1/54/d08d1ad53788515392bec14d2d6e8c410bffdc127780a9a4aa8e6854d502/distro-1.7.0-py3-none-any.whl (20 kB)
Collecting packaging
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/05/8e/8de486cbd03baba4deef4142bd643a3e7bbe954a784dc1bb17142572d127/packaging-21.3-py3-none-any.whl (40 kB)
Collecting pyparsing!=3.0.5,>=2.0.2
Using cached https://pypi.tuna.tsinghua.edu.cn/packages/6c/10/a7d0fa5baea8fe7b50f448ab742f26f52b80bfca85ac2be9d35cdd9a3246/pyparsing-3.0.9-py3-none-any.whl (98 kB)
Building wheels for collected packages: numpy
Building wheel for numpy (setup.py): started
Building wheel for numpy (setup.py): finished with status 'error'
error: subprocess-exited-with-error

    × python setup.py bdist_wheel did not run successfully.
    │ exit code: 1
    ╰─> [248 lines of output]
        Running from numpy source directory.
        blas_opt_info:
        blas_mkl_info:
        customize UnixCCompiler
          libraries mkl_rt not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        blis_info:
        customize UnixCCompiler
          libraries blis not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        openblas_info:
        customize UnixCCompiler
        customize UnixCCompiler
          libraries openblas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_3_10_blas_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries tatlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_3_10_blas_info:
        customize UnixCCompiler
          libraries satlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_blas_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_blas_info:
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        accelerate_info:
        customize UnixCCompiler
          libraries accelerate not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
        Library accelerate was not found. Ignoring
        customize UnixCCompiler
          libraries veclib not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
        Library veclib was not found. Ignoring
          FOUND:
            extra_compile_args = ['-faltivec', '-I/System/Library/Frameworks/vecLib.framework/Headers']
            extra_link_args = ['-Wl,-framework', '-Wl,Accelerate']
            define_macros = [('NO_ATLAS_INFO', 3), ('HAVE_CBLAS', None)]
  
          FOUND:
            extra_compile_args = ['-faltivec', '-I/System/Library/Frameworks/vecLib.framework/Headers']
            extra_link_args = ['-Wl,-framework', '-Wl,Accelerate']
            define_macros = [('NO_ATLAS_INFO', 3), ('HAVE_CBLAS', None)]
  
        /bin/sh: svnversion: command not found
        non-existing path in 'numpy/distutils': 'site.cfg'
        lapack_opt_info:
        lapack_mkl_info:
        customize UnixCCompiler
          libraries mkl_rt not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        openblas_lapack_info:
        customize UnixCCompiler
        customize UnixCCompiler
          libraries openblas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        openblas_clapack_info:
        customize UnixCCompiler
        customize UnixCCompiler
          libraries openblas,lapack not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        flame_info:
        customize UnixCCompiler
          libraries flame not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_3_10_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries tatlas,tatlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries tatlas,tatlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries tatlas,tatlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_3_10_threads_info'>
          NOT AVAILABLE
  
        atlas_3_10_info:
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries satlas,satlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries satlas,satlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries satlas,satlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_3_10_info'>
          NOT AVAILABLE
  
        atlas_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_threads_info'>
          NOT AVAILABLE
  
        atlas_info:
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_info'>
          NOT AVAILABLE
  
          FOUND:
            extra_compile_args = ['-faltivec', '-I/System/Library/Frameworks/vecLib.framework/Headers']
            extra_link_args = ['-Wl,-framework', '-Wl,Accelerate']
            define_macros = [('NO_ATLAS_INFO', 3), ('HAVE_CBLAS', None)]
  
        /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py:257: UserWarning: Unknown distribution option: 'define_macros'
          warnings.warn(msg)
        running bdist_wheel
        running build
        running config_cc
        unifing config_cc, config, build_clib, build_ext, build commands --compiler options
        running config_fc
        unifing config_fc, config, build_clib, build_ext, build commands --fcompiler options
        running build_src
        build_src
        building py_modules sources
        creating build
        creating build/src.macosx-12-arm64-3.1
        creating build/src.macosx-12-arm64-3.1/numpy
        creating build/src.macosx-12-arm64-3.1/numpy/distutils
        building library "npymath" sources
        get_default_fcompiler: matching types: '['gnu95', 'nag', 'absoft', 'ibm', 'intel', 'gnu', 'g95', 'pg']'
        customize Gnu95FCompiler
        Found executable /opt/homebrew/bin/gfortran
        Traceback (most recent call last):
          File "<string>", line 2, in <module>
          File "<pip-setuptools-caller>", line 34, in <module>
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/setup.py", line 443, in <module>
            setup_package()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/setup.py", line 435, in setup_package
            setup(**metadata)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/core.py", line 171, in setup
            return old_setup(**new_attr)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/__init__.py", line 87, in setup
            return distutils.core.setup(**attrs)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/core.py", line 177, in setup
            return run_commands(dist)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/core.py", line 193, in run_commands
            dist.run_commands()
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 968, in run_commands
            self.run_command(cmd)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/dist.py", line 1217, in run_command
            super().run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 987, in run_command
            cmd_obj.run()
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/wheel/bdist_wheel.py", line 299, in run
            self.run_command('build')
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/cmd.py", line 317, in run_command
            self.distribution.run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/dist.py", line 1217, in run_command
            super().run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 987, in run_command
            cmd_obj.run()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build.py", line 47, in run
            old_build.run(self)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/command/build.py", line 131, in run
            self.run_command(cmd_name)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/cmd.py", line 317, in run_command
            self.distribution.run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/dist.py", line 1217, in run_command
            super().run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 987, in run_command
            cmd_obj.run()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 142, in run
            self.build_sources()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 153, in build_sources
            self.build_library_sources(*libname_info)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 286, in build_library_sources
            sources = self.generate_sources(sources, (lib_name, build_info))
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 369, in generate_sources
            source = func(extension, build_dir)
          File "numpy/core/setup.py", line 667, in get_mathlib_info
            st = config_cmd.try_link('int main(void) { return 0;}')
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/command/config.py", line 247, in try_link
            self._check_compiler()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/config.py", line 82, in _check_compiler
            self.fcompiler = new_fcompiler(compiler=self.fcompiler,
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 884, in new_fcompiler
            compiler = get_default_fcompiler(plat, requiref90=requiref90,
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 855, in get_default_fcompiler
            compiler_type =  _find_existing_fcompiler(matching_compiler_types,
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 806, in _find_existing_fcompiler
            c.customize(dist)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 530, in customize
            linker_so_flags = self.flag_vars.linker_so
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/environment.py", line 40, in __getattr__
            return self._get_var(name, conf_desc)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/environment.py", line 56, in _get_var
            var = self._hook_handler(name, hook)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 709, in _environment_hook
            return hook()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/gnu.py", line 353, in get_flags_linker_so
            flags = GnuFCompiler.get_flags_linker_so(self)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/gnu.py", line 144, in get_flags_linker_so
            os.environ['MACOSX_DEPLOYMENT_TARGET'] = target
          File "/opt/homebrew/Cellar/[email protected]/3.10.6_1/Frameworks/Python.framework/Versions/3.10/lib/python3.10/os.py", line 684, in __setitem__
            value = self.encodevalue(value)
          File "/opt/homebrew/Cellar/[email protected]/3.10.6_1/Frameworks/Python.framework/Versions/3.10/lib/python3.10/os.py", line 756, in encode
            raise TypeError("str expected, not %s" % type(value).__name__)
        TypeError: str expected, not int
        [end of output]
  
    note: This error originates from a subprocess, and is likely not a problem with pip.
    ERROR: Failed building wheel for numpy
    Running setup.py clean for numpy
    error: subprocess-exited-with-error
  
    × python setup.py clean did not run successfully.
    │ exit code: 1
    ╰─> [10 lines of output]
        Running from numpy source directory.
  
        `setup.py clean` is not supported, use one of the following instead:
  
          - `git clean -xdf` (cleans all files)
          - `git clean -Xdf` (cleans all versioned files, doesn't touch
                              files that aren't checked into the git repo)
  
        Add `--force` to your command to use it anyway if you must (unsupported).
  
        [end of output]
  
    note: This error originates from a subprocess, and is likely not a problem with pip.
    ERROR: Failed cleaning build dir for numpy
  Failed to build numpy
  Installing collected packages: cmake, wheel, setuptools, pyparsing, pip, numpy, distro, packaging, scikit-build
    Running setup.py install for numpy: started
    Running setup.py install for numpy: finished with status 'error'
    error: subprocess-exited-with-error
  
    × Running setup.py install for numpy did not run successfully.
    │ exit code: 1
    ╰─> [259 lines of output]
        Running from numpy source directory.
  
        Note: if you need reliable uninstall behavior, then install
        with pip instead of using `setup.py install`:
  
          - `pip install .`       (from a git repo or downloaded source
                                   release)
          - `pip install numpy`   (last NumPy release on PyPi)
  
  
        blas_opt_info:
        blas_mkl_info:
        customize UnixCCompiler
          libraries mkl_rt not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        blis_info:
        customize UnixCCompiler
          libraries blis not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        openblas_info:
        customize UnixCCompiler
        customize UnixCCompiler
          libraries openblas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_3_10_blas_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries tatlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_3_10_blas_info:
        customize UnixCCompiler
          libraries satlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_blas_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_blas_info:
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        accelerate_info:
        customize UnixCCompiler
          libraries accelerate not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
        Library accelerate was not found. Ignoring
        customize UnixCCompiler
          libraries veclib not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
        Library veclib was not found. Ignoring
          FOUND:
            extra_compile_args = ['-faltivec', '-I/System/Library/Frameworks/vecLib.framework/Headers']
            extra_link_args = ['-Wl,-framework', '-Wl,Accelerate']
            define_macros = [('NO_ATLAS_INFO', 3), ('HAVE_CBLAS', None)]
  
          FOUND:
            extra_compile_args = ['-faltivec', '-I/System/Library/Frameworks/vecLib.framework/Headers']
            extra_link_args = ['-Wl,-framework', '-Wl,Accelerate']
            define_macros = [('NO_ATLAS_INFO', 3), ('HAVE_CBLAS', None)]
  
        /bin/sh: svnversion: command not found
        non-existing path in 'numpy/distutils': 'site.cfg'
        lapack_opt_info:
        lapack_mkl_info:
        customize UnixCCompiler
          libraries mkl_rt not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        openblas_lapack_info:
        customize UnixCCompiler
        customize UnixCCompiler
          libraries openblas not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        openblas_clapack_info:
        customize UnixCCompiler
        customize UnixCCompiler
          libraries openblas,lapack not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        flame_info:
        customize UnixCCompiler
          libraries flame not found in ['/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
          NOT AVAILABLE
  
        atlas_3_10_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries tatlas,tatlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries tatlas,tatlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries tatlas,tatlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_3_10_threads_info'>
          NOT AVAILABLE
  
        atlas_3_10_info:
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries satlas,satlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries satlas,satlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries satlas,satlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_3_10_info'>
          NOT AVAILABLE
  
        atlas_threads_info:
        Setting PTATLAS=ATLAS
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries ptf77blas,ptcblas,atlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_threads_info'>
          NOT AVAILABLE
  
        atlas_info:
        customize UnixCCompiler
          libraries lapack_atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in /usr/local/lib
        customize UnixCCompiler
          libraries lapack_atlas not found in /usr/lib
        customize UnixCCompiler
          libraries f77blas,cblas,atlas not found in /usr/lib
        <class 'numpy.distutils.system_info.atlas_info'>
          NOT AVAILABLE
  
          FOUND:
            extra_compile_args = ['-faltivec', '-I/System/Library/Frameworks/vecLib.framework/Headers']
            extra_link_args = ['-Wl,-framework', '-Wl,Accelerate']
            define_macros = [('NO_ATLAS_INFO', 3), ('HAVE_CBLAS', None)]
  
        /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py:257: UserWarning: Unknown distribution option: 'define_macros'
          warnings.warn(msg)
        running install
        /Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/command/install.py:34: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools.
          warnings.warn(
        running build
        running config_cc
        unifing config_cc, config, build_clib, build_ext, build commands --compiler options
        running config_fc
        unifing config_fc, config, build_clib, build_ext, build commands --fcompiler options
        running build_src
        build_src
        building py_modules sources
        building library "npymath" sources
        get_default_fcompiler: matching types: '['gnu95', 'nag', 'absoft', 'ibm', 'intel', 'gnu', 'g95', 'pg']'
        customize Gnu95FCompiler
        Found executable /opt/homebrew/bin/gfortran
        Traceback (most recent call last):
          File "<string>", line 2, in <module>
          File "<pip-setuptools-caller>", line 34, in <module>
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/setup.py", line 443, in <module>
            setup_package()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/setup.py", line 435, in setup_package
            setup(**metadata)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/core.py", line 171, in setup
            return old_setup(**new_attr)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/__init__.py", line 87, in setup
            return distutils.core.setup(**attrs)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/core.py", line 177, in setup
            return run_commands(dist)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/core.py", line 193, in run_commands
            dist.run_commands()
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 968, in run_commands
            self.run_command(cmd)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/dist.py", line 1217, in run_command
            super().run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 987, in run_command
            cmd_obj.run()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/install.py", line 62, in run
            r = self.setuptools_run()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/install.py", line 36, in setuptools_run
            return distutils_install.run(self)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/command/install.py", line 695, in run
            self.run_command('build')
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/cmd.py", line 317, in run_command
            self.distribution.run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/dist.py", line 1217, in run_command
            super().run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 987, in run_command
            cmd_obj.run()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build.py", line 47, in run
            old_build.run(self)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/command/build.py", line 131, in run
            self.run_command(cmd_name)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/cmd.py", line 317, in run_command
            self.distribution.run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/dist.py", line 1217, in run_command
            super().run_command(command)
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/dist.py", line 987, in run_command
            cmd_obj.run()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 142, in run
            self.build_sources()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 153, in build_sources
            self.build_library_sources(*libname_info)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 286, in build_library_sources
            sources = self.generate_sources(sources, (lib_name, build_info))
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/build_src.py", line 369, in generate_sources
            source = func(extension, build_dir)
          File "numpy/core/setup.py", line 667, in get_mathlib_info
            st = config_cmd.try_link('int main(void) { return 0;}')
          File "/Users/user/Downloads/DeepFaceLab_MacOS-0.1.1/.dfl/env/lib/python3.10/site-packages/setuptools/_distutils/command/config.py", line 247, in try_link
            self._check_compiler()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/command/config.py", line 82, in _check_compiler
            self.fcompiler = new_fcompiler(compiler=self.fcompiler,
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 884, in new_fcompiler
            compiler = get_default_fcompiler(plat, requiref90=requiref90,
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 855, in get_default_fcompiler
            compiler_type =  _find_existing_fcompiler(matching_compiler_types,
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 806, in _find_existing_fcompiler
            c.customize(dist)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 530, in customize
            linker_so_flags = self.flag_vars.linker_so
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/environment.py", line 40, in __getattr__
            return self._get_var(name, conf_desc)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/environment.py", line 56, in _get_var
            var = self._hook_handler(name, hook)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/__init__.py", line 709, in _environment_hook
            return hook()
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/gnu.py", line 353, in get_flags_linker_so
            flags = GnuFCompiler.get_flags_linker_so(self)
          File "/private/var/folders/bn/49s5b9f13q59tlcgn_81kg1r0000gn/T/pip-install-8etwdbqh/numpy_2a428b76e0ad42308e65ccbe0fc763cc/numpy/distutils/fcompiler/gnu.py", line 144, in get_flags_linker_so
            os.environ['MACOSX_DEPLOYMENT_TARGET'] = target
          File "/opt/homebrew/Cellar/[email protected]/3.10.6_1/Frameworks/Python.framework/Versions/3.10/lib/python3.10/os.py", line 684, in __setitem__
            value = self.encodevalue(value)
          File "/opt/homebrew/Cellar/[email protected]/3.10.6_1/Frameworks/Python.framework/Versions/3.10/lib/python3.10/os.py", line 756, in encode
            raise TypeError("str expected, not %s" % type(value).__name__)
        TypeError: str expected, not int
        [end of output]
  
    note: This error originates from a subprocess, and is likely not a problem with pip.
  error: legacy-install-failure
  
  × Encountered error while trying to install package.
  ╰─> numpy
  
  note: This is an issue with the package mentioned above, not pip.
  hint: See above for output from the failure.
  
  [notice] A new release of pip available: 22.2 -> 22.2.2
  [notice] To update, run: pip install --upgrade pip
  [end of output]

note: This error originates from a subprocess, and is likely not a problem with pip.
error: subprocess-exited-with-error

× pip subprocess to install build dependencies did not run successfully.
│ exit code: 1
╰─> See above for output.

note: This error originates from a subprocess, and is likely not a problem with pip.

SAEHD Train - Too many open files

Unable to initiate SAEHD training due to an Error 24 that says "too many open files." Increasing max files and ulimit did not help. Quick96 training works and does not give this error.

What is the best way to remedy this error for SAEHD?

Setup file isn't running correctly?

When I run the setup file, the last message I see is "Using requirements.txt for Python 3.11.0". If I then try to run the #2 script, it says I don't have numpy installed. I've tried activating the environment manually and installing numpy, but I get into all sorts of trouble where it says the python version isn't supported by scipy, and a bunch of errors.
Any advice? I'm on an M1 Max MBP.

Can't train on GPU . Model Quick96 error

Choose one or several GPU idxs (separated by comma).

[CPU] : CPU
[0] : METAL

[0] Which GPU indexes to choose? :
0

Metal device set to: Apple M2 Pro

systemMemory: 16.00 GB
maxCacheSize: 5.33 GB

18 devices <core.leras.device.Devices object at 0x120f93dc0>
GPU COUNT 1
gpu id 0
devices /CPU:0
Initializing models: 0%| | 0/5 [00:00<?, ?it/s]

Error: Graph execution error:

Detected at node 'Mean_2' defined at (most recent call last):
    File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
      self._bootstrap_inner()
    File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
      self.run()
    File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
      self._target(*self._args, **self._kwargs)
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
      model = models.import_model(model_class_name)(
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in __init__
      self.on_initialize()
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_Quick96/Model.py", line 143, in on_initialize
      gpu_src_loss =  tf.reduce_mean ( 10*nn.dssim(gpu_target_src_masked_opt, gpu_pred_src_src_masked_opt, max_val=1.0, filter_size=int(resolution/11.6)), axis=[1])
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/ops/__init__.py", line 308, in dssim
      ssim_val = tf.reduce_mean(luminance * cs, axis=nn.conv2d_spatial_axes )
Node: 'Mean_2'
Cannot assign a device for operation Mean_2: Could not satisfy explicit device specification '/device:GPU:0' because no supported kernel for GPU devices is available.
Colocation Debug Info:
Colocation group had the following types and supported devices: 
Root Member(assigned_device_name_index_=-1 requested_device_name_='/device:GPU:0' assigned_device_name_='' resource_device_name_='' supported_device_types_=[CPU] possible_devices_=[]
FloorDiv: GPU CPU 
RealDiv: GPU CPU 
Maximum: GPU CPU 
Cast: GPU CPU 
FloorMod: GPU CPU 
BroadcastTo: GPU CPU 
Shape: GPU CPU 
Range: CPU 
DynamicStitch: CPU 
Reshape: GPU CPU 
Mean: GPU CPU 
Prod: GPU CPU 
AddV2: GPU CPU 
Const: GPU CPU 
Fill: GPU CPU 

Colocation members, user-requested devices, and framework assigned devices, if any:
  Mean_2 (Mean) /device:GPU:0
  gradients/Mean_2_grad/Shape (Shape) /device:GPU:0
  gradients/Mean_2_grad/Size (Const) /device:GPU:0
  gradients/Mean_2_grad/add (AddV2) /device:GPU:0
  gradients/Mean_2_grad/mod (FloorMod) /device:GPU:0
  gradients/Mean_2_grad/Shape_1 (Const) /device:GPU:0
  gradients/Mean_2_grad/range/start (Const) /device:GPU:0
  gradients/Mean_2_grad/range/delta (Const) /device:GPU:0
  gradients/Mean_2_grad/range (Range) /device:GPU:0
  gradients/Mean_2_grad/ones/Const (Const) /device:GPU:0
  gradients/Mean_2_grad/ones (Fill) /device:GPU:0
  gradients/Mean_2_grad/DynamicStitch (DynamicStitch) /device:GPU:0
  gradients/Mean_2_grad/Reshape (Reshape) /device:GPU:0
  gradients/Mean_2_grad/BroadcastTo (BroadcastTo) /device:GPU:0
  gradients/Mean_2_grad/Shape_2 (Shape) /device:GPU:0
  gradients/Mean_2_grad/Shape_3 (Shape) /device:GPU:0
  gradients/Mean_2_grad/Const (Const) /device:GPU:0
  gradients/Mean_2_grad/Prod (Prod) /device:GPU:0
  gradients/Mean_2_grad/Const_1 (Const) /device:GPU:0
  gradients/Mean_2_grad/Prod_1 (Prod) /device:GPU:0
  gradients/Mean_2_grad/Maximum/y (Const) /device:GPU:0
  gradients/Mean_2_grad/Maximum (Maximum) /device:GPU:0
  gradients/Mean_2_grad/floordiv (FloorDiv) /device:GPU:0
  gradients/Mean_2_grad/Cast (Cast) /device:GPU:0
  gradients/Mean_2_grad/truediv (RealDiv) /device:GPU:0

Op: Mean
Node attrs: Tidx=DT_INT32, keep_dims=false, T=DT_FLOAT
Registered kernels:
  device='GPU'; T in [DT_FLOAT]; Tidx in [DT_INT32]
  device='GPU'; T in [DT_FLOAT]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT32]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT32]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT8]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT8]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT8]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT8]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT32]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT32]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_HALF]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_HALF]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_BFLOAT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_BFLOAT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_FLOAT]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_FLOAT]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_DOUBLE]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_DOUBLE]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_COMPLEX64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_COMPLEX64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_COMPLEX128]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_COMPLEX128]; Tidx in [DT_INT64]

	 [[{{node Mean_2}}]]

Original stack trace for 'Mean_2':
  File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
    self._bootstrap_inner()
  File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
    self.run()
  File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
    self._target(*self._args, **self._kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
    model = models.import_model(model_class_name)(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in __init__
    self.on_initialize()
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_Quick96/Model.py", line 143, in on_initialize
    gpu_src_loss =  tf.reduce_mean ( 10*nn.dssim(gpu_target_src_masked_opt, gpu_pred_src_src_masked_opt, max_val=1.0, filter_size=int(resolution/11.6)), axis=[1])
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/ops/__init__.py", line 308, in dssim
    ssim_val = tf.reduce_mean(luminance * cs, axis=nn.conv2d_spatial_axes )
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
    return fn(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
    return dispatch_target(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/math_ops.py", line 2581, in reduce_mean_v1
    return reduce_mean(input_tensor, axis, keepdims, name)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
    return fn(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
    return dispatch_target(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/math_ops.py", line 2639, in reduce_mean
    gen_math_ops.mean(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/gen_math_ops.py", line 6286, in mean
    _, _, _op, _outputs = _op_def_library._apply_op_helper(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/op_def_library.py", line 740, in _apply_op_helper
    op = g._create_op_internal(op_type_name, inputs, dtypes=None,
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 3776, in _create_op_internal
    ret = Operation(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 2175, in __init__
    self._traceback = tf_stack.extract_stack_for_node(self._c_op)

Traceback (most recent call last):
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1377, in _do_call
    return fn(*args)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1359, in _run_fn
    self._extend_graph()
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1400, in _extend_graph
    tf_session.ExtendSession(self._session)
tensorflow.python.framework.errors_impl.InvalidArgumentError: Cannot assign a device for operation Mean_2: Could not satisfy explicit device specification '/device:GPU:0' because no supported kernel for GPU devices is available.
Colocation Debug Info:
Colocation group had the following types and supported devices: 
Root Member(assigned_device_name_index_=-1 requested_device_name_='/device:GPU:0' assigned_device_name_='' resource_device_name_='' supported_device_types_=[CPU] possible_devices_=[]
FloorDiv: GPU CPU 
RealDiv: GPU CPU 
Maximum: GPU CPU 
Cast: GPU CPU 
FloorMod: GPU CPU 
BroadcastTo: GPU CPU 
Shape: GPU CPU 
Range: CPU 
DynamicStitch: CPU 
Reshape: GPU CPU 
Mean: GPU CPU 
Prod: GPU CPU 
AddV2: GPU CPU 
Const: GPU CPU 
Fill: GPU CPU 

Colocation members, user-requested devices, and framework assigned devices, if any:
  Mean_2 (Mean) /device:GPU:0
  gradients/Mean_2_grad/Shape (Shape) /device:GPU:0
  gradients/Mean_2_grad/Size (Const) /device:GPU:0
  gradients/Mean_2_grad/add (AddV2) /device:GPU:0
  gradients/Mean_2_grad/mod (FloorMod) /device:GPU:0
  gradients/Mean_2_grad/Shape_1 (Const) /device:GPU:0
  gradients/Mean_2_grad/range/start (Const) /device:GPU:0
  gradients/Mean_2_grad/range/delta (Const) /device:GPU:0
  gradients/Mean_2_grad/range (Range) /device:GPU:0
  gradients/Mean_2_grad/ones/Const (Const) /device:GPU:0
  gradients/Mean_2_grad/ones (Fill) /device:GPU:0
  gradients/Mean_2_grad/DynamicStitch (DynamicStitch) /device:GPU:0
  gradients/Mean_2_grad/Reshape (Reshape) /device:GPU:0
  gradients/Mean_2_grad/BroadcastTo (BroadcastTo) /device:GPU:0
  gradients/Mean_2_grad/Shape_2 (Shape) /device:GPU:0
  gradients/Mean_2_grad/Shape_3 (Shape) /device:GPU:0
  gradients/Mean_2_grad/Const (Const) /device:GPU:0
  gradients/Mean_2_grad/Prod (Prod) /device:GPU:0
  gradients/Mean_2_grad/Const_1 (Const) /device:GPU:0
  gradients/Mean_2_grad/Prod_1 (Prod) /device:GPU:0
  gradients/Mean_2_grad/Maximum/y (Const) /device:GPU:0
  gradients/Mean_2_grad/Maximum (Maximum) /device:GPU:0
  gradients/Mean_2_grad/floordiv (FloorDiv) /device:GPU:0
  gradients/Mean_2_grad/Cast (Cast) /device:GPU:0
  gradients/Mean_2_grad/truediv (RealDiv) /device:GPU:0

Op: Mean
Node attrs: Tidx=DT_INT32, keep_dims=false, T=DT_FLOAT
Registered kernels:
  device='GPU'; T in [DT_FLOAT]; Tidx in [DT_INT32]
  device='GPU'; T in [DT_FLOAT]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT32]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT32]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT8]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT8]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT8]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT8]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT32]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT32]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_HALF]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_HALF]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_BFLOAT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_BFLOAT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_FLOAT]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_FLOAT]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_DOUBLE]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_DOUBLE]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_COMPLEX64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_COMPLEX64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_COMPLEX128]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_COMPLEX128]; Tidx in [DT_INT64]

	 [[{{node Mean_2}}]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
    model = models.import_model(model_class_name)(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in __init__
    self.on_initialize()
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_Quick96/Model.py", line 227, in on_initialize
    model.init_weights()
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Saveable.py", line 106, in init_weights
    nn.init_weights(self.get_weights())
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/ops/__init__.py", line 48, in init_weights
    nn.tf_sess.run (ops)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 967, in run
    result = self._run(None, fetches, feed_dict, options_ptr,
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1190, in _run
    results = self._do_run(handle, final_targets, final_fetches,
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1370, in _do_run
    return self._do_call(_run_fn, feeds, fetches, targets, options,
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1396, in _do_call
    raise type(e)(node_def, op, message)  # pylint: disable=no-value-for-parameter
tensorflow.python.framework.errors_impl.InvalidArgumentError: Graph execution error:

Detected at node 'Mean_2' defined at (most recent call last):
    File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
      self._bootstrap_inner()
    File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
      self.run()
    File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
      self._target(*self._args, **self._kwargs)
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
      model = models.import_model(model_class_name)(
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in __init__
      self.on_initialize()
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_Quick96/Model.py", line 143, in on_initialize
      gpu_src_loss =  tf.reduce_mean ( 10*nn.dssim(gpu_target_src_masked_opt, gpu_pred_src_src_masked_opt, max_val=1.0, filter_size=int(resolution/11.6)), axis=[1])
    File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/ops/__init__.py", line 308, in dssim
      ssim_val = tf.reduce_mean(luminance * cs, axis=nn.conv2d_spatial_axes )
Node: 'Mean_2'
Cannot assign a device for operation Mean_2: Could not satisfy explicit device specification '/device:GPU:0' because no supported kernel for GPU devices is available.
Colocation Debug Info:
Colocation group had the following types and supported devices: 
Root Member(assigned_device_name_index_=-1 requested_device_name_='/device:GPU:0' assigned_device_name_='' resource_device_name_='' supported_device_types_=[CPU] possible_devices_=[]
FloorDiv: GPU CPU 
RealDiv: GPU CPU 
Maximum: GPU CPU 
Cast: GPU CPU 
FloorMod: GPU CPU 
BroadcastTo: GPU CPU 
Shape: GPU CPU 
Range: CPU 
DynamicStitch: CPU 
Reshape: GPU CPU 
Mean: GPU CPU 
Prod: GPU CPU 
AddV2: GPU CPU 
Const: GPU CPU 
Fill: GPU CPU 

Colocation members, user-requested devices, and framework assigned devices, if any:
  Mean_2 (Mean) /device:GPU:0
  gradients/Mean_2_grad/Shape (Shape) /device:GPU:0
  gradients/Mean_2_grad/Size (Const) /device:GPU:0
  gradients/Mean_2_grad/add (AddV2) /device:GPU:0
  gradients/Mean_2_grad/mod (FloorMod) /device:GPU:0
  gradients/Mean_2_grad/Shape_1 (Const) /device:GPU:0
  gradients/Mean_2_grad/range/start (Const) /device:GPU:0
  gradients/Mean_2_grad/range/delta (Const) /device:GPU:0
  gradients/Mean_2_grad/range (Range) /device:GPU:0
  gradients/Mean_2_grad/ones/Const (Const) /device:GPU:0
  gradients/Mean_2_grad/ones (Fill) /device:GPU:0
  gradients/Mean_2_grad/DynamicStitch (DynamicStitch) /device:GPU:0
  gradients/Mean_2_grad/Reshape (Reshape) /device:GPU:0
  gradients/Mean_2_grad/BroadcastTo (BroadcastTo) /device:GPU:0
  gradients/Mean_2_grad/Shape_2 (Shape) /device:GPU:0
  gradients/Mean_2_grad/Shape_3 (Shape) /device:GPU:0
  gradients/Mean_2_grad/Const (Const) /device:GPU:0
  gradients/Mean_2_grad/Prod (Prod) /device:GPU:0
  gradients/Mean_2_grad/Const_1 (Const) /device:GPU:0
  gradients/Mean_2_grad/Prod_1 (Prod) /device:GPU:0
  gradients/Mean_2_grad/Maximum/y (Const) /device:GPU:0
  gradients/Mean_2_grad/Maximum (Maximum) /device:GPU:0
  gradients/Mean_2_grad/floordiv (FloorDiv) /device:GPU:0
  gradients/Mean_2_grad/Cast (Cast) /device:GPU:0
  gradients/Mean_2_grad/truediv (RealDiv) /device:GPU:0

Op: Mean
Node attrs: Tidx=DT_INT32, keep_dims=false, T=DT_FLOAT
Registered kernels:
  device='GPU'; T in [DT_FLOAT]; Tidx in [DT_INT32]
  device='GPU'; T in [DT_FLOAT]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT32]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT32]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_UINT8]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_UINT8]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT8]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT8]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_INT32]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_INT32]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_HALF]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_HALF]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_BFLOAT16]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_BFLOAT16]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_FLOAT]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_FLOAT]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_DOUBLE]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_DOUBLE]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_COMPLEX64]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_COMPLEX64]; Tidx in [DT_INT64]
  device='CPU'; T in [DT_COMPLEX128]; Tidx in [DT_INT32]
  device='CPU'; T in [DT_COMPLEX128]; Tidx in [DT_INT64]

	 [[{{node Mean_2}}]]

Original stack trace for 'Mean_2':
  File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
    self._bootstrap_inner()
  File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
    self.run()
  File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
    self._target(*self._args, **self._kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
    model = models.import_model(model_class_name)(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in __init__
    self.on_initialize()
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_Quick96/Model.py", line 143, in on_initialize
    gpu_src_loss =  tf.reduce_mean ( 10*nn.dssim(gpu_target_src_masked_opt, gpu_pred_src_src_masked_opt, max_val=1.0, filter_size=int(resolution/11.6)), axis=[1])
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/ops/__init__.py", line 308, in dssim
    ssim_val = tf.reduce_mean(luminance * cs, axis=nn.conv2d_spatial_axes )
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
    return fn(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
    return dispatch_target(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/math_ops.py", line 2581, in reduce_mean_v1
    return reduce_mean(input_tensor, axis, keepdims, name)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
    return fn(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
    return dispatch_target(*args, **kwargs)
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/math_ops.py", line 2639, in reduce_mean
    gen_math_ops.mean(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/gen_math_ops.py", line 6286, in mean
    _, _, _op, _outputs = _op_def_library._apply_op_helper(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/op_def_library.py", line 740, in _apply_op_helper
    op = g._create_op_internal(op_type_name, inputs, dtypes=None,
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 3776, in _create_op_internal
    ret = Operation(
  File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 2175, in __init__
    self._traceback = tf_stack.extract_stack_for_node(self._c_op)

It shows that tf.reduce_mean is the problem , what can i do to solve his problem.

Pleasehelp

Model SHAHD trains on CPU , but fails on apple silicon

Here is the error:

Loading jj_SAEHD model...

Choose one or several GPU idxs (separated by comma).

[CPU] : CPU
[0] : METAL

[0] Which GPU indexes to choose? :
0

session vars GPU:0
Metal device set to: Apple M2 Pro

systemMemory: 16.00 GB
maxCacheSize: 5.33 GB

device config <core.leras.nn.nn.DeviceConfig object at 0x127b64ca0> devices <core.leras.device.Devices object at 0x127b64b80> worst devices [0]:[METAL][0.0/0.0]
Press enter in 2 seconds to override model settings.models opt device GPU:0
archi_type liae
Initializing models: 0%| | 0/5 [00:00<?, ?it/s]
Error: Graph execution error:

Detected at node 'encoder/down1/downs_0/conv1/weight/Initializer/cai' defined at (most recent call last):
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 337, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/initializers/init.py", line 13, in call
return tf.zeros( shape, dtype=dtype, name="cai")
Node: 'encoder/down1/downs_0/conv1/weight/Initializer/cai'
Detected at node 'encoder/down1/downs_0/conv1/weight/Initializer/cai' defined at (most recent call last):
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 337, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self.build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self.build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in build_sub
layer.build_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/initializers/init.py", line 13, in call
return tf.zeros( shape, dtype=dtype, name="cai")
Node: 'encoder/down1/downs_0/conv1/weight/Initializer/cai'
Cannot assign a device for operation encoder/down1/downs_0/conv1/weight/Initializer/cai: Could not satisfy explicit device specification '' because the node {{colocation_node encoder/down1/downs_0/conv1/weight/Initializer/cai}} was colocated with a group of nodes that required incompatible device '/device:GPU:0'. All available devices [/job:localhost/replica:0/task:0/device:CPU:0, /job:localhost/replica:0/task:0/device:GPU:0].
Colocation Debug Info:
Colocation group had the following types and supported devices:
Root Member(assigned_device_name_index
=-1 requested_device_name
='/device:GPU:0' assigned_device_name
='' resource_device_name
='/device:GPU:0' supported_device_types
=[CPU] possible_devices
=[]
Identity: GPU CPU
Assign: CPU
VariableV2: GPU CPU
Fill: GPU CPU
Const: GPU CPU

Colocation members, user-requested devices, and framework assigned devices, if any:
encoder/down1/downs_0/conv1/weight/Initializer/cai/shape_as_tensor (Const)
encoder/down1/downs_0/conv1/weight/Initializer/cai/Const (Const)
encoder/down1/downs_0/conv1/weight/Initializer/cai (Fill)
encoder/down1/downs_0/conv1/weight (VariableV2) /device:GPU:0
encoder/down1/downs_0/conv1/weight/Assign (Assign) /device:GPU:0
encoder/down1/downs_0/conv1/weight/read (Identity) /device:GPU:0
Assign_2 (Assign) /device:GPU:0
Assign_168 (Assign) /device:GPU:0

 [[{{node encoder/down1/downs_0/conv1/weight/Initializer/_cai_}}]]

Original stack trace for 'encoder/down1/downs_0/conv1/weight/Initializer/cai':
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 337, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1616, in get_variable
return get_variable_scope().get_variable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1326, in get_variable
return var_store.get_variable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 582, in get_variable
return _true_getter(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 535, in _true_getter
return self._get_single_variable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 956, in _get_single_variable
v = variables.VariableV1(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 264, in call
return cls._variable_v1_call(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 209, in _variable_v1_call
return previous_getter(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 202, in
previous_getter = lambda **kwargs: default_variable_creator(None, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 2721, in default_variable_creator
return variables.RefVariable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 268, in call
return super(VariableMetaclass, cls).call(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1647, in init
self._init_from_args(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1790, in _init_from_args
initial_value = initial_value()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/initializers/init.py", line 13, in call
return tf.zeros( shape, dtype=dtype, name="cai")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
return dispatch_target(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py", line 2972, in wrapped
tensor = fun(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py", line 3033, in zeros
output = fill(shape, constant(zero, dtype=dtype), name=name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
return dispatch_target(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py", line 246, in fill
result = gen_array_ops.fill(dims, value, name=name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/gen_array_ops.py", line 3509, in fill
_, _, _op, _outputs = _op_def_library._apply_op_helper(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/op_def_library.py", line 797, in _apply_op_helper
op = g._create_op_internal(op_type_name, inputs, dtypes=None,
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 3754, in _create_op_internal
ret = Operation(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 2133, in init
self._traceback = tf_stack.extract_stack_for_node(self._c_op)

Traceback (most recent call last):
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1377, in do_call
return fn(*args)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1359, in run_fn
self.extend_graph()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1400, in extend_graph
tf_session.ExtendSession(self.session)
tensorflow.python.framework.errors_impl.InvalidArgumentError: Cannot assign a device for operation encoder/down1/downs_0/conv1/weight/Initializer/cai: Could not satisfy explicit device specification '' because the node {{colocation_node encoder/down1/downs_0/conv1/weight/Initializer/cai}} was colocated with a group of nodes that required incompatible device '/device:GPU:0'. All available devices [/job:localhost/replica:0/task:0/device:CPU:0, /job:localhost/replica:0/task:0/device:GPU:0].
Colocation Debug Info:
Colocation group had the following types and supported devices:
Root Member(assigned_device_name_index
=-1 requested_device_name
='/device:GPU:0' assigned_device_name
='' resource_device_name
='/device:GPU:0' supported_device_types
=[CPU] possible_devices_=[]
Identity: GPU CPU
Assign: CPU
VariableV2: GPU CPU
Fill: GPU CPU
Const: GPU CPU

Colocation members, user-requested devices, and framework assigned devices, if any:
encoder/down1/downs_0/conv1/weight/Initializer/cai/shape_as_tensor (Const)
encoder/down1/downs_0/conv1/weight/Initializer/cai/Const (Const)
encoder/down1/downs_0/conv1/weight/Initializer/cai (Fill)
encoder/down1/downs_0/conv1/weight (VariableV2) /device:GPU:0
encoder/down1/downs_0/conv1/weight/Assign (Assign) /device:GPU:0
encoder/down1/downs_0/conv1/weight/read (Identity) /device:GPU:0
Assign_2 (Assign) /device:GPU:0
Assign_168 (Assign) /device:GPU:0

 [[{{node encoder/down1/downs_0/conv1/weight/Initializer/_cai_}}]]

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 660, in on_initialize
model.init_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Saveable.py", line 106, in init_weights
nn.init_weights(self.get_weights())
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/ops/init.py", line 48, in init_weights
nn.tf_sess.run (ops)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 967, in run
result = self._run(None, fetches, feed_dict, options_ptr,
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1190, in _run
results = self._do_run(handle, final_targets, final_fetches,
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1370, in _do_run
return self._do_call(_run_fn, feeds, fetches, targets, options,
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/client/session.py", line 1396, in _do_call
raise type(e)(node_def, op, message) # pylint: disable=no-value-for-parameter
tensorflow.python.framework.errors_impl.InvalidArgumentError: Graph execution error:

Detected at node 'encoder/down1/downs_0/conv1/weight/Initializer/cai' defined at (most recent call last):
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 337, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/initializers/init.py", line 13, in call
return tf.zeros( shape, dtype=dtype, name="cai")
Node: 'encoder/down1/downs_0/conv1/weight/Initializer/cai'
Detected at node 'encoder/down1/downs_0/conv1/weight/Initializer/cai' defined at (most recent call last):
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 337, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self.build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self.build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in build_sub
layer.build_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/initializers/init.py", line 13, in call
return tf.zeros( shape, dtype=dtype, name="cai")
Node: 'encoder/down1/downs_0/conv1/weight/Initializer/cai'
Cannot assign a device for operation encoder/down1/downs_0/conv1/weight/Initializer/cai: Could not satisfy explicit device specification '' because the node {{colocation_node encoder/down1/downs_0/conv1/weight/Initializer/cai}} was colocated with a group of nodes that required incompatible device '/device:GPU:0'. All available devices [/job:localhost/replica:0/task:0/device:CPU:0, /job:localhost/replica:0/task:0/device:GPU:0].
Colocation Debug Info:
Colocation group had the following types and supported devices:
Root Member(assigned_device_name_index
=-1 requested_device_name
='/device:GPU:0' assigned_device_name
='' resource_device_name
='/device:GPU:0' supported_device_types
=[CPU] possible_devices
=[]
Identity: GPU CPU
Assign: CPU
VariableV2: GPU CPU
Fill: GPU CPU
Const: GPU CPU

Colocation members, user-requested devices, and framework assigned devices, if any:
encoder/down1/downs_0/conv1/weight/Initializer/cai/shape_as_tensor (Const)
encoder/down1/downs_0/conv1/weight/Initializer/cai/Const (Const)
encoder/down1/downs_0/conv1/weight/Initializer/cai (Fill)
encoder/down1/downs_0/conv1/weight (VariableV2) /device:GPU:0
encoder/down1/downs_0/conv1/weight/Assign (Assign) /device:GPU:0
encoder/down1/downs_0/conv1/weight/read (Identity) /device:GPU:0
Assign_2 (Assign) /device:GPU:0
Assign_168 (Assign) /device:GPU:0

 [[{{node encoder/down1/downs_0/conv1/weight/Initializer/_cai_}}]]

Original stack trace for 'encoder/down1/downs_0/conv1/weight/Initializer/cai':
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 930, in _bootstrap
self._bootstrap_inner()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 973, in _bootstrap_inner
self.run()
File "/Applications/Xcode.app/Contents/Developer/Library/Frameworks/Python3.framework/Versions/3.9/lib/python3.9/threading.py", line 910, in run
self._target(*self._args, **self._kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/mainscripts/Trainer.py", line 46, in trainerThread
model = models.import_model(model_class_name)(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/ModelBase.py", line 193, in init
self.on_initialize()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/models/Model_SAEHD/Model.py", line 337, in on_initialize
self.src_dst_saveable_weights = self.encoder.get_weights() + self.inter_AB.get_weights() + self.inter_B.get_weights() + self.decoder.get_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 77, in get_weights
self.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 20, in _build_sub
self.build_sub(sublayer, f"{name}{i}")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 35, in _build_sub
layer.build()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 65, in build
self._build_sub(v[name],name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/models/ModelBase.py", line 33, in _build_sub
layer.build_weights()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/layers/Conv2D.py", line 61, in build_weights
self.weight = tf.get_variable("weight", (self.kernel_size,self.kernel_size,self.in_ch,self.out_ch), dtype=self.dtype, initializer=kernel_initializer, trainable=self.trainable )
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1616, in get_variable
return get_variable_scope().get_variable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 1326, in get_variable
return var_store.get_variable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 582, in get_variable
return _true_getter(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 535, in _true_getter
return self._get_single_variable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 956, in _get_single_variable
v = variables.VariableV1(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 264, in call
return cls._variable_v1_call(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 209, in _variable_v1_call
return previous_getter(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 202, in
previous_getter = lambda **kwargs: default_variable_creator(None, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variable_scope.py", line 2721, in default_variable_creator
return variables.RefVariable(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 268, in call
return super(VariableMetaclass, cls).call(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1647, in init
self._init_from_args(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/variables.py", line 1790, in _init_from_args
initial_value = initial_value()
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/initializers/init.py", line 13, in call
return tf.zeros( shape, dtype=dtype, name="cai")
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
return dispatch_target(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py", line 2972, in wrapped
tensor = fun(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py", line 3033, in zeros
output = fill(shape, constant(zero, dtype=dtype), name=name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/traceback_utils.py", line 150, in error_handler
return fn(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/util/dispatch.py", line 1082, in op_dispatch_handler
return dispatch_target(*args, **kwargs)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/array_ops.py", line 246, in fill
result = gen_array_ops.fill(dims, value, name=name)
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/ops/gen_array_ops.py", line 3509, in fill
_, _, _op, _outputs = _op_def_library._apply_op_helper(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/op_def_library.py", line 797, in _apply_op_helper
op = g._create_op_internal(op_type_name, inputs, dtypes=None,
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 3754, in _create_op_internal
ret = Operation(
File "/Users/prashantpandey/Desktop/programming/deep_learning/dfl/DeepFaceLab_MacOS/lib/python3.9/site-packages/tensorflow/python/framework/ops.py", line 2133, in init
self._traceback = tf_stack.extract_stack_for_node(self._c_op)

scipy build error

$ pip install -r requirements.txt
Collecting numpy==1.17.0
Using cached numpy-1.17.0.zip (6.5 MB)
Requirement already satisfied: opencv-python==4.5.1.48 in ./.dfl/env/lib/python3.9/site-packages (from -r requirements.txt (line 2)) (4.5.1.48)
Collecting scipy==1.4.1
Downloading scipy-1.4.1.tar.gz (24.6 MB)
|████████████████████████████████| 24.6 MB 19.3 MB/s
Installing build dependencies ... done
Getting requirements to build wheel ... done
Preparing wheel metadata ... error
ERROR: Command errored out with exit status 1:
command: /Users/ac/DeepFaceLab_MacOS/.dfl/env/bin/python /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py prepare_metadata_for_build_wheel /var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/tmp_xjlxy6d
cwd: /private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-install-1ip2yrrm/scipy_15d1f63b55f442c3ae0e880f856948ce
Complete output (139 lines):
setup.py:418: UserWarning: Unrecognized setuptools command ('dist_info --egg-base /private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-modern-metadata-qkd8pxza'), proceeding with generating Cython sources and expanding templates
warnings.warn("Unrecognized setuptools command ('{}'), proceeding with "
Running from scipy source directory.
lapack_opt_info:
lapack_mkl_info:
customize UnixCCompiler
libraries mkl_rt not found in ['/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
NOT AVAILABLE

openblas_lapack_info:
customize UnixCCompiler
customize UnixCCompiler
  libraries openblas not found in ['/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
  NOT AVAILABLE

openblas_clapack_info:
customize UnixCCompiler
customize UnixCCompiler
  libraries openblas,lapack not found in ['/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
  NOT AVAILABLE

flame_info:
customize UnixCCompiler
  libraries flame not found in ['/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
  NOT AVAILABLE

atlas_3_10_threads_info:
Setting PTATLAS=ATLAS
customize UnixCCompiler
  libraries lapack_atlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries tatlas,tatlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/local/lib
customize UnixCCompiler
  libraries tatlas,tatlas not found in /usr/local/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/lib
customize UnixCCompiler
  libraries tatlas,tatlas not found in /usr/lib
<class 'numpy.distutils.system_info.atlas_3_10_threads_info'>
  NOT AVAILABLE

atlas_3_10_info:
customize UnixCCompiler
  libraries lapack_atlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries satlas,satlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/local/lib
customize UnixCCompiler
  libraries satlas,satlas not found in /usr/local/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/lib
customize UnixCCompiler
  libraries satlas,satlas not found in /usr/lib
<class 'numpy.distutils.system_info.atlas_3_10_info'>
  NOT AVAILABLE

atlas_threads_info:
Setting PTATLAS=ATLAS
customize UnixCCompiler
  libraries lapack_atlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries ptf77blas,ptcblas,atlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/local/lib
customize UnixCCompiler
  libraries ptf77blas,ptcblas,atlas not found in /usr/local/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/lib
customize UnixCCompiler
  libraries ptf77blas,ptcblas,atlas not found in /usr/lib
<class 'numpy.distutils.system_info.atlas_threads_info'>
  NOT AVAILABLE

atlas_info:
customize UnixCCompiler
  libraries lapack_atlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries f77blas,cblas,atlas not found in /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/local/lib
customize UnixCCompiler
  libraries f77blas,cblas,atlas not found in /usr/local/lib
customize UnixCCompiler
  libraries lapack_atlas not found in /usr/lib
customize UnixCCompiler
  libraries f77blas,cblas,atlas not found in /usr/lib
<class 'numpy.distutils.system_info.atlas_info'>
  NOT AVAILABLE

accelerate_info:
  NOT AVAILABLE

lapack_info:
customize UnixCCompiler
  libraries lapack not found in ['/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib', '/usr/local/lib', '/usr/lib']
  NOT AVAILABLE

/private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-build-env-kfmg90mc/overlay/lib/python3.9/site-packages/numpy/distutils/system_info.py:1712: UserWarning:
    Lapack (http://www.netlib.org/lapack/) libraries not found.
    Directories to search for the libraries can be specified in the
    numpy/distutils/site.cfg file (section [lapack]) or by setting
    the LAPACK environment variable.
  if getattr(self, '_calc_info_{}'.format(lapack))():
lapack_src_info:
  NOT AVAILABLE

/private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-build-env-kfmg90mc/overlay/lib/python3.9/site-packages/numpy/distutils/system_info.py:1712: UserWarning:
    Lapack (http://www.netlib.org/lapack/) sources not found.
    Directories to search for the sources can be specified in the
    numpy/distutils/site.cfg file (section [lapack_src]) or by setting
    the LAPACK_SRC environment variable.
  if getattr(self, '_calc_info_{}'.format(lapack))():
  NOT AVAILABLE

Traceback (most recent call last):
  File "/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py", line 280, in <module>
    main()
  File "/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py", line 263, in main
    json_out['return_val'] = hook(**hook_input['kwargs'])
  File "/Users/ac/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py", line 133, in prepare_metadata_for_build_wheel
    return hook(metadata_directory, config_settings)
  File "/private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-build-env-kfmg90mc/overlay/lib/python3.9/site-packages/setuptools/build_meta.py", line 161, in prepare_metadata_for_build_wheel
    self.run_setup()
  File "/private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-build-env-kfmg90mc/overlay/lib/python3.9/site-packages/setuptools/build_meta.py", line 253, in run_setup
    super(_BuildMetaLegacyBackend,
  File "/private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-build-env-kfmg90mc/overlay/lib/python3.9/site-packages/setuptools/build_meta.py", line 145, in run_setup
    exec(compile(code, __file__, 'exec'), locals())
  File "setup.py", line 540, in <module>
    setup_package()
  File "setup.py", line 536, in setup_package
    setup(**metadata)
  File "/private/var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/pip-build-env-kfmg90mc/overlay/lib/python3.9/site-packages/numpy/distutils/core.py", line 137, in setup
    config = configuration()
  File "setup.py", line 435, in configuration
    raise NotFoundError(msg)
numpy.distutils.system_info.NotFoundError: No lapack/blas resources found. Note: Accelerate is no longer supported.
----------------------------------------

WARNING: Discarding https://files.pythonhosted.org/packages/04/ab/e2eb3e3f90b9363040a3d885ccc5c79fe20c5b8a3caa8fe3bf47ff653260/scipy-1.4.1.tar.gz#sha256=dee1bbf3a6c8f73b6b218cb28eed8dd13347ea2f87d572ce19b289d6fd3fbc59 (from https://pypi.org/simple/scipy/) (requires-python:>=3.5). Command errored out with exit status 1: /Users/ac/DeepFaceLab_MacOS/.dfl/env/bin/python /Users/ac/DeepFaceLab_MacOS/.dfl/env/lib/python3.9/site-packages/pip/_vendor/pep517/_in_process.py prepare_metadata_for_build_wheel /var/folders/xh/y_51j75s3xb5_w4j79jmkgz80000gn/T/tmp_xjlxy6d Check the logs for full command output.
ERROR: Could not find a version that satisfies the requirement scipy==1.4.1
ERROR: No matching distribution found for scipy==1.4.1

ModuleNotFoundError: No module named 'numpy'

I've read about this numpy issue almost all over the internet. I changed my Python version to 3.9.6 to 3.7.0, 3.7.1 and so on. I tried all of these versions. I removed numpy and python each time by pip3 uninstall numpy, brew doctor and brew cleanup. However, I'm still getting same error when I run the scripts.

What I tried is:

I installed all the necessary modules: git, FFmpeg, Python3, Virtualenv, hdf5

I cloned the repository by the code git clone https://github.com/chychkan/DeepFaceLab_MacOS.git
I ran the scripts by sh ./scripts/0_setup.sh
Then I ran 2_extract_images_from_video_data_src.sh
I got this error.

The error:

Traceback (most recent call last):
File "/Users/myusername/DeepFaceLab_MacOS/.dfl/DeepFaceLab/main.py", line 6, in
from core.leras import nn
File "/Users/myusername/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/init.py", line 1, in
from .nn import nn
File "/Users/myusername/DeepFaceLab_MacOS/.dfl/DeepFaceLab/core/leras/nn.py", line 25, in
import numpy as np
ModuleNotFoundError: No module named 'numpy'

I tried it with various python versions from 3.7 to 3.9.6

When I try to install numpy by pip3 install numpy, I'm getting this:

Requirement already satisfied: numpy in /Library/Frameworks/Python.framework/Versions/3.7/lib/python3.7/site-packages (1.21.5)

I need a help about this problem.

Script Not working m1

UserWarning: h5py is running against HDF5 1.12.1 when it was built against 1.12.2, this may cause problems
_warn(("h5py is running against HDF5 {0} when it was built against {1}, "
Warning! HDF5 library version mismatched error
The HDF5 header files used to compile this application do not match
the version used by the HDF5 library to which this application is linked.
Data corruption or segmentation faults may occur if the application continues.
This can happen when an application was compiled by one version of HDF5 but
linked with a different version of static or shared HDF5 library.
You should recompile the application or check your shared library related
settings such as 'LD_LIBRARY_PATH'.
You can, at your own risk, disable this warning by setting the environment
variable 'HDF5_DISABLE_VERSION_CHECK' to a value of '1'.
Setting it to 2 or higher will suppress the warning messages totally.
Headers are 1.12.2, library is 1.12.1
SUMMARY OF THE HDF5 CONFIGURATION
=================================

General Information:

               HDF5 Version: 1.12.1
              Configured on: Fri Mar  4 16:53:33 UTC 2022
              Configured by: [email protected]
                Host system: arm64-apple-darwin20.0.0
          Uname information: Darwin Mac-1646412153531.local 19.6.0 Darwin Kernel Version 19.6.0: Thu Jan 13 01:26:33 PST 2022; root:xnu-6153.141.51~3/RELEASE_X86_64 x86_64
                   Byte sex: little-endian
         Installation point: /Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol

Compiling Options:

                 Build Mode: production
          Debugging Symbols: no
                    Asserts: no
                  Profiling: no
         Optimization Level: high

Linking Options:

                  Libraries: static, shared

Statically Linked Executables:
LDFLAGS: -Wl,-pie -Wl,-headerpad_max_install_names -Wl,-dead_strip_dylibs -Wl,-rpath,/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol/lib -L/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol/lib
H5_LDFLAGS: -Wl,-commons,use_dylibs
AM_LDFLAGS: -L/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol/lib
Extra libraries: -lcrypto -lcurl -lpthread -lz -ldl -lm
Archiver: arm64-apple-darwin20.0.0-ar
AR_FLAGS: cr
Ranlib: arm64-apple-darwin20.0.0-ranlib

Languages:

                          C: yes
                 C Compiler: /Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_build_env/bin/arm64-apple-darwin20.0.0-clang
                   CPPFLAGS: -D_FORTIFY_SOURCE=2 -isystem /Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol/include -mmacosx-version-min=11.0
                H5_CPPFLAGS:   -DNDEBUG -UH5_DEBUG_API
                AM_CPPFLAGS:  -I/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol/include
                    C Flags: -ftree-vectorize -fPIC -fPIE -fstack-protector-strong -O2 -pipe -isystem /Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol/include -fdebug-prefix-map=/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/work=/usr/local/src/conda/hdf5_split-1.12.1 -fdebug-prefix-map=/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol=/usr/local/src/conda-prefix
                 H5 C Flags:  -std=c99  -Wall -Warray-bounds -Wcast-qual -Wconversion -Wdouble-promotion -Wextra -Wformat=2 -Wframe-larger-than=16384 -Wimplicit-fallthrough -Wno-c++-compat -Wno-format-nonliteral -Wnull-dereference -Wunused-const-variable -Wwrite-strings -Wpedantic -Wvolatile-register-var    -Wno-missing-noreturn  -Wbad-function-cast -Wimplicit-function-declaration -Wincompatible-pointer-types -Wmissing-declarations -Wpacked -Wshadow -Wswitch -Wno-error=incompatible-pointer-types-discards-qualifiers -Wunused-function -Wunused-variable -Wunused-parameter -Wcast-align -Wformat -O3
                 AM C Flags: 
           Shared C Library: yes
           Static C Library: yes


                    Fortran: yes
           Fortran Compiler: /Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_build_env/bin/arm64-apple-darwin20.0.0-gfortran ( GNU Fortran (GCC) 11.0.1 20210403 )
              Fortran Flags: 
           H5 Fortran Flags:  -std=f2008  -Waliasing -Wall -Wcharacter-truncation -Wextra -Wimplicit-interface -Wsurprising -Wunderflow -pedantic -Warray-temporaries -Wintrinsics-std -Wimplicit-procedure -Wreal-q-constant -Wfunction-elimination -Wrealloc-lhs -Wrealloc-lhs-all -Wno-c-binding-type -Wuse-without-only -Winteger-division -Wfrontend-loop-interchange  -fdiagnostics-urls=never -fno-diagnostics-color -s -O3
           AM Fortran Flags: 
     Shared Fortran Library: yes
     Static Fortran Library: yes

                        C++: yes
               C++ Compiler: /Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_build_env/bin/arm64-apple-darwin20.0.0-clang++
                  C++ Flags: -ftree-vectorize -fPIC -fPIE -fstack-protector-strong -O2 -pipe -stdlib=libc++ -fvisibility-inlines-hidden -fmessage-length=0 -isystem /Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol/include -fdebug-prefix-map=/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/work=/usr/local/src/conda/hdf5_split-1.12.1 -fdebug-prefix-map=/Users/runner/miniforge3/conda-bld/hdf5_split_1646412372985/_h_env_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehold_placehol=/usr/local/src/conda-prefix
               H5 C++ Flags:      
               AM C++ Flags:  -DOLD_HEADER_FILENAME -DHDF_NO_NAMESPACE -DNO_STATIC_CAST
         Shared C++ Library: yes
         Static C++ Library: yes

                       Java: no

Features:

               Parallel HDF5: no

Parallel Filtered Dataset Writes: no
Large Parallel I/O: no
High-level library: yes
Build HDF5 Tests: no
Build HDF5 Tools: yes
Threadsafety: yes (recursive RW locks: no)
Default API mapping: v112
With deprecated public symbols: yes
I/O filters (external): deflate(zlib)
MPE: no
Map (H5M) API: no
Direct VFD: no
Mirror VFD: no
(Read-Only) S3 VFD: yes
(Read-Only) HDFS VFD: no
dmalloc: no
Packages w/ extra debug output: none
API tracing: no
Using memory checker: yes
Memory allocation sanity checks: no
Function stack tracing: no
Use file locking: best-effort
Strict file format checks: no
Optimization instrumentation: no
Bye...

Issues with Python dependencies on MacBook M1 Pro

I get several errors when I try to run the 0_setup.sh on my machine.

M1 Pro with 16GB
Python version: 3.9.7

ERROR: Failed building wheel for numpy Failed to build lumpy ERROR: Could not build wheels for numpy, which is required to install pyproject.toml-based projects
ERROR: Could not find a version that satisfies the requirement opencv-contrib-python-headless==4.4.0.46 (from versions: 3.4.11.45, 3.4.13.47, 3.4.14.51, 3.4.15.55, 3.4.16.57, 4.4.0.46, 4.5.1.48, 4.5.2.52, 4.5.3.56, 4.5.4.58) ERROR: No matching distribution found for opencv-contrib-python-headless==4.4.0.46

M1 Mac mini not using metal device "Apple M1"

I have pulled the latest updates and the setup process goes much smoother now — thank you!

Unfortunately, the scripts still use my CPU. If I manually install tensor-metal, then the extraction scripts will successfully use my "Apple M1" metal device and the process is noticeably faster. But when I get to model training, I hit the same error as in #67.

Is anyone successfully training with metal on an M1 (not Pro) chip? Any thoughts on what code to dig into to troubleshoot?

6_Quick96.sh is able to run but loss is not going down nor the columns 3,5 and 6 are visible in preview window.

I was able to successfully run 6_Quick96.sh on both CPU and metal. But when the model starts to train and when preview window is shown - I am not able to see any command as [s]: save [p]: update and columns 1 and 3 are visible with 4 images of src and dst images but training columns (3,5,6) are entirely empty. Also the loss is not going down no matter how long the model trains.

What might be the problem.
And how can it be solved.

https://marchcontent23.s3.amazonaws.com/Screenshot+2023-03-16+at+3.00.46+AM.png
https://marchcontent23.s3.amazonaws.com/Screenshot+2023-03-16+at+3.02.38+AM.png

I have attached the problem images for more reference.

Error about h5py

I installed the 0_setup.sh file according to the steps, but encountered a build problem with h5py at the last step. Has anyone encountered this before, and how can it be resolved?(Chip is M2)

2C318684-2BDD-4574-9D6D-3F94CDD203CC

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.