cuDNN failed to initialize

The Extraction process failing on you, and you aren't getting an error back with clear instructions? Tell us about it here


Forum rules

Read the FAQs and search the forum before posting a new topic.

This forum is for reporting errors with the Extraction process. If you want to get tips, or better understand the Extract process, then you should look in the Extract Discussion forum.

Please mark any answers that fixed your problems so others can find the solutions.

User avatar
bosepheus
Posts: 2
Joined: Thu Aug 29, 2019 12:22 pm
Has thanked: 1 time

Need help with depreciated files, cuDNN, and GPU Utilization

Post by bosepheus »

To preface this, I'm not very good when it comes to python coding and figuring all relevant software necessary - I hope this is a simple issue of updating something or deleting something.

I've been getting a lot of errors and "CRITICAL An unexpected crash..." and such when I am using the Windows GUI faceswap program. In the output, there's a startling number of lines saying that certain files are depreciated. It also seems like there's something wrong with CUDA/CUDNN because I tend to see a lot of errors around this - "CUDNN_STATUS_ALLOC_FAILED" as an example. Earlier, I deleted everything python (following the uninstall guide somewhere on these forums,) installed the latest CUDA, Version 10.1, Update 2, and did a full re-install of faceswap, allowing it to re download and install all relevant software. I still get these errors and crashes. In addition to this, I seem to not be utilizing my GPU at all - I could be wrong, but monitoring task manager, I can see my CPU go to 100% during extraction and my GPU sit at 0%. This is a near-brand new computer with a Ryzen 3700 and 2070 Super, so I was still extracting incredibly fast, but it seems like something with the Nvidia CUDA/CUDNN problems are preventing my GPU from shouldering most of the weight.

So to summarize, I'm getting errors and problems, and they seem to be in 3 areas - CUDA/CUDNN, depreciated files (usually the files have the suffix, "tn." - tn.gfile.GFile" as an example, and no GPU usage.

I have a lot of crash dumps saved, but I'll attach the most recent - again, I hope this is something I just need to install, delete, or reinstall.

Crash report:

Code: Select all

    run_metadata)
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1370, in _do_call
    raise type(e)(node_def, op, message)
tensorflow,python,framework,errors_impl,UnknownError: 2 root error(s) found,
  (0) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,
	 [[node s3fd/convolution (defined at C:\Users\Terfy\faceswap\plugins\extract\detect\s3fd,py:147) ]]
	 [[s3fd/transpose_78/_19]]
  (1) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,
	 [[node s3fd/convolution (defined at C:\Users\Terfy\faceswap\plugins\extract\detect\s3fd,py:147) ]]
0 successful operations,
0 derived errors ignored,

Original stack trace for 's3fd/convolution':
  File "<string>", line 1, in <module>
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 105, in spawn_main
    exitcode = _main(fd)
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 118, in _main
    return self,_bootstrap()
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 258, in _bootstrap
    self,run()
  File "C:\Users\Terfy\faceswap\lib\multithreading,py", line 362, in run
    super(),run()
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 93, in run
    self,_target(*self,_args, **self,_kwargs)
  File "C:\Users\Terfy\faceswap\plugins\extract\detect\_base,py", line 123, in run
    self,detect_faces(*args, **kwargs)
  File "C:\Users\Terfy\faceswap\plugins\extract\detect\s3fd,py", line 75, in detect_faces
    super(),detect_faces(*args, **kwargs)
  File "C:\Users\Terfy\faceswap\plugins\extract\detect\_base,py", line 95, in detect_faces
    self,initialize(*args, **kwargs)
  File "C:\Users\Terfy\faceswap\plugins\extract\detect\s3fd,py", line 44, in initialize
    self,model = S3fd(self,model_path, self,target, tf_ratio, card_id, confidence)
  File "C:\Users\Terfy\faceswap\plugins\extract\detect\s3fd,py", line 132, in __init__
    self,graph = self,load_graph()
  File "C:\Users\Terfy\faceswap\plugins\extract\detect\s3fd,py", line 147, in load_graph
    self,tf,import_graph_def(graph_def, name="s3fd")
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation,py", line 507, in new_func
    return func(*args, **kwargs)
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 443, in import_graph_def
    _ProcessNewOps(graph)
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 236, in _ProcessNewOps
    for new_op in graph,_add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-access
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in _add_new_tf_operations
    for c_op in c_api_util,new_tf_operations(self)
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in <listcomp>
    for c_op in c_api_util,new_tf_operations(self)
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3641, in _create_op_from_tf_operation
    ret = Operation(c_op, self)
  File "C:\Users\Terfy\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 2005, in __init__
    self,_traceback = tf_stack,extract_stack()
Traceback (most recent call last):
  File "C:\Users\Terfy\faceswap\lib\cli,py", line 125, in execute_script
    process,process()
  File "C:\Users\Terfy\faceswap\scripts\extract,py", line 62, in process
    self,run_extraction()
  File "C:\Users\Terfy\faceswap\scripts\extract,py", line 189, in run_extraction
    self,extractor,launch()
  File "C:\Users\Terfy\faceswap\plugins\extract\pipeline,py", line 172, in launch
    self,launch_detector()
  File "C:\Users\Terfy\faceswap\plugins\extract\pipeline,py", line 238, in launch_detector
    raise ValueError("Error initializing Detector")
ValueError: Error initializing Detector

============ System Information ============
encoding:            cp1252
git_branch:          master
git_commits:         3159cb6 GUI Fixups
gpu_cuda:            10,1
gpu_cudnn:           No global version found, Check Conda packages for Conda cuDNN
gpu_devices:         GPU_0: GeForce RTX 2070 SUPER
gpu_devices_active:  GPU_0
gpu_driver:          436,15
gpu_vram:            GPU_0: 8192MB
os_machine:          AMD64
os_platform:         Windows-10-10,0,18362-SP0
os_release:          10
py_command:          C:\Users\Terfy\faceswap\faceswap,py extract -i D:/_AOA/MINA -o D:/faceswap/MINA/EXTRACTION/mina_extract -D s3fd -A fan -nm hist -min 20 -l 0,4 -bt 0,0 -een 1 -sz 256 -si 0 -L INFO -gui
py_conda_version:    conda 4,7,11
py_implementation:   CPython
py_version:          3,6,9
py_virtual_env:      True
sys_cores:           16
sys_processor:       AMD64 Family 23 Model 113 Stepping 0, AuthenticAMD
sys_ram:             Total: 16302MB, Available: 11504MB, Used: 4798MB, Free: 11504MB

=============== Pip Packages ===============
absl-py==0,7,1
astor==0,8,0
certifi==2019,6,16
cloudpickle==1,2,1
cycler==0,10,0
cytoolz==0,10,0
dask==2,3,0
decorator==4,4,0
fastcluster==1,1,25
ffmpy==0,2,2
gast==0,2,2
grpcio==1,16,1
h5py==2,9,0
imageio==2,5,0
imageio-ffmpeg==0,3,0
joblib==0,13,2
Keras==2,2,4
Keras-Applications==1,0,8
Keras-Preprocessing==1,1,0
kiwisolver==1,1,0
Markdown==3,1,1
matplotlib==2,2,2
mkl-fft==1,0,14
mkl-random==1,0,2
mkl-service==2,0,2
networkx==2,3
numpy==1,16,2
nvidia-ml-py3==7,352,1
olefile==0,46
opencv-python==4,1,0,25
pathlib==1,0,1
Pillow==6,1,0
protobuf==3,8,0
psutil==5,6,3
pyparsing==2,4,2
pyreadline==2,1
python-dateutil==2,8,0
pytz==2019,2
PyWavelets==1,0,3
pywin32==223
PyYAML==5,1,2
scikit-image==0,15,0
scikit-learn==0,21,2
scipy==1,3,1
six==1,12,0
tensorboard==1,14,0
tensorflow==1,14,0
tensorflow-estimator==1,14,0
termcolor==1,1,0
toolz==0,10,0
toposort==1,5
tornado==6,0,3
tqdm==4,32,1
Werkzeug==0,15,5
wincertstore==0,2
wrapt==1,11,2

============== Conda Packages ==============
# packages in environment at C:\Users\Terfy\MiniConda3\envs\faceswap:
#
# Name                    Version                   Build  Channel
_tflow_select             2,1,0                       gpu  
absl-py 0,7,1 py36_0
astor 0,8,0 py36_0
blas 1,0 mkl
ca-certificates 2019,5,15 1
certifi 2019,6,16 py36_1
cloudpickle 1,2,1 py_0
cudatoolkit 10,0,130 0
cudnn 7,6,0 cuda10,0_0
cycler 0,10,0 py36h009560c_0
cytoolz 0,10,0 py36he774522_0
dask-core 2,3,0 py_0
decorator 4,4,0 py36_1
fastcluster 1,1,25 py36h830ac7b_1000 conda-forge ffmpeg 4,2 h6538335_0 conda-forge ffmpy 0,2,2 pypi_0 pypi freetype 2,9,1 ha9979f8_1
gast 0,2,2 py36_0
grpcio 1,16,1 py36h351948d_1
h5py 2,9,0 py36h5e291fa_0
hdf5 1,10,4 h7ebc959_0
icc_rt 2019,0,0 h0cc432a_1
icu 58,2 ha66f8fd_1
imageio 2,5,0 py36_0
imageio-ffmpeg 0,3,0 py_0 conda-forge intel-openmp 2019,4 245
joblib 0,13,2 py36_0
jpeg 9b hb83a4c4_2
keras 2,2,4 0
keras-applications 1,0,8 py_0
keras-base 2,2,4 py36_0
keras-preprocessing 1,1,0 py_1
kiwisolver 1,1,0 py36ha925a31_0
libmklml 2019,0,5 0
libpng 1,6,37 h2a8f88b_0
libprotobuf 3,8,0 h7bd577a_0
libtiff 4,0,10 hb898794_2
markdown 3,1,1 py36_0
matplotlib 2,2,2 py36had4c4a9_2
mkl 2019,4 245
mkl-service 2,0,2 py36he774522_0
mkl_fft 1,0,14 py36h14836fe_0
mkl_random 1,0,2 py36h343c172_0
networkx 2,3 py_0
numpy 1,16,2 py36h19fb1c0_0
numpy-base 1,16,2 py36hc3f5095_0
nvidia-ml-py3 7,352,1 pypi_0 pypi olefile 0,46 py36_0
opencv-python 4,1,0,25 pypi_0 pypi openssl 1,1,1c he774522_1
pathlib 1,0,1 py36_1
pillow 6,1,0 py36hdc69c19_0
pip 19,2,2 py36_0
protobuf 3,8,0 py36h33f27b4_0
psutil 5,6,3 py36he774522_0
pyparsing 2,4,2 py_0
pyqt 5,9,2 py36h6538335_2
pyreadline 2,1 py36_1
python 3,6,9 h5500b2f_0
python-dateutil 2,8,0 py36_0
pytz 2019,2 py_0
pywavelets 1,0,3 py36h8c2d366_1
pywin32 223 py36hfa6e2cd_1
pyyaml 5,1,2 py36he774522_0
qt 5,9,7 vc14h73c81de_0
scikit-image 0,15,0 py36ha925a31_0
scikit-learn 0,21,2 py36h6288b17_0
scipy 1,3,1 py36h29ff71c_0
setuptools 41,0,1 py36_0
sip 4,19,8 py36h6538335_0
six 1,12,0 py36_0
sqlite 3,29,0 he774522_0
tensorboard 1,14,0 py36he3c9ec2_0
tensorflow 1,14,0 gpu_py36h305fd99_0
tensorflow-base 1,14,0 gpu_py36h55fc52a_0
tensorflow-estimator 1,14,0 py_0
tensorflow-gpu 1,14,0 h0d30ee6_0
termcolor 1,1,0 py36_1
tk 8,6,8 hfa6e2cd_0
toolz 0,10,0 py_0
toposort 1,5 py_3 conda-forge tornado 6,0,3 py36he774522_0
tqdm 4,32,1 py_0
vc 14,1 h0510ff6_4
vs2015_runtime 14,15,26706 h3a45250_4
werkzeug 0,15,5 py_0
wheel 0,33,4 py36_0
wincertstore 0,2 py36h7fe50ca_0
wrapt 1,11,2 py36he774522_0
xz 5,2,4 h2fa13f4_4
yaml 0,1,7 hc54c509_2
zlib 1,2,11 h62dcd97_3
zstd 1,3,7 h508b16e_0

Output log with errors:

Code: Select all

Loading,,,
Setting Faceswap backend to NVIDIA
08/29/2019 07:15:14 INFO     Log level set to: INFO
08/29/2019 07:15:16 INFO     Output Directory: D:\faceswap\set_1\EXTRACTION\set_1_extract
08/29/2019 07:15:16 INFO     Input Directory: D:\_try_1\set_1
08/29/2019 07:15:16 INFO     Loading Detect from S3Fd plugin,,,
08/29/2019 07:15:16 INFO     Loading Align from Fan plugin,,,
08/29/2019 07:15:16 INFO     Starting, this may take a while,,,
WARNING: Logging before flag parsing goes to stderr,08/29/2019 07:15:19 INFO     Initializing Face Alignment Network,,,

I0829 07:15:19,122668 15792 fan,py:30] Initializing Face Alignment Network,,,
I0829 07:15:19,122668 15792 fan,py:31] fan initialize: (args: () kwargs: {'event': <multiprocessing,synchronize,Event object at 0x0000023014FD0CF8>, 'error': <multiprocessing,synchronize,Event object at 0x0000023016A0DBA8>, 'log_init': <function set_root_logger at 0x00000230152888C8>, 'log_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2301d901828>, 'log_level': 10, 'in_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2301d901940>, 'out_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2301d9019b0>})
I0829 07:15:19,122668 15792 gpu_stats,py:34] Initializing GPUStats
I0829 07:15:19,123589 15792 gpu_stats,py:84] OS is not macOS, Using pynvml
I0829 07:15:19,126615 15792 gpu_stats,py:136] GPU Device count: 1
I0829 07:15:19,127618 15792 gpu_stats,py:151] Active GPU Devices: [0]08/29/2019 07:15:19 WARNING  From C:\Users\user\faceswap\plugins\extract\align\fan,py:206: The name tf,gfile,GFile is deprecated, Please use tf,io,gfile,GFile instead,\n

I0829 07:15:19,133678 15792 gpu_stats,py:163] GPU Handles found: 1
I0829 07:15:19,133678 15792 gpu_stats,py:177] GPU Driver: 436,15
I0829 07:15:19,133678 15792 gpu_stats,py:194] GPU Devices: ['GeForce RTX 2070 SUPER']
I0829 07:15:19,142625 15792 gpu_stats,py:212] GPU VRAM: [8192,0]
I0829 07:15:19,143619 15792 gpu_stats,py:57] Initialized GPUStats
I0829 07:15:19,143619 15792 gpu_stats,py:84] OS is not macOS, Using pynvml
I0829 07:15:19,143619 15792 gpu_stats,py:136] GPU Device count: 1
I0829 07:15:19,143619 15792 gpu_stats,py:151] Active GPU Devices: [0]
I0829 07:15:19,150665 15792 gpu_stats,py:163] GPU Handles found: 1
I0829 07:15:19,158623 15792 gpu_stats,py:252] GPU VRAM free: [7468,01171875]
I0829 07:15:19,158623 15792 gpu_stats,py:271] Active GPU Card with most free VRAM: {'card_id': 0, 'device': 'GeForce RTX 2070 SUPER', 'free': 7468,01171875, 'total': 8192,0}
I0829 07:15:19,158623 15792 _base,py:232] Using device GeForce RTX 2070 SUPER with 7468MB free of 8192MB
I0829 07:15:19,158623 15792 fan,py:39] Reserving 2240MB for face alignments
I0829 07:15:19,159623 15792 fan,py:204] Initializing Face Alignment Network model,,,
W0829 07:15:19,159623 15792 deprecation_wrapper,py:119] From C:\Users\user\faceswap\plugins\extract\align\fan,py:206: The name tf,gfile,GFile is deprecated, Please use tf,io,gfile,GFile instead,

W0829 07:15:19,159623 15792 deprecation_wrapper,py:119] From C:\Users\user\faceswap\plugins\extract\align\fan,py:207: The name tf,GraphDef is deprecated, Please use tf,compat,v1,GraphDef instead,

W0829 07:15:22,090283 15792 deprecation_wrapper,py:119] From C:\Users\user\faceswap\plugins\extract\align\fan,py:219: The name tf,ConfigProto is deprecated, Please use tf,compat,v1,ConfigProto instead,08/29/2019 07:15:22 WARNING  From C:\Users\user\faceswap\plugins\extract\align\fan,py:219: The name tf,ConfigProto is deprecated, Please use tf,compat,v1,ConfigProto instead,\n
08/29/2019 07:15:22 WARNING  From C:\Users\user\faceswap\plugins\extract\align\fan,py:221: The name tf,Session is deprecated, Please use tf,compat,v1,Session instead,\n


I0829 07:15:22,608215 15792 fan,py:224] Using GPU
I0829 07:15:28,332659 15792 fan,py:44] Initialized Face Alignment Network,08/29/2019 07:15:28 INFO     Initialized Face Alignment Network,

I0829 07:15:28,333660 15792 _base,py:128] Launching Align: (args: () kwargs: {'event': <multiprocessing,synchronize,Event object at 0x0000023014FD0CF8>, 'error': <multiprocessing,synchronize,Event object at 0x0000023016A0DBA8>, 'log_init': <function set_root_logger at 0x00000230152888C8>, 'log_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2301d901828>, 'log_level': 10, 'in_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2301d901940>, 'out_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2301d9019b0>})
WARNING: Logging before flag parsing goes to stderr,08/29/2019 07:15:30 INFO     Initializing S3FD Detector,,,

I0829 07:15:30,647670 15596 _base,py:83] initialize Detect (PID: 11808, args: (), kwargs: {'event': <multiprocessing,synchronize,Event object at 0x0000024399140CF8>, 'error': <multiprocessing,synchronize,Event object at 0x000002439AB8DBA8>, 'log_init': <function set_root_logger at 0x00000243993F88C8>, 'log_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x243a1d00828>, 'log_level': 10, 'in_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x243a1d00940>, 'out_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x243a1d009b0>})08/29/2019 07:15:30 WARNING  From C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:142: The name tf,gfile,GFile is deprecated, Please use tf,io,gfile,GFile instead,\n
I0829 07:15:30,647670 15596 s3fd,py:33] Initializing S3FD Detector,,,
I0829 07:15:30,647670 15596 gpu_stats,py:34] Initializing GPUStats
I0829 07:15:30,647670 15596 gpu_stats,py:84] OS is not macOS, Using pynvml
I0829 07:15:30,651698 15596 gpu_stats,py:136] GPU Device count: 1
I0829 07:15:30,652706 15596 gpu_stats,py:151] Active GPU Devices: [0]
I0829 07:15:30,658714 15596 gpu_stats,py:163] GPU Handles found: 1
I0829 07:15:30,658714 15596 gpu_stats,py:177] GPU Driver: 436,15
I0829 07:15:30,658714 15596 gpu_stats,py:194] GPU Devices: ['GeForce RTX 2070 SUPER']
I0829 07:15:30,667744 15596 gpu_stats,py:212] GPU VRAM: [8192,0]
I0829 07:15:30,668699 15596 gpu_stats,py:57] Initialized GPUStats
I0829 07:15:30,668699 15596 gpu_stats,py:84] OS is not macOS, Using pynvml
I0829 07:15:30,669683 15596 gpu_stats,py:136] GPU Device count: 1
I0829 07:15:30,669683 15596 gpu_stats,py:151] Active GPU Devices: [0]
I0829 07:15:30,675701 15596 gpu_stats,py:163] GPU Handles found: 1
I0829 07:15:30,682721 15596 gpu_stats,py:252] GPU VRAM free: [4735,88671875]
I0829 07:15:30,683706 15596 gpu_stats,py:271] Active GPU Card with most free VRAM: {'card_id': 0, 'device': 'GeForce RTX 2070 SUPER', 'free': 4735,88671875, 'total': 8192,0}
I0829 07:15:30,683706 15596 _base,py:361] Using device GeForce RTX 2070 SUPER with 4735MB free of 8192MB
I0829 07:15:30,683706 15596 s3fd,py:41] Reserving 51,56% of total VRAM per s3fd thread
I0829 07:15:30,684677 15596 s3fd,py:125] Initializing: S3fd: (model_path: 'C:\Users\user\faceswap\plugins\extract\detect\,cache\s3fd_v1,pb', target_size: (640, 640), vram_ratio: 0,515625, card_id: 0)
I0829 07:15:30,684677 15596 s3fd,py:141] Initializing S3FD Network model,,,
W0829 07:15:30,684677 15596 deprecation_wrapper,py:119] From C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:142: The name tf,gfile,GFile is deprecated, Please use tf,io,gfile,GFile instead,

W0829 07:15:30,684677 15596 deprecation_wrapper,py:119] From C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:143: The name tf,GraphDef is deprecated, Please use tf,compat,v1,GraphDef instead,

I0829 07:15:31,247885 15596 s3fd,py:155] tensor_names: ['concat_31', 'transpose_72', 'transpose_75', 'transpose_78', 'transpose_81', 'transpose_84', 'transpose_87', 'transpose_90', 'transpose_93', 'transpose_96', 'transpose_99', 'transpose_102']08/29/2019 07:15:31 WARNING  From C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:165: The name tf,ConfigProto is deprecated, Please use tf,compat,v1,ConfigProto instead,\n
I0829 07:15:31,247885 15596 s3fd,py:158] tensors: [<tf,Tensor 's3fd/concat_31:0' shape=(?, 2, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_72:0' shape=(?, 4, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_75:0' shape=(?, 2, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_78:0' shape=(?, 4, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_81:0' shape=(?, 2, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_84:0' shape=(?, 4, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_87:0' shape=(?, 2, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_90:0' shape=(?, 4, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_93:0' shape=(?, 2, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_96:0' shape=(?, 4, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_99:0' shape=(?, 2, ?, ?) dtype=float32>, <tf,Tensor 's3fd/transpose_102:0' shape=(?, 4, ?, ?) dtype=float32>]08/29/2019 07:15:31 WARNING  From C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:172: The name tf,Session is deprecated, Please use tf,compat,v1,Session instead,\n

W0829 07:15:31,248803 15596 deprecation_wrapper,py:119] From C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:165: The name tf,ConfigProto is deprecated, Please use tf,compat,v1,ConfigProto instead,

W0829 07:15:31,248803 15596 deprecation_wrapper,py:119] From C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:172: The name tf,Session is deprecated, Please use tf,compat,v1,Session instead,

2019-08-29 07:15:35,721958: E tensorflow/stream_executor/cuda/cuda_dnn,cc:329] Could not create cudnn handle: CUDNN_STATUS_ALLOC_FAILED
2019-08-29 07:15:35,722324: E tensorflow/stream_executor/cuda/cuda_dnn,cc:329] Could not create cudnn handle: CUDNN_STATUS_ALLOC_FAILED
E0829 07:15:35,770127 15596 _base,py:125] Caught exception in child process: 11808: 2 root error(s) found,08/29/2019 07:15:35 ERROR    Caught exception in child process: 11808: 2 root error(s) found,\n (0) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,\n	 [[node s3fd/convolution (defined at C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:147) ]]\n	 [[s3fd/transpose_78/_19]]\n (1) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,\n	 [[node s3fd/convolution (defined at C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:147) ]]\n0 successful operations,\n0 derived errors ignored,\n\nOriginal stack trace for 's3fd/convolution':\n File "<string>", line 1, in <module>\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 105, in spawn_main\n exitcode = _main(fd)\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 118, in _main\n return self,_bootstrap()\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 258, in _bootstrap\n self,run()\n File "C:\Users\user\faceswap\lib\multithreading,py", line 362, in run\n super(),run()\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 93, in run\n self,_target(*self,_args, **self,_kwargs)\n File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 123, in run\n self,detect_faces(*args, **kwargs)\n File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 75, in detect_faces\n super(),detect_faces(*args, **kwargs)\n File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 95, in detect_faces\n self,initialize(*args, **kwargs)\n File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 44, in initialize\n self,model = S3fd(self,model_path, self,target, tf_ratio, card_id, confidence)\n File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 132, in __init__\n self,graph = self,load_graph()\n File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 147, in load_graph\n self,tf,import_graph_def(graph_def, name="s3fd")\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation,py", line 507, in new_func\n return func(*args, **kwargs)\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 443, in import_graph_def\n _ProcessNewOps(graph)\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 236, in _ProcessNewOps\n for new_op in graph,_add_new_tf_operations(compute_devices=False): # pylint: disable=protected-access\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in _add_new_tf_operations\n for c_op in c_api_util,new_tf_operations(self)\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in <listcomp>\n for c_op in c_api_util,new_tf_operations(self)\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3641, in _create_op_from_tf_operation\n ret = Operation(c_op, self)\n File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 2005, in __init__\n self,_traceback = tf_stack,extract_stack()\n

[[node s3fd/convolution (defined at C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:147) ]]
[[s3fd/transpose_78/_19]]
(1) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,
[[node s3fd/convolution (defined at C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:147) ]]
0 successful operations,
0 derived errors ignored,

Original stack trace for 's3fd/convolution':
File "<string>", line 1, in <module>
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 105, in spawn_main
exitcode = _main(fd)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 118, in _main
return self,_bootstrap()
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 258, in _bootstrap
self,run()
File "C:\Users\user\faceswap\lib\multithreading,py", line 362, in run
super(),run()
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 93, in run
self,_target(*self,_args, **self,_kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 123, in run
self,detect_faces(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 75, in detect_faces
super(),detect_faces(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 95, in detect_faces
self,initialize(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 44, in initialize
self,model = S3fd(self,model_path, self,target, tf_ratio, card_id, confidence)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 132, in __init__
self,graph = self,load_graph()
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 147, in load_graph
self,tf,import_graph_def(graph_def, name="s3fd")
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation,py", line 507, in new_func
return func(*args, **kwargs)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 443, in import_graph_def
_ProcessNewOps(graph)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 236, in _ProcessNewOps
for new_op in graph,_add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-access
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in _add_new_tf_operations
for c_op in c_api_util,new_tf_operations(self)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in <listcomp>
for c_op in c_api_util,new_tf_operations(self)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3641, in _create_op_from_tf_operation
ret = Operation(c_op, self)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 2005, in __init__
self,_traceback = tf_stack,extract_stack()

E0829 07:15:35,771124 15596 _base,py:128] Traceback:08/29/2019 07:15:35 ERROR    Traceback:

Traceback (most recent call last):Traceback (most recent call last):

File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1356, in _do_callFile "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1356, in _do_call

return fn(*args)return fn(*args)

File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1341, in _run_fnFile "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1341, in _run_fn

options, feed_dict, fetch_list, target_list, run_metadata)options, feed_dict, fetch_list, target_list, run_metadata)

File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1429, in _call_tf_sessionrunFile "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1429, in _call_tf_sessionrun

run_metadata)run_metadata)

tensorflow,python,framework,errors_impl,UnknownError: 2 root error(s) found,tensorflow,python,framework,errors_impl,UnknownError: 2 root error(s) found,
(0) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,

[[{{node s3fd/convolution}}]][[{{node s3fd/convolution}}]]
[[s3fd/transpose_78/_19]]
(1) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,

0 successful operations,
0 derived errors ignored,

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 123, in run
self,detect_faces(*args, **kwargs)self,detect_faces(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 75, in detect_faces
super(),detect_faces(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 95, in detect_faces
self,initialize(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 71, in initialize
raise err
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 44, in initialize
self,model = S3fd(self,model_path, self,target, tf_ratio, card_id, confidence)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 135, in __init__
self,session = self,set_session(target_size, vram_ratio, card_id)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 174, in set_session
session,run(self,output, feed_dict={self,input: placeholder})
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 950, in run
run_metadata_ptr)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1173, in _run
feed_dict_tensor, options, run_metadata)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1350, in _do_run

run_metadata)run_metadata)

File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1370, in _do_callFile "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session,py", line 1370, in _do_call

raise type(e)(node_def, op, message)raise type(e)(node_def, op, message)
tensorflow,python,framework,errors_impl,UnknownError: 2 root error(s) found,
(0) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,
[[node s3fd/convolution (defined at C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:147) ]]
[[s3fd/transpose_78/_19]]
(1) Unknown: Failed to get convolution algorithm, This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above,
[[node s3fd/convolution (defined at C:\Users\user\faceswap\plugins\extract\detect\s3fd,py:147) ]]
0 successful operations,
0 derived errors ignored,

Original stack trace for 's3fd/convolution':
File "<string>", line 1, in <module>
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 105, in spawn_main
exitcode = _main(fd)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\spawn,py", line 118, in _main
return self,_bootstrap()
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 258, in _bootstrap
self,run()
File "C:\Users\user\faceswap\lib\multithreading,py", line 362, in run
super(),run()
File "C:\Users\user\MiniConda3\envs\faceswap\lib\multiprocessing\process,py", line 93, in run
self,_target(*self,_args, **self,_kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 123, in run
self,detect_faces(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 75, in detect_faces
super(),detect_faces(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\_base,py", line 95, in detect_faces
self,initialize(*args, **kwargs)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 44, in initialize
self,model = S3fd(self,model_path, self,target, tf_ratio, card_id, confidence)
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 132, in __init__
self,graph = self,load_graph()
File "C:\Users\user\faceswap\plugins\extract\detect\s3fd,py", line 147, in load_graph
self,tf,import_graph_def(graph_def, name="s3fd")
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation,py", line 507, in new_func
return func(*args, **kwargs)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 443, in import_graph_def

_ProcessNewOps(graph)_ProcessNewOps(graph)

File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 236, in _ProcessNewOpsFile "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer,py", line 236, in _ProcessNewOps

for new_op in graph,_add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-accessfor new_op in graph,_add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-access

File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in _add_new_tf_operationsFile "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in _add_new_tf_operations
for c_op in c_api_util,new_tf_operations(self)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3751, in <listcomp>
for c_op in c_api_util,new_tf_operations(self)
File "C:\Users\user\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops,py", line 3641, in _create_op_from_tf_operation
ret = Operation(c_op, self)

self,_traceback = tf_stack,extract_stack()

08/29/2019 07:15:40 ERROR    Got Exception on main handler:
Traceback (most recent call last):
File "C:\Users\user\faceswap\lib\cli,py", line 125, in execute_script
process,process()
File "C:\Users\user\faceswap\scripts\extract,py", line 62, in process
self,run_extraction()
File "C:\Users\user\faceswap\scripts\extract,py", line 189, in run_extraction
self,extractor,launch()
File "C:\Users\user\faceswap\plugins\extract\pipeline,py", line 172, in launch
self,launch_detector()
File "C:\Users\user\faceswap\plugins\extract\pipeline,py", line 238, in launch_detector
raise ValueError("Error initializing Detector")
ValueError: Error initializing Detector
08/29/2019 07:15:40 CRITICAL An unexpected crash has occurred, Crash report written to 'C:\Users\user\faceswap\crash_report,2019,08,29,071540364574,log', Please verify you are running the latest version of faceswap before reporting
Process exited,

Please note - it wouldn't let me submit this with full file paths, since the period I guess made it treat it as a link or file or something - I went through and replaced all periods with commas to get around that.

by torzdf » Sat Jul 04, 2020 9:39 am

Ok, if you have "allow_growth" set to True in extract settings, this should now pull through for sort by face.

Go to full post
User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Need help with depreciated files, cuDNN, and GPU Utilization

Post by torzdf »

1) Deprecated files. Ignore that. They are warnings generated from Keras.
2) S3FD CUDNN_STATUS_ALLOC_FAILED message. There seems to be an issue somewhere with VRAM usage on this detector. Try enabling "single process" mode and seeing if it runs.
3) The "WARNING: Logging before flag parsing goes to stderr" I have seen that a few times recently, so need to see what is causing that
4) Your install. Remove Cuda and cuDNN from your PC. They are not required and can conflict with our (Conda) installed versions. The installer handles all of this stuff, and this may be the source of your issues. You may need to remove Faceswap and reinstall it again after this.

My word is final

User avatar
bosepheus
Posts: 2
Joined: Thu Aug 29, 2019 12:22 pm
Has thanked: 1 time

Re: Need help with depreciated files, cuDNN, and GPU Utilization

Post by bosepheus »

Thanks so much for the speedy response - I joined the Discord in between this post's approval and now and I have to say, this community is extremely helpful, so I really appreciate it.
I did notice that when enabling Single Process, I could get the extraction to work. Likewise for Training errors, if I enabled "Allow Growth," that would seem to help. I think I also had my batch size too high, and all of these combined with a misunderstanding/red herring on my part about Task Manager not showing GPU utilization correctly led me to think that there was something severely wrong with detecting my GPU. At the moment, I don't think this is the case. I have been training for 5 hours now just fine, but I will go ahead and remove Cuda and cuDNN and do another fresh Faceswap install.

Thanks so much again for the help!

User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Need help with depreciated files, cuDNN, and GPU Utilization

Post by torzdf »

Glad you got it working :)

My word is final

User avatar
Ward
Posts: 2
Joined: Sat Aug 31, 2019 7:25 pm

Some critical problems.

Post by Ward »

Hello there

I was trying to use extraction, but after several seconds i've got this message
08/31/2019 22:30:07 CRITICAL An unexpected crash has occurred. Crash report written to 'C:\WINDOWS\system32\crash_report.2019.08.31.223007555168.log'. You MUST provide this file if seeking assistance. Please verify you are running the latest version of faceswap before reporting

here is full crash report

Code: Select all

   run_metadata)
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1370, in _do_call
    raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.UnknownError: 2 root error(s) found.
  (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[node s3fd/convolution (defined at C:\Users\Harper\faceswap\plugins\extract\detect\s3fd.py:147) ]]
	 [[s3fd/transpose_78/_19]]
  (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[node s3fd/convolution (defined at C:\Users\Harper\faceswap\plugins\extract\detect\s3fd.py:147) ]]
0 successful operations.
0 derived errors ignored.

Original stack trace for 's3fd/convolution':
  File "<string>", line 1, in <module>
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 105, in spawn_main
    exitcode = _main(fd)
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 118, in _main
    return self._bootstrap()
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 258, in _bootstrap
    self.run()
  File "C:\Users\Harper\faceswap\lib\multithreading.py", line 362, in run
    super().run()
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 93, in run
    self._target(*self._args, **self._kwargs)
  File "C:\Users\Harper\faceswap\plugins\extract\detect\_base.py", line 123, in run
    self.detect_faces(*args, **kwargs)
  File "C:\Users\Harper\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces
    super().detect_faces(*args, **kwargs)
  File "C:\Users\Harper\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces
    self.initialize(*args, **kwargs)
  File "C:\Users\Harper\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize
    self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)
  File "C:\Users\Harper\faceswap\plugins\extract\detect\s3fd.py", line 132, in __init__
    self.graph = self.load_graph()
  File "C:\Users\Harper\faceswap\plugins\extract\detect\s3fd.py", line 147, in load_graph
    self.tf.import_graph_def(graph_def, name="s3fd")
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func
    return func(*args, **kwargs)
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 443, in import_graph_def
    _ProcessNewOps(graph)
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 236, in _ProcessNewOps
    for new_op in graph._add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-access
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in _add_new_tf_operations
    for c_op in c_api_util.new_tf_operations(self)
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in <listcomp>
    for c_op in c_api_util.new_tf_operations(self)
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3641, in _create_op_from_tf_operation
    ret = Operation(c_op, self)
  File "C:\Users\Harper\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 2005, in __init__
    self._traceback = tf_stack.extract_stack()
Traceback (most recent call last):
  File "C:\Users\Harper\faceswap\lib\cli.py", line 125, in execute_script
    process.process()
  File "C:\Users\Harper\faceswap\scripts\extract.py", line 62, in process
    self.run_extraction()
  File "C:\Users\Harper\faceswap\scripts\extract.py", line 189, in run_extraction
    self.extractor.launch()
  File "C:\Users\Harper\faceswap\plugins\extract\pipeline.py", line 172, in launch
    self.launch_detector()
  File "C:\Users\Harper\faceswap\plugins\extract\pipeline.py", line 238, in launch_detector
    raise ValueError("Error initializing Detector")
ValueError: Error initializing Detector

============ System Information ============
encoding:            cp1251
git_branch:          master
git_commits:         feedd2a More robust Crash Report messaging
gpu_cuda:            10.1
gpu_cudnn:           No global version found. Check Conda packages for Conda cuDNN
gpu_devices:         GPU_0: GeForce GTX 1080
gpu_devices_active:  GPU_0
gpu_driver:          426.00
gpu_vram:            GPU_0: 8192MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.17134-SP0
os_release:          10
py_command:          C:\Users\Harper\faceswap\faceswap.py extract -i C:/Users/Harper/Workflow/DK ЗАДОНАТИЛИ МИЛЛИОН РУБЛЕЙ! Пранк (Самый большой донат).mp4 -o C:/Users/Harper/Workflow/Output --serializer json -D s3fd -A fan -nm hist -min 20 -l 0.4 -bt 0.0 -een 1 -sz 256 -si 0 -L INFO -gui
py_conda_version:    conda 4.7.11
py_implementation:   CPython
py_version:          3.6.9
py_virtual_env:      True
sys_cores:           16
sys_processor:       AMD64 Family 23 Model 1 Stepping 1, AuthenticAMD
sys_ram:             Total: 16336MB, Available: 11221MB, Used: 5115MB, Free: 11221MB

=============== Pip Packages ===============
absl-py==0.7.1
astor==0.8.0
certifi==2019.6.16
cloudpickle==1.2.1
cycler==0.10.0
cytoolz==0.10.0
dask==2.3.0
decorator==4.4.0
fastcluster==1.1.25
ffmpy==0.2.2
gast==0.2.2
grpcio==1.16.1
h5py==2.9.0
imageio==2.5.0
imageio-ffmpeg==0.3.0
joblib==0.13.2
Keras==2.2.4
Keras-Applications==1.0.8
Keras-Preprocessing==1.1.0
kiwisolver==1.1.0
Markdown==3.1.1
matplotlib==2.2.2
mkl-fft==1.0.14
mkl-random==1.0.2
mkl-service==2.0.2
networkx==2.3
numpy==1.16.2
nvidia-ml-py3==7.352.1
olefile==0.46
opencv-python==4.1.0.25
pathlib==1.0.1
Pillow==6.1.0
protobuf==3.8.0
psutil==5.6.3
pyparsing==2.4.2
pyreadline==2.1
python-dateutil==2.8.0
pytz==2019.2
PyWavelets==1.0.3
pywin32==223
PyYAML==5.1.2
scikit-image==0.15.0
scikit-learn==0.21.2
scipy==1.3.1
six==1.12.0
tensorboard==1.14.0
tensorflow==1.14.0
tensorflow-estimator==1.14.0
termcolor==1.1.0
toolz==0.10.0
toposort==1.5
tornado==6.0.3
tqdm==4.32.1
Werkzeug==0.15.5
wincertstore==0.2
wrapt==1.11.2

============== Conda Packages ==============
# packages in environment at C:\Users\Harper\MiniConda3\envs\faceswap:
#
# Name                    Version                   Build  Channel
_tflow_select             2.1.0                       gpu  
absl-py 0.7.1 py36_0
astor 0.8.0 py36_0
blas 1.0 mkl
ca-certificates 2019.5.15 1
certifi 2019.6.16 py36_1
cloudpickle 1.2.1 py_0
cudatoolkit 10.0.130 0
cudnn 7.6.0 cuda10.0_0
cycler 0.10.0 py36h009560c_0
cytoolz 0.10.0 py36he774522_0
dask-core 2.3.0 py_0
decorator 4.4.0 py36_1
fastcluster 1.1.25 py36h830ac7b_1000 conda-forge ffmpeg 4.2 h6538335_0 conda-forge ffmpy 0.2.2 pypi_0 pypi freetype 2.9.1 ha9979f8_1
gast 0.2.2 py36_0
grpcio 1.16.1 py36h351948d_1
h5py 2.9.0 py36h5e291fa_0
hdf5 1.10.4 h7ebc959_0
icc_rt 2019.0.0 h0cc432a_1
icu 58.2 ha66f8fd_1
imageio 2.5.0 py36_0
imageio-ffmpeg 0.3.0 py_0 conda-forge intel-openmp 2019.4 245
joblib 0.13.2 py36_0
jpeg 9b hb83a4c4_2
keras 2.2.4 0
keras-applications 1.0.8 py_0
keras-base 2.2.4 py36_0
keras-preprocessing 1.1.0 py_1
kiwisolver 1.1.0 py36ha925a31_0
libmklml 2019.0.5 0
libpng 1.6.37 h2a8f88b_0
libprotobuf 3.8.0 h7bd577a_0
libtiff 4.0.10 hb898794_2
markdown 3.1.1 py36_0
matplotlib 2.2.2 py36had4c4a9_2
mkl 2019.4 245
mkl-service 2.0.2 py36he774522_0
mkl_fft 1.0.14 py36h14836fe_0
mkl_random 1.0.2 py36h343c172_0
networkx 2.3 py_0
numpy 1.16.2 py36h19fb1c0_0
numpy-base 1.16.2 py36hc3f5095_0
nvidia-ml-py3 7.352.1 pypi_0 pypi olefile 0.46 py36_0
opencv-python 4.1.0.25 pypi_0 pypi openssl 1.1.1c he774522_1
pathlib 1.0.1 py36_1
pillow 6.1.0 py36hdc69c19_0
pip 19.2.2 py36_0
protobuf 3.8.0 py36h33f27b4_0
psutil 5.6.3 py36he774522_0
pyparsing 2.4.2 py_0
pyqt 5.9.2 py36h6538335_2
pyreadline 2.1 py36_1
python 3.6.9 h5500b2f_0
python-dateutil 2.8.0 py36_0
pytz 2019.2 py_0
pywavelets 1.0.3 py36h8c2d366_1
pywin32 223 py36hfa6e2cd_1
pyyaml 5.1.2 py36he774522_0
qt 5.9.7 vc14h73c81de_0
scikit-image 0.15.0 py36ha925a31_0
scikit-learn 0.21.2 py36h6288b17_0
scipy 1.3.1 py36h29ff71c_0
setuptools 41.0.1 py36_0
sip 4.19.8 py36h6538335_0
six 1.12.0 py36_0
sqlite 3.29.0 he774522_0
tensorboard 1.14.0 py36he3c9ec2_0
tensorflow 1.14.0 gpu_py36h305fd99_0
tensorflow-base 1.14.0 gpu_py36h55fc52a_0
tensorflow-estimator 1.14.0 py_0
tensorflow-gpu 1.14.0 h0d30ee6_0
termcolor 1.1.0 py36_1
tk 8.6.8 hfa6e2cd_0
toolz 0.10.0 py_0
toposort 1.5 py_3 conda-forge tornado 6.0.3 py36he774522_0
tqdm 4.32.1 py_0
vc 14.1 h0510ff6_4
vs2015_runtime 14.15.26706 h3a45250_4
werkzeug 0.15.5 py_0
wheel 0.33.4 py36_0
wincertstore 0.2 py36h7fe50ca_0
wrapt 1.11.2 py36he774522_0
xz 5.2.4 h2fa13f4_4
yaml 0.1.7 hc54c509_2
zlib 1.2.11 h62dcd97_3
zstd 1.3.7 h508b16e_0 ================= Configs ================== --------- .faceswap --------- backend: nvidia --------- convert.ini --------- [color.color_transfer] clip: True preserve_paper: True [color.manual_balance] colorspace: HSV balance_1: 0.0 balance_2: 0.0 balance_3: 0.0 contrast: 0.0 brightness: 0.0 [color.match_hist] threshold: 99.0 [mask.box_blend] type: gaussian distance: 11.0 radius: 5.0 passes: 1 [mask.mask_blend] type: normalized radius: 3.0 passes: 4 erosion: 0.0 [scaling.sharpen] method: unsharp_mask amount: 150 radius: 0.3 threshold: 5.0 [writer.ffmpeg] container: mp4 codec: libx264 crf: 23 preset: medium tune: none profile: auto level: auto [writer.gif] fps: 25 loop: 0 palettesize: 256 subrectangles: False [writer.opencv] format: png draw_transparent: False jpg_quality: 75 png_compress_level: 3 [writer.pillow] format: png draw_transparent: False optimize: False gif_interlace: True jpg_quality: 75 png_compress_level: 3 tif_compression: tiff_deflate --------- extract.ini --------- [detect.cv2_dnn] confidence: 50 [detect.mtcnn] minsize: 20 threshold_1: 0.6 threshold_2: 0.7 threshold_3: 0.7 scalefactor: 0.709 [detect.s3fd_amd] confidence: 50 batch-size: 8 [detect.s3fd] confidence: 50 --------- gui.ini --------- [global] fullscreen: False tab: extract options_panel_width: 30 console_panel_height: 20 font: default font_size: 9 --------- train.ini --------- [global] coverage: 68.75 mask_type: none mask_blur: False icnr_init: False conv_aware_init: False subpixel_upscaling: False reflect_padding: False penalized_mask_loss: True loss_function: mae learning_rate: 5e-05 [model.dfl_h128] lowmem: False [model.dfl_sae] input_size: 128 clipnorm: True architecture: df autoencoder_dims: 0 encoder_dims: 42 decoder_dims: 21 multiscale_decoder: False [model.original] lowmem: False [model.realface] input_size: 64 output_size: 128 dense_nodes: 1536 complexity_encoder: 128 complexity_decoder: 512 [model.unbalanced] input_size: 128 lowmem: False clipnorm: True nodes: 1024 complexity_encoder: 128 complexity_decoder_a: 384 complexity_decoder_b: 512 [model.villain] lowmem: False [trainer.original] preview_images: 14 zoom_amount: 5 rotation_range: 10 shift_range: 5 flip_chance: 50 color_lightness: 30 color_ab: 8 color_clahe_chance: 50 color_clahe_max_size: 4
User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Some critical problems.

Post by torzdf »

There appears to be an issue with the latest Tensorflow and S3FD on some setups,

It will still work if you run it with "single-process" enabled

My word is final

User avatar
Ward
Posts: 2
Joined: Sat Aug 31, 2019 7:25 pm

Re: Some critical problems.

Post by Ward »

Excuse me for my stupidityness, but how can i run Faceswap with single-process option?

User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Some critical problems.

Post by torzdf »

Image 1.png
Image 1.png (33.32 KiB) Viewed 12130 times

My word is final

User avatar
Matteo538
Posts: 1
Joined: Fri Sep 06, 2019 10:39 pm

Critical crash starting extraction

Post by Matteo538 »

When i start the extraction process, in 10 seconds it give me this error. Any solution?

Code: Select all

09/07/2019 00:35:26 Detector.run    MainThread      _base           get_vram_free             VERBOSE  Using device GeForce GTX 960 with 1318MB free of 2048MB
09/07/2019 00:35:26 Detector.run    MainThread      s3fd            initialize                VERBOSE  Reserving 100.0% of total VRAM per s3fd thread
09/07/2019 00:35:26 Detector.run    MainThread      s3fd            __init__                  DEBUG    Initializing: S3fd: (model_path: 'C:\Users\fastm\faceswap\plugins\extract\detect\.cache\s3fd_v1.pb', target_size: (640, 640), vram_ratio: 1.0, card_id: 0)
09/07/2019 00:35:26 Detector.run    MainThread      s3fd            load_graph                VERBOSE  Initializing S3FD Network model...
09/07/2019 00:35:26 Detector.run    MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:142: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.\n
09/07/2019 00:35:26 Detector.run    MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:143: The name tf.GraphDef is deprecated. Please use tf.compat.v1.GraphDef instead.\n
09/07/2019 00:35:27 Detector.run    MainThread      s3fd            get_outputs               DEBUG    tensor_names: ['concat_31', 'transpose_72', 'transpose_75', 'transpose_78', 'transpose_81', 'transpose_84', 'transpose_87', 'transpose_90', 'transpose_93', 'transpose_96', 'transpose_99', 'transpose_102']
09/07/2019 00:35:27 Detector.run    MainThread      s3fd            get_outputs               DEBUG    tensors: [<tf.Tensor 's3fd/concat_31:0' shape=(?, 2, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_72:0' shape=(?, 4, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_75:0' shape=(?, 2, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_78:0' shape=(?, 4, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_81:0' shape=(?, 2, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_84:0' shape=(?, 4, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_87:0' shape=(?, 2, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_90:0' shape=(?, 4, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_93:0' shape=(?, 2, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_96:0' shape=(?, 4, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_99:0' shape=(?, 2, ?, ?) dtype=float32>, <tf.Tensor 's3fd/transpose_102:0' shape=(?, 4, ?, ?) dtype=float32>]
09/07/2019 00:35:27 Detector.run    MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:165: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.\n
09/07/2019 00:35:27 Detector.run    MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:172: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.\n
09/07/2019 00:35:33 Detector.run    MainThread      _base           run                       ERROR    Caught exception in child process: 8164: 2 root error(s) found.\n (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.\n	 [[node s3fd/convolution (defined at C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:147) ]]\n	 [[s3fd/transpose_78/_19]]\n (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.\n	 [[node s3fd/convolution (defined at C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:147) ]]\n0 successful operations.\n0 derived errors ignored.\n\nOriginal stack trace for 's3fd/convolution':\n File "<string>", line 1, in <module>\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 105, in spawn_main\n exitcode = _main(fd)\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 118, in _main\n return self._bootstrap()\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 258, in _bootstrap\n self.run()\n File "C:\Users\fastm\faceswap\lib\multithreading.py", line 110, in run\n super().run()\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 93, in run\n self._target(*self._args, **self._kwargs)\n File "C:\Users\fastm\faceswap\plugins\extract\detect\_base.py", line 123, in run\n self.detect_faces(*args, **kwargs)\n File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces\n super().detect_faces(*args, **kwargs)\n File "C:\Users\fastm\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces\n self.initialize(*args, **kwargs)\n File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize\n self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)\n File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 132, in __init__\n self.graph = self.load_graph()\n File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 147, in load_graph\n self.tf.import_graph_def(graph_def, name="s3fd")\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func\n return func(*args, **kwargs)\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 443, in import_graph_def\n _ProcessNewOps(graph)\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 236, in _ProcessNewOps\n for new_op in graph._add_new_tf_operations(compute_devices=False): # pylint: disable=protected-access\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in _add_new_tf_operations\n for c_op in c_api_util.new_tf_operations(self)\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in <listcomp>\n for c_op in c_api_util.new_tf_operations(self)\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3641, in _create_op_from_tf_operation\n ret = Operation(c_op, self)\n File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 2005, in __init__\n self._traceback = tf_stack.extract_stack()\n
09/07/2019 00:35:33 Detector.run    MainThread      _base           run                       ERROR    Traceback:
Traceback (most recent call last):
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1356, in _do_call
    return fn(*args)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1341, in _run_fn
    options, feed_dict, fetch_list, target_list, run_metadata)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1429, in _call_tf_sessionrun
    run_metadata)
tensorflow.python.framework.errors_impl.UnknownError: 2 root error(s) found.
  (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[{{node s3fd/convolution}}]]
	 [[s3fd/transpose_78/_19]]
  (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[{{node s3fd/convolution}}]]
0 successful operations.
0 derived errors ignored.

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\Users\fastm\faceswap\plugins\extract\detect\_base.py", line 123, in run
    self.detect_faces(*args, **kwargs)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces
    super().detect_faces(*args, **kwargs)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces
    self.initialize(*args, **kwargs)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 71, in initialize
    raise err
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize
    self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 135, in __init__
    self.session = self.set_session(target_size, vram_ratio, card_id)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 174, in set_session
    session.run(self.output, feed_dict={self.input: placeholder})
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 950, in run
    run_metadata_ptr)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1173, in _run
    feed_dict_tensor, options, run_metadata)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1350, in _do_run
    run_metadata)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1370, in _do_call
    raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.UnknownError: 2 root error(s) found.
  (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[node s3fd/convolution (defined at C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:147) ]]
	 [[s3fd/transpose_78/_19]]
  (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[node s3fd/convolution (defined at C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py:147) ]]
0 successful operations.
0 derived errors ignored.

Original stack trace for 's3fd/convolution':
  File "<string>", line 1, in <module>
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 105, in spawn_main
    exitcode = _main(fd)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 118, in _main
    return self._bootstrap()
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 258, in _bootstrap
    self.run()
  File "C:\Users\fastm\faceswap\lib\multithreading.py", line 110, in run
    super().run()
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 93, in run
    self._target(*self._args, **self._kwargs)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\_base.py", line 123, in run
    self.detect_faces(*args, **kwargs)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces
    super().detect_faces(*args, **kwargs)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces
    self.initialize(*args, **kwargs)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize
    self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 132, in __init__
    self.graph = self.load_graph()
  File "C:\Users\fastm\faceswap\plugins\extract\detect\s3fd.py", line 147, in load_graph
    self.tf.import_graph_def(graph_def, name="s3fd")
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func
    return func(*args, **kwargs)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 443, in import_graph_def
    _ProcessNewOps(graph)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 236, in _ProcessNewOps
    for new_op in graph._add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-access
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in _add_new_tf_operations
    for c_op in c_api_util.new_tf_operations(self)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in <listcomp>
    for c_op in c_api_util.new_tf_operations(self)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3641, in _create_op_from_tf_operation
    ret = Operation(c_op, self)
  File "C:\Users\fastm\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 2005, in __init__
    self._traceback = tf_stack.extract_stack()
Traceback (most recent call last):
  File "C:\Users\fastm\faceswap\lib\cli.py", line 128, in execute_script
    process.process()
  File "C:\Users\fastm\faceswap\scripts\extract.py", line 62, in process
    self.run_extraction()
  File "C:\Users\fastm\faceswap\scripts\extract.py", line 189, in run_extraction
    self.extractor.launch()
  File "C:\Users\fastm\faceswap\plugins\extract\pipeline.py", line 175, in launch
    self.launch_detector()
  File "C:\Users\fastm\faceswap\plugins\extract\pipeline.py", line 238, in launch_detector
    raise ValueError("Error initializing Detector")
ValueError: Error initializing Detector

============ System Information ============
encoding:            cp1252
git_branch:          master
git_commits:         da0d303 s3fd-amd fixes
gpu_cuda:            No global version found. Check Conda packages for Conda Cuda
gpu_cudnn:           No global version found. Check Conda packages for Conda cuDNN
gpu_devices:         GPU_0: GeForce GTX 960
gpu_devices_active:  GPU_0
gpu_driver:          436.15
gpu_vram:            GPU_0: 2048MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.18362-SP0
os_release:          10
py_command:          C:\Users\fastm\faceswap\faceswap.py extract -i C:/Users/fastm/Desktop/faceswap/ryder-partenza -o C:/Users/fastm/Desktop/faceswap/ryder-final --serializer json -D s3fd -A fan -nm none -min 0 -l 0.4 -bt 0.0 -een 1 -sz 256 -si 0 -L INFO -gui
py_conda_version:    conda 4.7.11
py_implementation:   CPython
py_version:          3.6.9
py_virtual_env:      True
sys_cores:           4
sys_processor:       Intel64 Family 6 Model 60 Stepping 3, GenuineIntel
sys_ram:             Total: 16324MB, Available: 6112MB, Used: 10211MB, Free: 6112MB

=============== Pip Packages ===============
absl-py==0.7.1
astor==0.8.0
certifi==2019.6.16
cloudpickle==1.2.1
cycler==0.10.0
cytoolz==0.10.0
dask==2.3.0
decorator==4.4.0
fastcluster==1.1.25
ffmpy==0.2.2
gast==0.2.2
grpcio==1.16.1
h5py==2.9.0
imageio==2.5.0
imageio-ffmpeg==0.3.0
joblib==0.13.2
Keras==2.2.4
Keras-Applications==1.0.8
Keras-Preprocessing==1.1.0
kiwisolver==1.1.0
Markdown==3.1.1
matplotlib==2.2.2
mkl-fft==1.0.14
mkl-random==1.0.2
mkl-service==2.0.2
networkx==2.3
numpy==1.16.2
nvidia-ml-py3==7.352.1
olefile==0.46
opencv-python==4.1.1.26
pathlib==1.0.1
Pillow==6.1.0
protobuf==3.8.0
psutil==5.6.3
pyparsing==2.4.2
pyreadline==2.1
python-dateutil==2.8.0
pytz==2019.2
PyWavelets==1.0.3
pywin32==223
PyYAML==5.1.2
scikit-image==0.15.0
scikit-learn==0.21.2
scipy==1.3.1
six==1.12.0
tensorboard==1.14.0
tensorflow==1.14.0
tensorflow-estimator==1.14.0
termcolor==1.1.0
toolz==0.10.0
toposort==1.5
tornado==6.0.3
tqdm==4.32.1
Werkzeug==0.15.5
wincertstore==0.2
wrapt==1.11.2

============== Conda Packages ==============
# packages in environment at C:\Users\fastm\MiniConda3\envs\faceswap:
#
# Name                    Version                   Build  Channel
_tflow_select             2.1.0                       gpu  
absl-py 0.7.1 py36_0
astor 0.8.0 py36_0
blas 1.0 mkl
ca-certificates 2019.5.15 1
certifi 2019.6.16 py36_1
cloudpickle 1.2.1 py_0
cudatoolkit 10.0.130 0
cudnn 7.6.0 cuda10.0_0
cycler 0.10.0 py36h009560c_0
cytoolz 0.10.0 py36he774522_0
dask-core 2.3.0 py_0
decorator 4.4.0 py36_1
fastcluster 1.1.25 py36h830ac7b_1000 conda-forge ffmpeg 4.2 h6538335_0 conda-forge ffmpy 0.2.2 pypi_0 pypi freetype 2.9.1 ha9979f8_1
gast 0.2.2 py36_0
grpcio 1.16.1 py36h351948d_1
h5py 2.9.0 py36h5e291fa_0
hdf5 1.10.4 h7ebc959_0
icc_rt 2019.0.0 h0cc432a_1
icu 58.2 ha66f8fd_1
imageio 2.5.0 py36_0
imageio-ffmpeg 0.3.0 py_0 conda-forge intel-openmp 2019.4 245
joblib 0.13.2 py36_0
jpeg 9b hb83a4c4_2
keras 2.2.4 0
keras-applications 1.0.8 py_0
keras-base 2.2.4 py36_0
keras-preprocessing 1.1.0 py_1
kiwisolver 1.1.0 py36ha925a31_0
libmklml 2019.0.5 0
libpng 1.6.37 h2a8f88b_0
libprotobuf 3.8.0 h7bd577a_0
libtiff 4.0.10 hb898794_2
markdown 3.1.1 py36_0
matplotlib 2.2.2 py36had4c4a9_2
mkl 2019.4 245
mkl-service 2.0.2 py36he774522_0
mkl_fft 1.0.14 py36h14836fe_0
mkl_random 1.0.2 py36h343c172_0
networkx 2.3 py_0
numpy 1.16.2 py36h19fb1c0_0
numpy-base 1.16.2 py36hc3f5095_0
nvidia-ml-py3 7.352.1 pypi_0 pypi olefile 0.46 py36_0
opencv-python 4.1.1.26 pypi_0 pypi openssl 1.1.1c he774522_1
pathlib 1.0.1 py36_1
pillow 6.1.0 py36hdc69c19_0
pip 19.2.2 py36_0
protobuf 3.8.0 py36h33f27b4_0
psutil 5.6.3 py36he774522_0
pyparsing 2.4.2 py_0
pyqt 5.9.2 py36h6538335_2
pyreadline 2.1 py36_1
python 3.6.9 h5500b2f_0
python-dateutil 2.8.0 py36_0
pytz 2019.2 py_0
pywavelets 1.0.3 py36h8c2d366_1
pywin32 223 py36hfa6e2cd_1
pyyaml 5.1.2 py36he774522_0
qt 5.9.7 vc14h73c81de_0
scikit-image 0.15.0 py36ha925a31_0
scikit-learn 0.21.2 py36h6288b17_0
scipy 1.3.1 py36h29ff71c_0
setuptools 41.0.1 py36_0
sip 4.19.8 py36h6538335_0
six 1.12.0 py36_0
sqlite 3.29.0 he774522_0
tensorboard 1.14.0 py36he3c9ec2_0
tensorflow 1.14.0 gpu_py36h305fd99_0
tensorflow-base 1.14.0 gpu_py36h55fc52a_0
tensorflow-estimator 1.14.0 py_0
tensorflow-gpu 1.14.0 h0d30ee6_0
termcolor 1.1.0 py36_1
tk 8.6.8 hfa6e2cd_0
toolz 0.10.0 py_0
toposort 1.5 py_3 conda-forge tornado 6.0.3 py36he774522_0
tqdm 4.32.1 py_0
vc 14.1 h0510ff6_4
vs2015_runtime 14.16.27012 hf0eaf9b_0
werkzeug 0.15.5 py_0
wheel 0.33.4 py36_0
wincertstore 0.2 py36h7fe50ca_0
wrapt 1.11.2 py36he774522_0
xz 5.2.4 h2fa13f4_4
yaml 0.1.7 hc54c509_2
zlib 1.2.11 h62dcd97_3
zstd 1.3.7 h508b16e_0 ================= Configs ================== --------- .faceswap --------- backend: nvidia --------- convert.ini --------- [color.color_transfer] clip: True preserve_paper: True [color.manual_balance] colorspace: HSV balance_1: 0.0 balance_2: 0.0 balance_3: 0.0 contrast: 0.0 brightness: 0.0 [color.match_hist] threshold: 99.0 [mask.box_blend] type: gaussian distance: 11.0 radius: 5.0 passes: 1 [mask.mask_blend] type: normalized radius: 3.0 passes: 4 erosion: 0.0 [scaling.sharpen] method: unsharp_mask amount: 150 radius: 0.3 threshold: 5.0 [writer.ffmpeg] container: mp4 codec: libx264 crf: 23 preset: medium tune: none profile: auto level: auto [writer.gif] fps: 25 loop: 0 palettesize: 256 subrectangles: False [writer.opencv] format: png draw_transparent: False jpg_quality: 75 png_compress_level: 3 [writer.pillow] format: png draw_transparent: False optimize: False gif_interlace: True jpg_quality: 75 png_compress_level: 3 tif_compression: tiff_deflate --------- extract.ini --------- [detect.cv2_dnn] confidence: 50 [detect.mtcnn] minsize: 20 threshold_1: 0.6 threshold_2: 0.7 threshold_3: 0.7 scalefactor: 0.709 [detect.s3fd_amd] confidence: 50 batch-size: 8 [detect.s3fd] confidence: 50 --------- gui.ini --------- [global] fullscreen: False tab: extract options_panel_width: 30 console_panel_height: 20 font: default font_size: 9 --------- train.ini --------- [global] coverage: 68.75 mask_type: none mask_blur: False icnr_init: False conv_aware_init: False subpixel_upscaling: False reflect_padding: False penalized_mask_loss: True loss_function: mae learning_rate: 5e-05 [model.dfl_h128] lowmem: False [model.dfl_sae] input_size: 128 clipnorm: True architecture: df autoencoder_dims: 0 encoder_dims: 42 decoder_dims: 21 multiscale_decoder: False [model.original] lowmem: False [model.realface] input_size: 64 output_size: 128 dense_nodes: 1536 complexity_encoder: 128 complexity_decoder: 512 [model.unbalanced] input_size: 128 lowmem: False clipnorm: True nodes: 1024 complexity_encoder: 128 complexity_decoder_a: 384 complexity_decoder_b: 512 [model.villain] lowmem: False [trainer.original] preview_images: 14 zoom_amount: 5 rotation_range: 10 shift_range: 5 flip_chance: 50 color_lightness: 30 color_ab: 8 color_clahe_chance: 50 color_clahe_max_size: 4
User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Critical crash starting extraction

Post by torzdf »

My word is final

User avatar
joshuachua352
Posts: 1
Joined: Tue Sep 17, 2019 4:29 am

Error extracting face using faceswap

Post by joshuachua352 »

Windows prompt me this error when i extracting files

Code: Select all

Loading...
Setting Faceswap backend to NVIDIA
09/17/2019 12:23:37 INFO     Log level set to: INFO
09/17/2019 12:23:38 INFO     Output Directory: D:\deepfake\FaceSwap
09/17/2019 12:23:38 INFO     Input Video: D:\deepfake\datab.mp4
09/17/2019 12:23:38 INFO     Loading Detect from S3Fd plugin...
09/17/2019 12:23:38 INFO     Loading Align from Fan plugin...
09/17/2019 12:23:38 WARNING  Not enough free VRAM for parallel processing. Switching to serial
09/17/2019 12:23:39 INFO     Starting, this may take a while...
WARNING: Logging before flag parsing goes to stderr.09/17/2019 12:23:41 INFO     Initializing S3FD Detector...

I0917 12:23:41.256560 16552 _base.py:122] Executing detector run function
I0917 12:23:41.257558 16552 _base.py:83] initialize Detect (PID: 4316, args: (), kwargs: {'event': <multiprocessing.synchronize.Event object at 0x000002C43DACED30>, 'error': <multiprocessing.synchronize.Event object at 0x000002C43F4D2208>, 'log_init': <function set_root_logger at 0x000002C43DD8A598>, 'log_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2c4465cef98>, 'log_level': 10, 'in_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2c4465b80f0>, 'out_queue': <AutoProxy[Queue] object, typeid 'Queue' at 0x2c4465b8160>})
I0917 12:23:41.257558 16552 s3fd.py:33] Initializing S3FD Detector...
I0917 12:23:41.258557 16552 gpu_stats.py:34] Initializing GPUStats
09/17/2019 12:23:41 WARNING  From D:\faceswap\plugins\extract\detect\s3fd.py:142: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.\n
09/17/2019 12:23:41 WARNING  From D:\faceswap\plugins\extract\detect\s3fd.py:143: The name tf.GraphDef is deprecated. Please use tf.compat.v1.GraphDef instead.\n
I0917 12:23:41.262544 16552 gpu_stats.py:151] Active GPU Devices: [0]
I0917 12:23:41.269525 16552 gpu_stats.py:163] GPU Handles found: 1
I0917 12:23:41.269525 16552 gpu_stats.py:177] GPU Driver: 436.30
I0917 12:23:41.270523 16552 gpu_stats.py:194] GPU Devices: ['GeForce GTX 980 Ti']
I0917 12:23:41.284485 16552 gpu_stats.py:212] GPU VRAM: [6144.0]
I0917 12:23:41.285483 16552 gpu_stats.py:57] Initialized GPUStats
I0917 12:23:41.285483 16552 gpu_stats.py:84] OS is not macOS. Using pynvml
I0917 12:23:41.286481 16552 gpu_stats.py:136] GPU Device count: 1
I0917 12:23:41.286481 16552 gpu_stats.py:151] Active GPU Devices: [0]
I0917 12:23:41.293462 16552 gpu_stats.py:163] GPU Handles found: 1
I0917 12:23:41.298448 16552 gpu_stats.py:252] GPU VRAM free: [1604.6640625]
I0917 12:23:41.299446 16552 gpu_stats.py:271] Active GPU Card with most free VRAM: {'card_id': 0, 'device': 'GeForce GTX 980 Ti', 'free': 1604.6640625, 'total': 6144.0}
I0917 12:23:41.299446 16552 _base.py:362] Using device GeForce GTX 980 Ti with 1604MB free of 6144MB
I0917 12:23:41.299446 16552 s3fd.py:41] Reserving 100.0% of total VRAM per s3fd thread
I0917 12:23:41.300443 16552 s3fd.py:125] Initializing: S3fd: (model_path: 'D:\faceswap\plugins\extract\detect\.cache\s3fd_v1.pb', target_size: (640, 640), vram_ratio: 1.0, card_id: 0)
I0917 12:23:41.300443 16552 s3fd.py:141] Initializing S3FD Network model...
W0917 12:23:41.301440 16552 deprecation_wrapper.py:119] From D:\faceswap\plugins\extract\detect\s3fd.py:142: The name tf.gfile.GFile is deprecated. Please use tf.io.gfile.GFile instead.

W0917 12:23:41.301440 16552 deprecation_wrapper.py:119] From D:\faceswap\plugins\extract\detect\s3fd.py:143: The name tf.GraphDef is deprecated. Please use tf.compat.v1.GraphDef instead.

I0917 12:23:42.229958 16552 s3fd.py:155] tensor_names: ['concat_31', 'transpose_72', 'transpose_75', 'transpose_78', 'transpose_81', 'transpose_84', 'transpose_87', 'transpose_90', 'transpose_93', 'transpose_96', 'transpose_99', 'transpose_102']09/17/2019 12:23:42 WARNING  From D:\faceswap\plugins\extract\detect\s3fd.py:165: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.\n
09/17/2019 12:23:42 WARNING  From D:\faceswap\plugins\extract\detect\s3fd.py:172: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.\n


W0917 12:23:42.231954 16552 deprecation_wrapper.py:119] From D:\faceswap\plugins\extract\detect\s3fd.py:172: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.

2019-09-17 12:23:49.595840: E tensorflow/stream_executor/cuda/cuda_dnn.cc:329] Could not create cudnn handle: CUDNN_STATUS_INTERNAL_ERROR
2019-09-17 12:23:50.261300: E tensorflow/stream_executor/cuda/cuda_dnn.cc:329] Could not create cudnn handle: CUDNN_STATUS_INTERNAL_ERROR
E0917 12:23:50.274921 16552 _base.py:125] Caught exception in child process: 4316: 2 root error(s) found.09/17/2019 12:23:50 ERROR    Caught exception in child process: 4316: 2 root error(s) found.\n (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.\n	 [[node s3fd/convolution (defined at D:\faceswap\plugins\extract\detect\s3fd.py:147) ]]\n	 [[s3fd/transpose_96/_31]]\n (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.\n	 [[node s3fd/convolution (defined at D:\faceswap\plugins\extract\detect\s3fd.py:147) ]]\n0 successful operations.\n0 derived errors ignored.\n\nOriginal stack trace for 's3fd/convolution':\n File "<string>", line 1, in <module>\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 105, in spawn_main\n exitcode = _main(fd)\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 118, in _main\n return self._bootstrap()\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 258, in _bootstrap\n self.run()\n File "D:\faceswap\lib\multithreading.py", line 110, in run\n super().run()\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 93, in run\n self._target(*self._args, **self._kwargs)\n File "D:\faceswap\plugins\extract\detect\_base.py", line 123, in run\n self.detect_faces(*args, **kwargs)\n File "D:\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces\n super().detect_faces(*args, **kwargs)\n File "D:\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces\n self.initialize(*args, **kwargs)\n File "D:\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize\n self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)\n File "D:\faceswap\plugins\extract\detect\s3fd.py", line 132, in __init__\n self.graph = self.load_graph()\n File "D:\faceswap\plugins\extract\detect\s3fd.py", line 147, in load_graph\n self.tf.import_graph_def(graph_def, name="s3fd")\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func\n return func(*args, **kwargs)\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 443, in import_graph_def\n _ProcessNewOps(graph)\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 236, in _ProcessNewOps\n for new_op in graph._add_new_tf_operations(compute_devices=False): # pylint: disable=protected-access\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in _add_new_tf_operations\n for c_op in c_api_util.new_tf_operations(self)\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in <listcomp>\n for c_op in c_api_util.new_tf_operations(self)\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3641, in _create_op_from_tf_operation\n ret = Operation(c_op, self)\n File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 2005, in __init__\n self._traceback = tf_stack.extract_stack()\n(0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
[[node s3fd/convolution (defined at D:\faceswap\plugins\extract\detect\s3fd.py:147) ]]
[[s3fd/transpose_96/_31]]
(1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
[[node s3fd/convolution (defined at D:\faceswap\plugins\extract\detect\s3fd.py:147) ]]
0 successful operations.
0 derived errors ignored.

Original stack trace for 's3fd/convolution':
File "<string>", line 1, in <module>
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 105, in spawn_main
exitcode = _main(fd)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 118, in _main
return self._bootstrap()
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 258, in _bootstrap
self.run()
File "D:\faceswap\lib\multithreading.py", line 110, in run
super().run()
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 93, in run
self._target(*self._args, **self._kwargs)
File "D:\faceswap\plugins\extract\detect\_base.py", line 123, in run
self.detect_faces(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces
super().detect_faces(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces
self.initialize(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize
self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 132, in __init__
self.graph = self.load_graph()
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 147, in load_graph
self.tf.import_graph_def(graph_def, name="s3fd")
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func
return func(*args, **kwargs)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 443, in import_graph_def
_ProcessNewOps(graph)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 236, in _ProcessNewOps
for new_op in graph._add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-access
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in _add_new_tf_operations
for c_op in c_api_util.new_tf_operations(self)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in <listcomp>
for c_op in c_api_util.new_tf_operations(self)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3641, in _create_op_from_tf_operation
ret = Operation(c_op, self)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 2005, in __init__
self._traceback = tf_stack.extract_stack()

E0917 12:23:50.274921 16552 _base.py:128] Traceback:09/17/2019 12:23:50 ERROR    Traceback:

Traceback (most recent call last):Traceback (most recent call last):

File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1356, in _do_callFile "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1356, in _do_call

return fn(*args)return fn(*args)

File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1341, in _run_fnFile "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1341, in _run_fn

options, feed_dict, fetch_list, target_list, run_metadata)options, feed_dict, fetch_list, target_list, run_metadata)

File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1429, in _call_tf_sessionrunFile "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1429, in _call_tf_sessionrun
run_metadata)
tensorflow.python.framework.errors_impl.UnknownError: 2 root error(s) found.


[[s3fd/transpose_96/_31]]
(1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
[[{{node s3fd/convolution}}]][[{{node s3fd/convolution}}]]

0 successful operations.


During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "D:\faceswap\plugins\extract\detect\_base.py", line 123, in run
self.detect_faces(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces
super().detect_faces(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces
self.initialize(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 71, in initialize
raise err
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize
self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 135, in __init__
self.session = self.set_session(target_size, vram_ratio, card_id)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 174, in set_session
session.run(self.output, feed_dict={self.input: placeholder})
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 950, in run
run_metadata_ptr)


feed_dict_tensor, options, run_metadata)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1350, in _do_run
run_metadata)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1370, in _do_call
raise type(e)(node_def, op, message)
tensorflow.python.framework.errors_impl.UnknownError: 2 root error(s) found.
(0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
[[node s3fd/convolution (defined at D:\faceswap\plugins\extract\detect\s3fd.py:147) ]]
[[s3fd/transpose_96/_31]]
(1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
[[node s3fd/convolution (defined at D:\faceswap\plugins\extract\detect\s3fd.py:147) ]]
0 successful operations.


Original stack trace for 's3fd/convolution':
File "<string>", line 1, in <module>
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 105, in spawn_mainFile "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 105, in spawn_main

exitcode = _main(fd)exitcode = _main(fd)

File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 118, in _mainFile "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\spawn.py", line 118, in _main

return self._bootstrap()return self._bootstrap()

File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 258, in _bootstrapFile "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 258, in _bootstrap

self.run()
File "D:\faceswap\lib\multithreading.py", line 110, in run
super().run()
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\multiprocessing\process.py", line 93, in run
self._target(*self._args, **self._kwargs)

File "D:\faceswap\plugins\extract\detect\_base.py", line 123, in runFile "D:\faceswap\plugins\extract\detect\_base.py", line 123, in run

self.detect_faces(*args, **kwargs)self.detect_faces(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_faces

File "D:\faceswap\plugins\extract\detect\s3fd.py", line 75, in detect_facessuper().detect_faces(*args, **kwargs)

super().detect_faces(*args, **kwargs)File "D:\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces
File "D:\faceswap\plugins\extract\detect\_base.py", line 95, in detect_faces

self.initialize(*args, **kwargs)self.initialize(*args, **kwargs)
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 44, in initialize

self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)self.model = S3fd(self.model_path, self.target, tf_ratio, card_id, confidence)

File "D:\faceswap\plugins\extract\detect\s3fd.py", line 132, in __init__File "D:\faceswap\plugins\extract\detect\s3fd.py", line 132, in __init__
[media][media][/media][/media]
File "D:\faceswap\plugins\extract\detect\s3fd.py", line 147, in load_graphFile "D:\faceswap\plugins\extract\detect\s3fd.py", line 147, in load_graph
self.tf.import_graph_def(graph_def, name="s3fd")
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\util\deprecation.py", line 507, in new_func
return func(*args, **kwargs)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 443, in import_graph_def
_ProcessNewOps(graph)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\importer.py", line 236, in _ProcessNewOps
for new_op in graph._add_new_tf_operations(compute_devices=False):  # pylint: disable=protected-access
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in _add_new_tf_operations
for c_op in c_api_util.new_tf_operations(self)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3751, in <listcomp>
for c_op in c_api_util.new_tf_operations(self)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 3641, in _create_op_from_tf_operation
ret = Operation(c_op, self)
File "C:\Users\Home\MiniConda3\envs\faceswap\lib\site-packages\tensorflow\python\framework\ops.py", line 2005, in __init__
self._traceback = tf_stack.extract_stack()

09/17/2019 12:23:55 ERROR    Got Exception on main handler:
Traceback (most recent call last):
File "D:\faceswap\lib\cli.py", line 128, in execute_script
process.process()
File "D:\faceswap\scripts\extract.py", line 62, in process
self.run_extraction()
File "D:\faceswap\scripts\extract.py", line 189, in run_extraction
self.extractor.launch()
File "D:\faceswap\plugins\extract\pipeline.py", line 175, in launch
self.launch_detector()
File "D:\faceswap\plugins\extract\pipeline.py", line 238, in launch_detector
raise ValueError("Error initializing Detector")
ValueError: Error initializing Detector
09/17/2019 12:23:55 CRITICAL An unexpected crash has occurred. Crash report written to 'D:\faceswap\crash_report.2019.09.17.122355909017.log'. You MUST provide this file if seeking assistance. Please verify you are running the latest version of faceswap before reporting
Process exited.

Link for the
Crash Log File:

User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Error extracting face using faceswap

Post by torzdf »

Update to the latest code and try again.

If this fixes your issue, please mark my answer as the solution.

My word is final

User avatar
dirname
Posts: 2
Joined: Sat Sep 28, 2019 8:14 am

Could not Extract: create cudnn handle: CUDNN_STATUS_ALLOC_FAILED

Post by dirname »

This is an error that occurred when I tried to extract it from my notebook. The same installation method is feasible on desktop computers. Then I tried to check the Single process, but it still didn't run successfully. Please help me.

Code: Select all

09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       get_vram                  DEBUG    GPU VRAM: [6144.0]
09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       __init__                  DEBUG    Initialized GPUStats
09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       initialize                DEBUG    OS is not macOS. Using pynvml
09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       get_device_count          DEBUG    GPU Device count: 1
09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       get_active_devices        DEBUG    Active GPU Devices: [0]
09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       get_handles               DEBUG    GPU Handles found: 1
09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       get_free                  DEBUG    GPU VRAM free: [5991.0]
09/28/2019 16:11:17 MainProcess     MainThread      gpu_stats       get_card_most_free        DEBUG    Active GPU Card with most free VRAM: {'card_id': 0, 'device': 'GeForce GTX 1660 Ti', 'free': 5991.0, 'total': 6144.0}
09/28/2019 16:11:17 MainProcess     MainThread      pipeline        _set_extractor_batchsize  DEBUG    FAN requirements within threshold: (plugin_required: 3072MB, vram_free: 5991MB)
09/28/2019 16:11:17 MainProcess     MainThread      pipeline        _set_extractor_batchsize  DEBUG    S3FD requirements within threshold: (plugin_required: 5440MB, vram_free: 5991MB)
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'extract_detect_in', maxsize: 64)
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'extract_detect_in')
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'extract_detect_in'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'extract_detect_in'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'extract_align_in', maxsize: 64)
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'extract_align_in')
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'extract_align_in'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'extract_align_in'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'extract_align_out', maxsize: 32)
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'extract_align_out')
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'extract_align_out'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'extract_align_out'
09/28/2019 16:11:17 MainProcess     MainThread      pipeline        _add_queues               DEBUG    Queues: {'extract_detect_in': <queue.Queue object at 0x000001F906CB6278>, 'extract_align_in': <queue.Queue object at 0x000001F906D16BA8>, 'extract_align_out': <queue.Queue object at 0x000001F906D16CF8>}
09/28/2019 16:11:17 MainProcess     MainThread      pipeline        __init__                  DEBUG    Initialized Extractor
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'extract_save'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'extract_save', maxsize: 0)
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'extract_save')
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'extract_save'
09/28/2019 16:11:17 MainProcess     MainThread      extract         __init__                  DEBUG    Initialized Extract
09/28/2019 16:11:17 MainProcess     MainThread      extract         process                   INFO     Starting, this may take a while...
09/28/2019 16:11:17 MainProcess     MainThread      extract         threaded_io               DEBUG    Threading task: (Task: 'load')
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'load_images', thread_count: 1)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'load_images'
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread(s): 'load_images'
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread 1 of 1: 'load_images_0'
09/28/2019 16:11:17 MainProcess     load_images_0   extract         load_images               DEBUG    Load Images: Start
09/28/2019 16:11:17 MainProcess     load_images_0   fsmedia         load_video_frames         DEBUG    Input is video. Capturing frames
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  start                     DEBUG    Started all threads 'load_images': 1
09/28/2019 16:11:17 MainProcess     MainThread      extract         threaded_io               DEBUG    Threading task: (Task: 'save')
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'save_faces', thread_count: 1)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'save_faces'
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread(s): 'save_faces'
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread 1 of 1: 'save_faces_0'
09/28/2019 16:11:17 MainProcess     save_faces_0    extract         save_faces                DEBUG    Save Faces: Start
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  start                     DEBUG    Started all threads 'save_faces': 1
09/28/2019 16:11:17 MainProcess     MainThread      extract         process_item_count        DEBUG    Items already processed: 0
09/28/2019 16:11:17 MainProcess     MainThread      extract         process_item_count        DEBUG    Items to be Processed: 30894
09/28/2019 16:11:17 MainProcess     MainThread      pipeline        _launch_detector          DEBUG    Launching Detector
09/28/2019 16:11:17 MainProcess     MainThread      _base           initialize                DEBUG    initialize Detect: (args: (), kwargs: {'in_queue': <queue.Queue object at 0x000001F906CB6278>, 'out_queue': <queue.Queue object at 0x000001F906D16BA8>})
09/28/2019 16:11:17 MainProcess     MainThread      _base           initialize                INFO     Initializing S3FD Detector...
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'detect_predict'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'detect_predict', maxsize: 1)
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'detect_predict')
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'detect_predict'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'detect_post'
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'detect_post', maxsize: 1)
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'detect_post')
09/28/2019 16:11:17 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'detect_post'
09/28/2019 16:11:17 MainProcess     MainThread      _base           _compile_threads          DEBUG    Compiling detect threads
09/28/2019 16:11:17 MainProcess     MainThread      _base           _add_thread               DEBUG    Adding thread: (name: detect_input, function: <bound method Detect.process_input of <plugins.extract.detect.s3fd.Detect object at 0x000001F906A77240>>, in_queue: <queue.Queue object at 0x000001F906CB6278>, out_queue: <queue.Queue object at 0x000001F906D31390>)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'detect_input', thread_count: 1)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'detect_input'
09/28/2019 16:11:17 MainProcess     MainThread      _base           _add_thread               DEBUG    Added thread: detect_input
09/28/2019 16:11:17 MainProcess     MainThread      _base           _add_thread               DEBUG    Adding thread: (name: detect_predict, function: <bound method Detector._predict of <plugins.extract.detect.s3fd.Detect object at 0x000001F906A77240>>, in_queue: <queue.Queue object at 0x000001F906D31390>, out_queue: <queue.Queue object at 0x000001F906D31160>)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'detect_predict', thread_count: 1)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'detect_predict'
09/28/2019 16:11:17 MainProcess     MainThread      _base           _add_thread               DEBUG    Added thread: detect_predict
09/28/2019 16:11:17 MainProcess     MainThread      _base           _add_thread               DEBUG    Adding thread: (name: detect_output, function: <bound method Detect.process_output of <plugins.extract.detect.s3fd.Detect object at 0x000001F906A77240>>, in_queue: <queue.Queue object at 0x000001F906D31160>, out_queue: <queue.Queue object at 0x000001F906D16BA8>)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'detect_output', thread_count: 1)
09/28/2019 16:11:17 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'detect_output'
09/28/2019 16:11:17 MainProcess     MainThread      _base           _add_thread               DEBUG    Added thread: detect_output
09/28/2019 16:11:17 MainProcess     MainThread      _base           _compile_threads          DEBUG    Compiled detect threads: [<lib.multithreading.MultiThread object at 0x000001F906D31048>, <lib.multithreading.MultiThread object at 0x000001F906D31438>, <lib.multithreading.MultiThread object at 0x000001F906D31470>]
09/28/2019 16:11:17 MainProcess     MainThread      s3fd            __init__                  DEBUG    Initializing: S3fd: (model_path: 'C:\Users\Admin\faceswap\plugins\extract\detect\.cache\s3fd_keras_v1.h5')
09/28/2019 16:11:17 MainProcess     MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\Admin\faceswap\lib\model\session.py:105: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.\n
09/28/2019 16:11:17 MainProcess     MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\Admin\faceswap\lib\model\session.py:106: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.\n
09/28/2019 16:11:19 MainProcess     MainThread      session         _set_session              DEBUG    Creating tf.session: (graph: <tensorflow.python.framework.ops.Graph object at 0x000001F906D31748>, session: <tensorflow.python.client.session.Session object at 0x000001F906D31940>, config: )
09/28/2019 16:11:19 MainProcess     MainThread      session         load_model                VERBOSE  Initializing plugin model: S3FD
09/28/2019 16:11:19 MainProcess     MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:517: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.\n
09/28/2019 16:11:19 MainProcess     MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:245: The name tf.get_default_graph is deprecated. Please use tf.compat.v1.get_default_graph instead.\n
09/28/2019 16:11:19 MainProcess     MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:174: The name tf.get_default_session is deprecated. Please use tf.compat.v1.get_default_session instead.\n
09/28/2019 16:11:19 MainProcess     MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:3976: The name tf.nn.max_pool is deprecated. Please use tf.nn.max_pool2d instead.\n
09/28/2019 16:11:21 MainProcess     MainThread      deprecation_wrapper __getattr__               WARNING  From C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\optimizers.py:790: The name tf.train.Optimizer is deprecated. Please use tf.compat.v1.train.Optimizer instead.\n
09/28/2019 16:11:21 MainProcess     MainThread      s3fd            __init__                  DEBUG    Initialized: S3fd
09/28/2019 16:11:21 MainProcess     MainThread      _base           initialize                INFO     Initialized S3FD Detector with batchsize of 8
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread(s): 'detect_input'
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread 1 of 1: 'detect_input_0'
09/28/2019 16:11:21 MainProcess     detect_input_0  _base           _thread_process           DEBUG    threading: (function: 'process_input')
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Started all threads 'detect_input': 1
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread(s): 'detect_predict'
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread 1 of 1: 'detect_predict_0'
09/28/2019 16:11:21 MainProcess     detect_predict_0 _base           _thread_process           DEBUG    threading: (function: '_predict')
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Started all threads 'detect_predict': 1
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread(s): 'detect_output'
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread 1 of 1: 'detect_output_0'
09/28/2019 16:11:21 MainProcess     detect_output_0 _base           _thread_process           DEBUG    threading: (function: 'process_output')
09/28/2019 16:11:21 MainProcess     MainThread      multithreading  start                     DEBUG    Started all threads 'detect_output': 1
09/28/2019 16:11:21 MainProcess     MainThread      pipeline        _launch_detector          DEBUG    Launched Detector
09/28/2019 16:11:21 MainProcess     MainThread      pipeline        detected_faces            DEBUG    Running Detection. Phase: 'detect'
09/28/2019 16:11:23 MainProcess     detect_predict_0 multithreading  run                       DEBUG    Error in thread (detect_predict_0): 2 root error(s) found.\n  (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.\n	 [[{{node LAYER_0/convolution}}]]\n  (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.\n	 [[{{node LAYER_0/convolution}}]]\n	 [[LAYER_88/concat/_383]]\n0 successful operations.\n0 derived errors ignored.
09/28/2019 16:11:24 MainProcess     MainThread      multithreading  check_and_raise_error     DEBUG    Thread error caught: [(<class 'tensorflow.python.framework.errors_impl.UnknownError'>, UnknownError(), <traceback object at 0x000001F913594C08>)]
Traceback (most recent call last):
  File "C:\Users\Admin\faceswap\lib\cli.py", line 128, in execute_script
    process.process()
  File "C:\Users\Admin\faceswap\scripts\extract.py", line 61, in process
    self.run_extraction()
  File "C:\Users\Admin\faceswap\scripts\extract.py", line 196, in run_extraction
    for idx, faces in enumerate(status_bar):
  File "C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\tqdm\std.py", line 1081, in __iter__
    for obj in iterable:
  File "C:\Users\Admin\faceswap\plugins\extract\pipeline.py", line 214, in detected_faces
    if self._check_and_raise_error():
  File "C:\Users\Admin\faceswap\plugins\extract\pipeline.py", line 388, in _check_and_raise_error
    if plugin.check_and_raise_error():
  File "C:\Users\Admin\faceswap\plugins\extract\_base.py", line 290, in check_and_raise_error
    err = thread.check_and_raise_error()
  File "C:\Users\Admin\faceswap\lib\multithreading.py", line 84, in check_and_raise_error
    raise error[1].with_traceback(error[2])
  File "C:\Users\Admin\faceswap\lib\multithreading.py", line 37, in run
    self._target(*self._args, **self._kwargs)
  File "C:\Users\Admin\faceswap\plugins\extract\_base.py", line 389, in _thread_process
    batch = function(batch)
  File "C:\Users\Admin\faceswap\plugins\extract\detect\_base.py", line 211, in _predict
    batch = self.predict(batch)
  File "C:\Users\Admin\faceswap\plugins\extract\detect\s3fd.py", line 50, in predict
    predictions = self.model.predict(batch["feed"])
  File "C:\Users\Admin\faceswap\lib\model\session.py", line 61, in predict
    return self._model.predict(feed, batch_size=batch_size)
  File "C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\engine\training.py", line 1169, in predict
    steps=steps)
  File "C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\engine\training_arrays.py", line 294, in predict_loop
    batch_outs = f(ins_batch)
  File "C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py", line 2715, in __call__
    return self._call(inputs)
  File "C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py", line 2675, in _call
    fetched = self._callable_fn(*array_vals)
  File "C:\Users\Admin\Anaconda3\envs\faceswap\lib\site-packages\tensorflow\python\client\session.py", line 1458, in __call__
    run_metadata_ptr)
tensorflow.python.framework.errors_impl.UnknownError: 2 root error(s) found.
  (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[{{node LAYER_0/convolution}}]]
  (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[{{node LAYER_0/convolution}}]]
	 [[LAYER_88/concat/_383]]
0 successful operations.
0 derived errors ignored.

============ System Information ============
encoding:            cp936
git_branch:          master
git_commits:         84932c0 Bugfix: Don't overide kernel_initializer if it is explicitly set in model definition
gpu_cuda:            10.1
gpu_cudnn:           7.6.4
gpu_devices:         GPU_0: GeForce GTX 1660 Ti
gpu_devices_active:  GPU_0
gpu_driver:          436.30
gpu_vram:            GPU_0: 6144MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.18362-SP0
os_release:          10
py_command:          C:\Users\Admin\faceswap\faceswap.py extract -i C:/Users/Admin/Desktop/233.mp4 -o F:/Faceswap/faces/test --serializer json -D s3fd -A fan -nm none -min 0 -l 0.4 -bt 0.0 -een 1 -sz 256 -si 0 -sp -L INFO -gui
py_conda_version:    conda 4.7.12
py_implementation:   CPython
py_version:          3.6.9
py_virtual_env:      True
sys_cores:           12
sys_processor:       Intel64 Family 6 Model 158 Stepping 10, GenuineIntel
sys_ram:             Total: 16233MB, Available: 6060MB, Used: 10173MB, Free: 6060MB

=============== Pip Packages ===============
absl-py==0.8.0
astor==0.8.0
certifi==2019.9.11
cloudpickle==1.2.2
cycler==0.10.0
cytoolz==0.10.0
dask==2.4.0
decorator==4.4.0
fastcluster==1.1.25
ffmpy==0.2.2
gast==0.3.2
grpcio==1.16.1
h5py==2.9.0
imageio==2.5.0
imageio-ffmpeg==0.3.0
joblib==0.13.2
Keras==2.2.4
Keras-Applications==1.0.8
Keras-Preprocessing==1.1.0
kiwisolver==1.1.0
Markdown==3.1.1
matplotlib==2.2.2
mkl-fft==1.0.14
mkl-random==1.1.0
mkl-service==2.3.0
networkx==2.3
numpy==1.16.2
nvidia-ml-py3==7.352.1
olefile==0.46
opencv-python==4.1.1.26
pathlib==1.0.1
Pillow==6.1.0
protobuf==3.9.2
psutil==5.6.3
pyparsing==2.4.2
pyreadline==2.1
python-dateutil==2.8.0
pytz==2019.2
PyWavelets==1.0.3
pywin32==223
PyYAML==5.1.2
scikit-image==0.15.0
scikit-learn==0.21.3
scipy==1.3.1
six==1.12.0
tensorboard==1.14.0
tensorflow==1.14.0
tensorflow-estimator==1.14.0
termcolor==1.1.0
toolz==0.10.0
toposort==1.5
tornado==6.0.3
tqdm==4.36.1
Werkzeug==0.16.0
wincertstore==0.2
wrapt==1.11.2

============== Conda Packages ==============
# packages in environment at C:\Users\Admin\Anaconda3\envs\faceswap:
#
# Name                    Version                   Build  Channel
_tflow_select             2.1.0                       gpu  
absl-py 0.8.0 py36_0
astor 0.8.0 py36_0
blas 1.0 mkl
ca-certificates 2019.8.28 0
certifi 2019.9.11 py36_0
cloudpickle 1.2.2 py_0
cudatoolkit 10.0.130 0
cudnn 7.6.0 cuda10.0_0
cycler 0.10.0 py36h009560c_0
cytoolz 0.10.0 py36he774522_0
dask-core 2.4.0 py_0
decorator 4.4.0 py36_1
fastcluster 1.1.25 py36h830ac7b_1000 conda-forge ffmpeg 4.2 h6538335_0 conda-forge ffmpy 0.2.2 pypi_0 pypi freetype 2.9.1 ha9979f8_1
gast 0.3.2 py_0
grpcio 1.16.1 py36h351948d_1
h5py 2.9.0 py36h5e291fa_0
hdf5 1.10.4 h7ebc959_0
icc_rt 2019.0.0 h0cc432a_1
icu 58.2 ha66f8fd_1
imageio 2.5.0 py36_0
imageio-ffmpeg 0.3.0 py_0 conda-forge intel-openmp 2019.4 245
joblib 0.13.2 py36_0
jpeg 9b hb83a4c4_2
keras 2.2.4 0
keras-applications 1.0.8 py_0
keras-base 2.2.4 py36_0
keras-preprocessing 1.1.0 py_1
kiwisolver 1.1.0 py36ha925a31_0
libmklml 2019.0.5 0
libpng 1.6.37 h2a8f88b_0
libprotobuf 3.9.2 h7bd577a_0
libtiff 4.0.10 hb898794_2
markdown 3.1.1 py36_0
matplotlib 2.2.2 py36had4c4a9_2
mkl 2019.4 245
mkl-service 2.3.0 py36hb782905_0
mkl_fft 1.0.14 py36h14836fe_0
mkl_random 1.1.0 py36h675688f_0
networkx 2.3 py_0
numpy 1.16.2 py36h19fb1c0_0
numpy-base 1.16.2 py36hc3f5095_0
nvidia-ml-py3 7.352.1 pypi_0 pypi olefile 0.46 py36_0
opencv-python 4.1.1.26 pypi_0 pypi openssl 1.1.1d he774522_0
pathlib 1.0.1 py36_1
pillow 6.1.0 py36hdc69c19_0
pip 19.2.3 py36_0
protobuf 3.9.2 py36h33f27b4_0
psutil 5.6.3 py36he774522_0
pyparsing 2.4.2 py_0
pyqt 5.9.2 py36h6538335_2
pyreadline 2.1 py36_1
python 3.6.9 h5500b2f_0
python-dateutil 2.8.0 py36_0
pytz 2019.2 py_0
pywavelets 1.0.3 py36h8c2d366_1
pywin32 223 py36hfa6e2cd_1
pyyaml 5.1.2 py36he774522_0
qt 5.9.7 vc14h73c81de_0
scikit-image 0.15.0 py36ha925a31_0
scikit-learn 0.21.3 py36h6288b17_0
scipy 1.3.1 py36h29ff71c_0
setuptools 41.2.0 py36_0
sip 4.19.8 py36h6538335_0
six 1.12.0 py36_0
sqlite 3.29.0 he774522_0
tensorboard 1.14.0 py36he3c9ec2_0
tensorflow 1.14.0 gpu_py36h305fd99_0
tensorflow-base 1.14.0 gpu_py36h55fc52a_0
tensorflow-estimator 1.14.0 py_0
tensorflow-gpu 1.14.0 h0d30ee6_0
termcolor 1.1.0 py36_1
tk 8.6.8 hfa6e2cd_0
toolz 0.10.0 py_0
toposort 1.5 py_3 conda-forge tornado 6.0.3 py36he774522_0
tqdm 4.36.1 py_0
vc 14.1 h0510ff6_4
vs2015_runtime 14.16.27012 hf0eaf9b_0
werkzeug 0.16.0 py_0
wheel 0.33.6 py36_0
wincertstore 0.2 py36h7fe50ca_0
wrapt 1.11.2 py36he774522_0
xz 5.2.4 h2fa13f4_4
yaml 0.1.7 hc54c509_2
zlib 1.2.11 h62dcd97_3
zstd 1.3.7 h508b16e_0 ================= Configs ================== --------- .faceswap --------- backend: nvidia --------- convert.ini --------- [color.color_transfer] clip: True preserve_paper: True [color.manual_balance] colorspace: HSV balance_1: 0.0 balance_2: 0.0 balance_3: 0.0 contrast: 0.0 brightness: 0.0 [color.match_hist] threshold: 99.0 [mask.box_blend] type: gaussian distance: 11.0 radius: 5.0 passes: 1 [mask.mask_blend] type: normalized radius: 3.0 passes: 4 erosion: 0.0 [scaling.sharpen] method: unsharp_mask amount: 150 radius: 0.3 threshold: 5.0 [writer.ffmpeg] container: mp4 codec: libx264 crf: 23 preset: medium tune: none profile: auto level: auto [writer.gif] fps: 25 loop: 0 palettesize: 256 subrectangles: False [writer.opencv] format: png draw_transparent: False jpg_quality: 75 png_compress_level: 3 [writer.pillow] format: png draw_transparent: False optimize: False gif_interlace: True jpg_quality: 75 png_compress_level: 3 tif_compression: tiff_deflate --------- extract.ini --------- [align.fan] batch-size: 8 [detect.cv2_dnn] confidence: 50 [detect.mtcnn] minsize: 20 threshold_1: 0.6 threshold_2: 0.7 threshold_3: 0.7 scalefactor: 0.709 batch-size: 8 [detect.s3fd] confidence: 50 batch-size: 8 --------- gui.ini --------- [global] fullscreen: False tab: extract options_panel_width: 30 console_panel_height: 20 font: default font_size: 9 --------- train.ini --------- [global] coverage: 68.75 mask_type: none mask_blur: False icnr_init: False conv_aware_init: False subpixel_upscaling: False reflect_padding: False penalized_mask_loss: True loss_function: mae learning_rate: 5e-05 [model.dfl_h128] lowmem: False [model.dfl_sae] input_size: 128 clipnorm: True architecture: df autoencoder_dims: 0 encoder_dims: 42 decoder_dims: 21 multiscale_decoder: False [model.original] lowmem: False [model.realface] input_size: 64 output_size: 128 dense_nodes: 1536 complexity_encoder: 128 complexity_decoder: 512 [model.unbalanced] input_size: 128 lowmem: False clipnorm: True nodes: 1024 complexity_encoder: 128 complexity_decoder_a: 384 complexity_decoder_b: 512 [model.villain] lowmem: False [trainer.original] preview_images: 14 zoom_amount: 5 rotation_range: 10 shift_range: 5 flip_chance: 50 color_lightness: 30 color_ab: 8 color_clahe_chance: 50 color_clahe_max_size: 4
User avatar
dirname
Posts: 2
Joined: Sat Sep 28, 2019 8:14 am

Re: Could notExtrace: create cudnn handle: CUDNN_STATUS_ALLOC_FAILED

Post by dirname »

When I return to tensorflow 1.12, it will work properly.

https://github.com/deepfakes/faceswap/i ... -520604276

User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Could notExtrace: create cudnn handle: CUDNN_STATUS_ALLOC_FAILED

Post by torzdf »

This is an annoying inconsistent issue with Tensorflow and some GPUs.

If you update to the latest code then

GUI:
go to Settings>Extract>Global and enable allow growth

CLI:
Go to faceswap/config/extract.ini and change the allow_growth to True

This should resolve the issue.

My word is final

User avatar
samehbijo
Posts: 1
Joined: Wed Oct 30, 2019 1:32 pm

Re: Error extracting face using faceswap

Post by samehbijo »

I am having the same issue

Crash report

User avatar
torzdf
Posts: 2671
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 131 times
Been thanked: 625 times

Re: Error extracting face using faceswap

Post by torzdf »

You 100% shouldn't be running out of VRAM on that card :/

Try turning off allow_growth (in extract settings).

If that doesn't work, try limiting to 1 GPU (The extract process will only ever use 1):
https://devblogs.nvidia.com/cuda-pro-ti ... e_devices/

My word is final

User avatar
skivvy
Posts: 24
Joined: Fri Dec 13, 2019 10:56 pm
Answers: 1
Has thanked: 10 times

Error when masking with Unet post extraction

Post by skivvy »

If i try to mask my unmasked extractions after the fact and use the Unet-DFL masker I'm met with the below error. The other masks seem to work just fine. The interesting part is if i use this mask when i extract, all works as intended but it defaults to single process. Any ideas?

Code: Select all

2020-01-19 20:00:16.413500: E tensorflow/stream_executor/cuda/cuda_dnn.cc:329] Could not create cudnn handle: CUDNN_STATUS_ALLOC_FAILED
01/19/2020 20:00:16 ERROR    Tensorflow raised an unknown error. This is most likely caused by a failure to launch cuDNN which can occur for some GPU/Tensorflow combinations. You should enable `allow_growth` to attempt to resolve this issue:2020-01-19 20:00:16.414105: E tensorflow/stream_executor/cuda/cuda_dnn.cc:329] Could not create cudnn handle: CUDNN_STATUS_ALLOC_FAILED

01/19/2020 20:00:16 ERROR    GUI: Go to Settings > Extract Plugins > Global and enable the `allow_growth` option.
01/19/2020 20:00:16 ERROR    CLI: Go to `faceswap/config/extract.ini` and change the `allow_growth option to `True`.

01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Added defaults: detect.s3fd
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Adding defaults: (filename: unet_dfl_defaults.py, module_path: plugins.extract.mask, plugin_type: mask
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Importing defaults module: plugins.extract.mask.unet_dfl_defaults
01/19/2020 19:49:05 MainProcess     MainThread      config          add_section               DEBUG    Add section: (title: 'mask.unet_dfl', info: 'UNET_DFL options. Mask designed to provide smart segmentation of mostly frontal faces.\nThe mask model has been trained by community members. Insert more commentary on testing here. Profile faces may result in sub-par performance.')
01/19/2020 19:49:05 MainProcess     MainThread      config          add_item                  DEBUG    Add item: (section: 'mask.unet_dfl', title: 'batch-size', datatype: '<class 'int'>', default: '8', info: 'The batch size to use. To a point, higher batch sizes equal better performance, but setting it too high can harm performance.\n\n	Nvidia users: If the batchsize is set higher than the your GPU can accomodate then this will automatically be lowered.', rounding: '1', min_max: (1, 64), choices: [], gui_radio: False, fixed: True, group: None)
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Added defaults: mask.unet_dfl
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Adding defaults: (filename: vgg_clear_defaults.py, module_path: plugins.extract.mask, plugin_type: mask
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Importing defaults module: plugins.extract.mask.vgg_clear_defaults
01/19/2020 19:49:05 MainProcess     MainThread      config          add_section               DEBUG    Add section: (title: 'mask.vgg_clear', info: 'VGG_Clear options. Mask designed to provide smart segmentation of mostly frontal faces clear of obstructions.\nProfile faces and obstructions may result in sub-par performance.')
01/19/2020 19:49:05 MainProcess     MainThread      config          add_item                  DEBUG    Add item: (section: 'mask.vgg_clear', title: 'batch-size', datatype: '<class 'int'>', default: '6', info: 'The batch size to use. To a point, higher batch sizes equal better performance, but setting it too high can harm performance.\n\n	Nvidia users: If the batchsize is set higher than the your GPU can accomodate then this will automatically be lowered.', rounding: '1', min_max: (1, 64), choices: [], gui_radio: False, fixed: True, group: None)
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Added defaults: mask.vgg_clear
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Adding defaults: (filename: vgg_obstructed_defaults.py, module_path: plugins.extract.mask, plugin_type: mask
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Importing defaults module: plugins.extract.mask.vgg_obstructed_defaults
01/19/2020 19:49:05 MainProcess     MainThread      config          add_section               DEBUG    Add section: (title: 'mask.vgg_obstructed', info: 'VGG_Obstructed options. Mask designed to provide smart segmentation of mostly frontal faces.\nThe mask model has been specifically trained to recognize some facial obstructions (hands and eyeglasses). Profile faces may result in sub-par performance.')
01/19/2020 19:49:05 MainProcess     MainThread      config          add_item                  DEBUG    Add item: (section: 'mask.vgg_obstructed', title: 'batch-size', datatype: '<class 'int'>', default: '2', info: 'The batch size to use. To a point, higher batch sizes equal better performance, but setting it too high can harm performance.\n\n	Nvidia users: If the batchsize is set higher than the your GPU can accomodate then this will automatically be lowered.', rounding: '1', min_max: (1, 64), choices: [], gui_radio: False, fixed: True, group: None)
01/19/2020 19:49:05 MainProcess     MainThread      _config         load_module               DEBUG    Added defaults: mask.vgg_obstructed
01/19/2020 19:49:05 MainProcess     MainThread      config          handle_config             DEBUG    Handling config
01/19/2020 19:49:05 MainProcess     MainThread      config          check_exists              DEBUG    Config file exists: 'C:\Users\small\faceswap\config\extract.ini'
01/19/2020 19:49:05 MainProcess     MainThread      config          load_config               VERBOSE  Loading config: 'C:\Users\small\faceswap\config\extract.ini'
01/19/2020 19:49:05 MainProcess     MainThread      config          validate_config           DEBUG    Validating config
01/19/2020 19:49:05 MainProcess     MainThread      config          check_config_change       DEBUG    Default config has not changed
01/19/2020 19:49:05 MainProcess     MainThread      config          check_config_choices      DEBUG    Checking config choices
01/19/2020 19:49:05 MainProcess     MainThread      config          check_config_choices      DEBUG    Checked config choices
01/19/2020 19:49:05 MainProcess     MainThread      config          validate_config           DEBUG    Validated config
01/19/2020 19:49:05 MainProcess     MainThread      config          handle_config             DEBUG    Handled config
01/19/2020 19:49:05 MainProcess     MainThread      config          __init__                  DEBUG    Initialized: Config
01/19/2020 19:49:05 MainProcess     MainThread      config          get                       DEBUG    Getting config item: (section: 'global', option: 'allow_growth')
01/19/2020 19:49:05 MainProcess     MainThread      config          get                       DEBUG    Returning item: (type: <class 'bool'>, value: True)
01/19/2020 19:49:05 MainProcess     MainThread      config          get                       DEBUG    Getting config item: (section: 'mask.unet_dfl', option: 'batch-size')
01/19/2020 19:49:05 MainProcess     MainThread      config          get                       DEBUG    Returning item: (type: <class 'int'>, value: 1)
01/19/2020 19:49:05 MainProcess     MainThread      utils           get                       DEBUG    Model exists: C:\Users\small\faceswap\plugins\extract\mask\.cache\DFL_256_sigmoid_v1.h5
01/19/2020 19:49:05 MainProcess     MainThread      _base           __init__                  DEBUG    Initialized _base Mask
01/19/2020 19:49:05 MainProcess     MainThread      _base           __init__                  DEBUG    Initialized Mask
01/19/2020 19:49:05 MainProcess     MainThread      pipeline        _set_parallel_processing  DEBUG    Parallel processing disabled by cli.
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       __init__                  DEBUG    Initializing GPUStats
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       initialize                DEBUG    OS is not macOS. Using pynvml
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_device_count          DEBUG    GPU Device count: 1
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_active_devices        DEBUG    Active GPU Devices: [0]
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_handles               DEBUG    GPU Handles found: 1
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_driver                DEBUG    GPU Driver: 441.22
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_devices               DEBUG    GPU Devices: ['GeForce RTX 2060']
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_vram                  DEBUG    GPU VRAM: [6144.0]
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       __init__                  DEBUG    Initialized GPUStats
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       initialize                DEBUG    OS is not macOS. Using pynvml
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_device_count          DEBUG    GPU Device count: 1
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_active_devices        DEBUG    Active GPU Devices: [0]
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_handles               DEBUG    GPU Handles found: 1
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_free                  DEBUG    GPU VRAM free: [5580.16015625]
01/19/2020 19:49:05 MainProcess     MainThread      gpu_stats       get_card_most_free        DEBUG    Active GPU Card with most free VRAM: {'card_id': 0, 'device': 'GeForce RTX 2060', 'free': 5580.16015625, 'total': 6144.0}
01/19/2020 19:49:05 MainProcess     MainThread      pipeline        _set_extractor_batchsize  DEBUG    U-Net requirements within threshold: (plugin_required: 3760MB, vram_free: 5580MB)
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'extract_mask_in', maxsize: 1)
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'extract_mask_in')
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'extract_mask_in'
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'extract_mask_in'
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'extract_mask_out', maxsize: 1)
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'extract_mask_out')
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'extract_mask_out'
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'extract_mask_out'
01/19/2020 19:49:05 MainProcess     MainThread      pipeline        _add_queues               DEBUG    Queues: {'extract_mask_in': <queue.Queue object at 0x00000185F4412188>, 'extract_mask_out': <queue.Queue object at 0x00000185F53F3948>}
01/19/2020 19:49:05 MainProcess     MainThread      pipeline        __init__                  DEBUG    Initialized Extractor
01/19/2020 19:49:05 MainProcess     MainThread      pipeline        _launch_plugin            DEBUG    Launching mask plugin
01/19/2020 19:49:05 MainProcess     MainThread      pipeline        _launch_plugin            DEBUG    in_qname: extract_mask_in, out_qname: extract_mask_out
01/19/2020 19:49:05 MainProcess     MainThread      _base           initialize                DEBUG    initialize Mask: (args: (), kwargs: {'in_queue': <queue.Queue object at 0x00000185F4412188>, 'out_queue': <queue.Queue object at 0x00000185F53F3948>})
01/19/2020 19:49:05 MainProcess     MainThread      _base           initialize                INFO     Initializing U-Net (Mask)...
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'mask_predict'
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'mask_predict', maxsize: 1)
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'mask_predict')
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'mask_predict'
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager getting: 'mask_post'
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager adding: (name: 'mask_post', maxsize: 1)
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   add_queue                 DEBUG    QueueManager added: (name: 'mask_post')
01/19/2020 19:49:05 MainProcess     MainThread      queue_manager   get_queue                 DEBUG    QueueManager got: 'mask_post'
01/19/2020 19:49:05 MainProcess     MainThread      _base           _compile_threads          DEBUG    Compiling mask threads
01/19/2020 19:49:05 MainProcess     MainThread      _base           _add_thread               DEBUG    Adding thread: (name: mask_input, function: <bound method Mask.process_input of <plugins.extract.mask.unet_dfl.Mask object at 0x00000185F5360208>>, in_queue: <queue.Queue object at 0x00000185F4412188>, out_queue: <queue.Queue object at 0x00000185F53F3B48>)
01/19/2020 19:49:05 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'mask_input', thread_count: 1)
01/19/2020 19:49:05 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'mask_input'
01/19/2020 19:49:05 MainProcess     MainThread      _base           _add_thread               DEBUG    Added thread: mask_input
01/19/2020 19:49:05 MainProcess     MainThread      _base           _add_thread               DEBUG    Adding thread: (name: mask_predict, function: <bound method Masker._predict of <plugins.extract.mask.unet_dfl.Mask object at 0x00000185F5360208>>, in_queue: <queue.Queue object at 0x00000185F53F3B48>, out_queue: <queue.Queue object at 0x00000185F53F3CC8>)
01/19/2020 19:49:05 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'mask_predict', thread_count: 1)
01/19/2020 19:49:05 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'mask_predict'
01/19/2020 19:49:05 MainProcess     MainThread      _base           _add_thread               DEBUG    Added thread: mask_predict
01/19/2020 19:49:05 MainProcess     MainThread      _base           _add_thread               DEBUG    Adding thread: (name: mask_output, function: <bound method Mask.process_output of <plugins.extract.mask.unet_dfl.Mask object at 0x00000185F5360208>>, in_queue: <queue.Queue object at 0x00000185F53F3CC8>, out_queue: <queue.Queue object at 0x00000185F53F3948>)
01/19/2020 19:49:05 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: 'mask_output', thread_count: 1)
01/19/2020 19:49:05 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: 'mask_output'
01/19/2020 19:49:05 MainProcess     MainThread      _base           _add_thread               DEBUG    Added thread: mask_output
01/19/2020 19:49:05 MainProcess     MainThread      _base           _compile_threads          DEBUG    Compiled mask threads: [<lib.multithreading.MultiThread object at 0x00000185F53F3E48>, <lib.multithreading.MultiThread object at 0x00000185F53F3E08>, <lib.multithreading.MultiThread object at 0x00000185F53FD048>]
01/19/2020 19:49:05 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\faceswap\lib\model\session.py:112: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.\n
01/19/2020 19:49:05 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\faceswap\lib\model\session.py:116: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.\n
01/19/2020 19:49:06 MainProcess     MainThread      session         _set_session              DEBUG    Created tf.session: (graph: <tensorflow.python.framework.ops.Graph object at 0x00000185F53FD688>, session: <tensorflow.python.client.session.Session object at 0x00000185F53FDA88>, config: )
01/19/2020 19:49:06 MainProcess     MainThread      session         load_model                VERBOSE  Initializing plugin model: U-Net
01/19/2020 19:49:06 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:517: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.\n
01/19/2020 19:49:06 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:4138: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.\n
01/19/2020 19:49:06 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:3976: The name tf.nn.max_pool is deprecated. Please use tf.nn.max_pool2d instead.\n
01/19/2020 19:49:07 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:174: The name tf.get_default_session is deprecated. Please use tf.compat.v1.get_default_session instead.\n
01/19/2020 19:49:07 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:190: The name tf.global_variables is deprecated. Please use tf.compat.v1.global_variables instead.\n
01/19/2020 19:49:07 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:199: The name tf.is_variable_initialized is deprecated. Please use tf.compat.v1.is_variable_initialized instead.\n
01/19/2020 19:49:07 MainProcess     MainThread      module_wrapper  _tfmw_add_deprecation_warning DEBUG    From C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py:206: The name tf.variables_initializer is deprecated. Please use tf.compat.v1.variables_initializer instead.\n
01/19/2020 19:49:08 MainProcess     MainThread      cli             execute_script            ERROR    Tensorflow raised an unknown error. This is most likely caused by a failure to launch cuDNN which can occur for some GPU/Tensorflow combinations. You should enable `allow_growth` to attempt to resolve this issue:
01/19/2020 19:49:08 MainProcess     MainThread      cli             execute_script            ERROR    GUI: Go to Settings > Extract Plugins > Global and enable the `allow_growth` option.
01/19/2020 19:49:08 MainProcess     MainThread      cli             execute_script            ERROR    CLI: Go to `faceswap/config/extract.ini` and change the `allow_growth option to `True`.
Traceback (most recent call last):
  File "C:\Users\small\faceswap\plugins\extract\_base.py", line 334, in initialize
    self.init_model()
  File "C:\Users\small\faceswap\plugins\extract\mask\unet_dfl.py", line 39, in init_model
    self.model.predict(placeholder)
  File "C:\Users\small\faceswap\lib\model\session.py", line 68, in predict
    return self._model.predict(feed, batch_size=batch_size)
  File "C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\engine\training.py", line 1169, in predict
    steps=steps)
  File "C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\engine\training_arrays.py", line 294, in predict_loop
    batch_outs = f(ins_batch)
  File "C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py", line 2715, in __call__
    return self._call(inputs)
  File "C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\keras\backend\tensorflow_backend.py", line 2675, in _call
    fetched = self._callable_fn(*array_vals)
  File "C:\Users\small\MiniConda3\envs\faceswap\lib\site-packages\tensorflow_core\python\client\session.py", line 1472, in __call__
    run_metadata_ptr)
tensorflow.python.framework.errors_impl.UnknownError: 2 root error(s) found.
  (0) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[{{node features.0/convolution}}]]
	 [[conv2d_7/Sigmoid/_243]]
  (1) Unknown: Failed to get convolution algorithm. This is probably because cuDNN failed to initialize, so try looking to see if a warning log message was printed above.
	 [[{{node features.0/convolution}}]]
0 successful operations.
0 derived errors ignored.

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "C:\Users\small\faceswap\lib\cli.py", line 127, in execute_script
    process = script(arguments)
  File "C:\Users\small\faceswap\tools\mask.py", line 55, in __init__
    self._extractor = self._get_extractor()
  File "C:\Users\small\faceswap\tools\mask.py", line 117, in _get_extractor
    extractor.launch()
  File "C:\Users\small\faceswap\plugins\extract\pipeline.py", line 185, in launch
    self._launch_plugin(self.phase)
  File "C:\Users\small\faceswap\plugins\extract\pipeline.py", line 411, in _launch_plugin
    plugin.initialize(**kwargs)
  File "C:\Users\small\faceswap\plugins\extract\_base.py", line 345, in initialize
    raise FaceswapError(msg) from err
lib.utils.FaceswapError: Tensorflow raised an unknown error. This is most likely caused by a failure to launch cuDNN which can occur for some GPU/Tensorflow combinations. You should enable `allow_growth` to attempt to resolve this issue:
GUI: Go to Settings > Extract Plugins > Global and enable the `allow_growth` option.
CLI: Go to `faceswap/config/extract.ini` and change the `allow_growth option to `True`.

============ System Information ============
encoding:            cp1252
git_branch:          Not Found
git_commits:         Not Found
gpu_cuda:            10.2
gpu_cudnn:           No global version found. Check Conda packages for Conda cuDNN
gpu_devices:         GPU_0: GeForce RTX 2060
gpu_devices_active:  GPU_0
gpu_driver:          441.22
gpu_vram:            GPU_0: 6144MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.18362-SP0
os_release:          10
py_command:          C:\Users\small\faceswap\tools.py mask -a C:/Users/small/Desktop/Deep Fakes 3/Alisia Rae/720/Clips/72004/New folder/72004_alignments.fsa -i C:/Users/small/Desktop/Deep Fakes 3/Alisia Rae/720/Clips/72004/New folder -it faces -M unet-dfl -p missing -b 3 -t 4 -ot combined -L INFO -gui
py_conda_version:    conda 4.7.12
py_implementation:   CPython
py_version:          3.7.5
py_virtual_env:      True
sys_cores:           12
sys_processor:       AMD64 Family 23 Model 8 Stepping 2, AuthenticAMD
sys_ram:             Total: 32717MB, Available: 21080MB, Used: 11637MB, Free: 21080MB

=============== Pip Packages ===============
absl-py==0.8.1
astor==0.8.0
certifi==2019.11.28
cloudpickle==1.2.2
cycler==0.10.0
cytoolz==0.10.1
dask==2.9.0
decorator==4.4.1
fastcluster==1.1.25
ffmpy==0.2.2
gast==0.2.2
google-pasta==0.1.8
grpcio==1.16.1
h5py==2.9.0
imageio==2.6.1
imageio-ffmpeg==0.3.0
joblib==0.14.0
Keras==2.2.4
Keras-Applications==1.0.8
Keras-Preprocessing==1.1.0
kiwisolver==1.1.0
Markdown==3.1.1
matplotlib==3.1.1
mkl-fft==1.0.15
mkl-random==1.1.0
mkl-service==2.3.0
networkx==2.4
numpy==1.17.4
nvidia-ml-py3==7.352.1
olefile==0.46
opencv-python==4.1.2.30
opt-einsum==3.1.0
pathlib==1.0.1
Pillow==6.2.1
protobuf==3.10.1
psutil==5.6.7
pyparsing==2.4.5
pyreadline==2.1
python-dateutil==2.8.1
pytz==2019.3
PyWavelets==1.1.1
pywin32==223
PyYAML==5.1.2
scikit-image==0.15.0
scikit-learn==0.21.3
scipy==1.3.2
six==1.13.0
tensorboard==2.0.0
tensorflow==1.15.0
tensorflow-estimator==1.15.1
termcolor==1.1.0
toolz==0.10.0
toposort==1.5
tornado==6.0.3
tqdm==4.40.0
Werkzeug==0.16.0
wincertstore==0.2
wrapt==1.11.2

============== Conda Packages ==============
# packages in environment at C:\Users\small\MiniConda3\envs\faceswap:
#
# Name                    Version                   Build  Channel
_tflow_select             2.1.0                       gpu  
absl-py 0.8.1 py37_0
astor 0.8.0 py37_0
blas 1.0 mkl
ca-certificates 2019.11.27 0
certifi 2019.11.28 py37_0
cloudpickle 1.2.2 py_0
cudatoolkit 10.0.130 0
cudnn 7.6.4 cuda10.0_0
cycler 0.10.0 py37_0
cytoolz 0.10.1 py37he774522_0
dask-core 2.9.0 py_0
decorator 4.4.1 py_0
fastcluster 1.1.25 py37he350917_1000 conda-forge ffmpy 0.2.2 pypi_0 pypi freetype 2.9.1 ha9979f8_1
gast 0.2.2 py37_0
git 2.23.0 h6bb4b03_0
google-pasta 0.1.8 py_0
grpcio 1.16.1 py37h351948d_1
h5py 2.9.0 py37h5e291fa_0
hdf5 1.10.4 h7ebc959_0
icc_rt 2019.0.0 h0cc432a_1
icu 58.2 ha66f8fd_1
imageio 2.6.1 py37_0
imageio-ffmpeg 0.3.0 pypi_0 pypi intel-openmp 2019.4 245
joblib 0.14.0 py_0
jpeg 9b hb83a4c4_2
keras 2.2.4 0
keras-applications 1.0.8 py_0
keras-base 2.2.4 py37_0
keras-preprocessing 1.1.0 py_1
kiwisolver 1.1.0 py37ha925a31_0
libmklml 2019.0.5 0
libpng 1.6.37 h2a8f88b_0
libprotobuf 3.10.1 h7bd577a_0
libtiff 4.1.0 h56a325e_0
markdown 3.1.1 py37_0
matplotlib 3.1.1 py37hc8f65d3_0
mkl 2019.4 245
mkl-service 2.3.0 py37hb782905_0
mkl_fft 1.0.15 py37h14836fe_0
mkl_random 1.1.0 py37h675688f_0
networkx 2.4 py_0
numpy 1.17.4 py37h4320e6b_0
numpy-base 1.17.4 py37hc3f5095_0
nvidia-ml-py3 7.352.1 pypi_0 pypi olefile 0.46 py37_0
opencv-python 4.1.2.30 pypi_0 pypi openssl 1.1.1d he774522_3
opt_einsum 3.1.0 py_0
pathlib 1.0.1 py37_1
pillow 6.2.1 py37hdc69c19_0
pip 19.3.1 py37_0
protobuf 3.10.1 py37h33f27b4_0
psutil 5.6.7 py37he774522_0
pyparsing 2.4.5 py_0
pyqt 5.9.2 py37h6538335_2
pyreadline 2.1 py37_1
python 3.7.5 h8c8aaf0_0
python-dateutil 2.8.1 py_0
pytz 2019.3 py_0
pywavelets 1.1.1 py37he774522_0
pywin32 223 py37hfa6e2cd_1
pyyaml 5.1.2 py37he774522_0
qt 5.9.7 vc14h73c81de_0
scikit-image 0.15.0 py37ha925a31_0
scikit-learn 0.21.3 py37h6288b17_0
scipy 1.3.2 py37h29ff71c_0
setuptools 42.0.2 py37_0
sip 4.19.8 py37h6538335_0
six 1.13.0 py37_0
sqlite 3.30.1 he774522_0
tensorboard 2.0.0 pyhb38c66f_1
tensorflow 1.15.0 gpu_py37hc3743a6_0
tensorflow-base 1.15.0 gpu_py37h1afeea4_0
tensorflow-estimator 1.15.1 pyh2649769_0
tensorflow-gpu 1.15.0 h0d30ee6_0
termcolor 1.1.0 py37_1
tk 8.6.8 hfa6e2cd_0
toolz 0.10.0 py_0
toposort 1.5 py_3 conda-forge tornado 6.0.3 py37he774522_0
tqdm 4.40.0 py_0
vc 14.1 h0510ff6_4
vs2015_runtime 14.16.27012 hf0eaf9b_0
werkzeug 0.16.0 py_0
wheel 0.33.6 py37_0
wincertstore 0.2 py37_0
wrapt 1.11.2 py37he774522_0
xz 5.2.4 h2fa13f4_4
yaml 0.1.7 hc54c509_2
zlib 1.2.11 h62dcd97_3
zstd 1.3.7 h508b16e_0 ================= Configs ================== --------- .faceswap --------- backend: nvidia --------- convert.ini --------- [color.color_transfer] clip: True preserve_paper: True [color.manual_balance] colorspace: HSV balance_1: 0.0 balance_2: 0.0 balance_3: 0.0 contrast: 0.0 brightness: 0.0 [color.match_hist] threshold: 99.0 [mask.box_blend] type: gaussian distance: 11.0 radius: 5.0 passes: 1 [mask.mask_blend] type: gaussian kernel_size: 3 passes: 4 threshold: 4 erosion: 0.0 [scaling.sharpen] method: gaussian amount: 150 radius: 0.3 threshold: 5.0 [writer.ffmpeg] container: mp4 codec: libx264 crf: 17 preset: ultrafast tune: film profile: auto level: auto [writer.gif] fps: 25 loop: 0 palettesize: 256 subrectangles: False [writer.opencv] format: png draw_transparent: False jpg_quality: 75 png_compress_level: 3 [writer.pillow] format: png draw_transparent: False optimize: False gif_interlace: True jpg_quality: 75 png_compress_level: 3 tif_compression: tiff_deflate --------- extract.ini --------- [global] allow_growth: True [align.fan] batch-size: 1 [detect.cv2_dnn] confidence: 50 [detect.mtcnn] minsize: 20 threshold_1: 0.6 threshold_2: 0.7 threshold_3: 0.7 scalefactor: 0.709 batch-size: 8 [detect.s3fd] confidence: 70 batch-size: 1 [mask.unet_dfl] batch-size: 1 [mask.vgg_clear] batch-size: 1 [mask.vgg_obstructed] batch-size: 2 --------- gui.ini --------- [global] fullscreen: False tab: extract options_panel_width: 30 console_panel_height: 20 icon_size: 14 font: default font_size: 9 autosave_last_session: prompt timeout: 120 auto_load_model_stats: True --------- train.ini --------- [global] coverage: 65.54 mask_type: unet-dfl mask_blur_kernel: 3 mask_threshold: 4 learn_mask: True icnr_init: False conv_aware_init: False subpixel_upscaling: True reflect_padding: True penalized_mask_loss: True loss_function: mae learning_rate: 5e-05 [model.dfl_h128] lowmem: True [model.dfl_sae] input_size: 128 clipnorm: True architecture: df autoencoder_dims: 0 encoder_dims: 42 decoder_dims: 21 multiscale_decoder: False [model.dlight] features: best details: good output_size: 128 [model.original] lowmem: False [model.realface] input_size: 64 output_size: 256 dense_nodes: 1536 complexity_encoder: 128 complexity_decoder: 512 [model.unbalanced] input_size: 128 lowmem: True clipnorm: True nodes: 1024 complexity_encoder: 128 complexity_decoder_a: 384 complexity_decoder_b: 512 [model.villain] lowmem: True [trainer.original] preview_images: 14 zoom_amount: 5 rotation_range: 10 shift_range: 5 flip_chance: 50 color_lightness: 30 color_ab: 8 color_clahe_chance: 50 color_clahe_max_size: 4
User avatar
skivvy
Posts: 24
Joined: Fri Dec 13, 2019 10:56 pm
Answers: 1
Has thanked: 10 times

Re: Error when masking with Unet post extraction

Post by skivvy »

FYI i have enabled "allow growth"

User avatar
bryanlyon
Site Admin
Posts: 793
Joined: Fri Jul 12, 2019 12:49 am
Answers: 44
Location: San Francisco
Has thanked: 4 times
Been thanked: 218 times
Contact:

Re: Error when masking with Unet post extraction

Post by bryanlyon »

This is often masking a memory error. If you've already turned on Allow Growth in the Extract plugins, you may try turning down the BatchSize in the Settings/Extract Plugins/Mask/Unet DFL.

Locked