Unable to use Alignment Tool - Missing ARPACK?

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.

Locked
User avatar
Grantorino69
Posts: 1
Joined: Fri Nov 08, 2019 12:37 pm
Has thanked: 1 time

REMOVE-FACES Algnments Job problem

Post by Grantorino69 »

Hello!
I'm trying to make my first deepfake, hope I could learn from you about my issue at this moment:
After faces extraction, I've sorted them and deleted the undesire images and now I'm trying to modify the alignments file, but when I ran "remove-faces" Job in the alignments option in the Tools tab I got a import error.

Hope someone can tell me what I have to do to make it work.

This is the Log text I've got :

Code: Select all

11/08/2019 19:23:56 MainProcess     MainThread      logger          log_setup                 INFO     Log level set to: INFO
11/08/2019 19:23:56 MainProcess     MainThread      cli             execute_script            DEBUG    Executing: alignments. PID: 5484
11/08/2019 19:24:00 MainProcess     MainThread      cli             test_for_tf_version       DEBUG    Installed Tensorflow Version: 1.14
11/08/2019 19:24:00 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initializing QueueManager
11/08/2019 19:24:00 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initialized QueueManager
Traceback (most recent call last):
  File "C:\Users\jorge\faceswap\lib\cli.py", line 126, in execute_script
    script = self.import_script()
  File "C:\Users\jorge\faceswap\lib\cli.py", line 41, in import_script
    module = import_module(mod)
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\importlib\__init__.py", line 126, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 994, in _gcd_import
  File "<frozen importlib._bootstrap>", line 971, in _find_and_load
  File "<frozen importlib._bootstrap>", line 955, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 665, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 678, in exec_module
  File "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
  File "C:\Users\jorge\faceswap\tools\alignments.py", line 6, in <module>
    from .lib_alignments import (AlignmentData, Check, Dfl, Draw, # noqa pylint: disable=unused-import
  File "C:\Users\jorge\faceswap\tools\lib_alignments\__init__.py", line 3, in <module>
    from tools.lib_alignments.jobs import Check, Dfl, Draw, Extract, Merge, RemoveAlignments, Rename, Sort, Spatial, UpdateHashes
  File "C:\Users\jorge\faceswap\tools\lib_alignments\jobs.py", line 12, in <module>
    from scipy import signal
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\signal\__init__.py", line 299, in <module>
    from .filter_design import *
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\signal\filter_design.py", line 18, in <module>
    from scipy import special, optimize, fftpack
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\__init__.py", line 391, in <module>
    from ._minimize import *
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\_minimize.py", line 30, in <module>
    from ._trustregion_constr import _minimize_trustregion_constr
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\_trustregion_constr\__init__.py", line 4, in <module>
    from .minimize_trustregion_constr import _minimize_trustregion_constr
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\_trustregion_constr\minimize_trustregion_constr.py", line 4, in <module>
    from scipy.sparse.linalg import LinearOperator
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\__init__.py", line 116, in <module>
    from .eigen import *
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\__init__.py", line 11, in <module>
    from .arpack import *
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\__init__.py", line 22, in <module>
    from .arpack import *
  File "C:\Users\jorge\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\arpack.py", line 45, in <module>
    from . import _arpack
ImportError: DLL load failed: No se encontró el proceso especificado.

============ System Information ============
encoding:            cp1252
git_branch:          master
git_commits:         ffd3829 Added allow_growth argument for preview
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 840M
gpu_devices_active:  GPU_0
gpu_driver:          441.12
gpu_vram:            GPU_0: 2048MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.17134-SP0
os_release:          10
py_command:          C:\Users\jorge\faceswap\tools.py alignments -j remove-faces -a C:/Users/jorge/Videos/x/ANAcaretos_alignments.fsa -fr C:/Users/jorge/Videos/x/ANAcaretos.mp4 -o console -een 1 -sz 256 -L INFO -gui
py_conda_version:    conda 4.7.12
py_implementation:   CPython
py_version:          3.6.9
py_virtual_env:      True
sys_cores:           4
sys_processor:       Intel64 Family 6 Model 69 Stepping 1, GenuineIntel
sys_ram:             Total: 8115MB, Available: 4433MB, Used: 3681MB, Free: 4433MB

=============== 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.6.0
decorator==4.4.1
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.15
mkl-random==1.1.0
mkl-service==2.3.0
networkx==2.4
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.3
PyWavelets==1.1.1
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\jorge\MiniConda3\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.10.16 0
certifi 2019.9.11 py36_0
cloudpickle 1.2.2 py_0
cudatoolkit 10.0.130 0
cudnn 7.6.4 cuda10.0_0
cycler 0.10.0 py36h009560c_0
cytoolz 0.10.0 py36he774522_0
dask-core 2.6.0 py_0
decorator 4.4.1 py_0
fastcluster 1.1.25 py36he350917_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.15 py36h14836fe_0
mkl_random 1.1.0 py36h675688f_0
networkx 2.4 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_3
pathlib 1.0.1 py36_1
pillow 6.1.0 py36hdc69c19_0
pip 19.3.1 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.3 py_0
pywavelets 1.1.1 py36he774522_0
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.6.0 py36_0
sip 4.19.8 py36h6538335_0
six 1.12.0 py36_0
sqlite 3.30.1 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 --------- [global] allow_growth: False [align.fan] batch-size: 12 [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: 4 [mask.unet_dfl] batch-size: 8 [mask.vgg_clear] batch-size: 6 [mask.vgg_obstructed] batch-size: 2 --------- 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.dlight] features: best details: good output_size: 256 [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: 2649
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 128 times
Been thanked: 622 times

Re: REMOVE-FACES Algnments Job problem

Post by torzdf »

There is a conflict on your system between SciPy and some installed DLLs.

See here:

https://github.com/conda/conda/issues/6396

My word is final

User avatar
joatholo
Posts: 2
Joined: Mon Feb 17, 2020 1:50 pm

Alignments tool remove faces crash

Post by joatholo »

Hi, first timer her.

Having trouble with the Alignments tool - remove faces.
It crashes every time and i have no idea whats wrong. Tried reinstaling everything several times, both with the windows
Installer and manually with Anacona, but still no luck.

Anybody know how to solve this ??
Crash report down below

Many thanks in advance.

Code: Select all

2020-02-17 15:00:24.785623: I tensorflow/stream_executor/platform/default/dso_loader.cc:44] Successfully opened dynamic library cudart64_100.dll

02/17/2020 15:00:29 ERROR    Got Exception on main handler:


02/17/2020 14:48:15 MainProcess     MainThread      logger          log_setup                 INFO     Log level set to: INFO
02/17/2020 14:48:15 MainProcess     MainThread      cli             execute_script            DEBUG    Executing: alignments. PID: 4012
02/17/2020 14:48:17 MainProcess     MainThread      cli             test_for_tf_version       DEBUG    Installed Tensorflow Version: 1.15
02/17/2020 14:48:18 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initializing QueueManager
02/17/2020 14:48:18 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initialized QueueManager
Traceback (most recent call last):
  File "C:\Users\Tholo\faceswap\lib\cli.py", line 126, in execute_script
    script = self.import_script()
  File "C:\Users\Tholo\faceswap\lib\cli.py", line 40, in import_script
    module = import_module(mod)
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\importlib\__init__.py", line 127, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 1006, in _gcd_import
  File "<frozen importlib._bootstrap>", line 983, in _find_and_load
  File "<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 677, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 728, in exec_module
  File "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
  File "C:\Users\Tholo\faceswap\tools\alignments.py", line 4, in <module>
    from .lib_alignments import (AlignmentData, Check, Dfl, Draw, # noqa pylint: disable=unused-import
  File "C:\Users\Tholo\faceswap\tools\lib_alignments\__init__.py", line 3, in <module>
    from tools.lib_alignments.jobs import Check, Dfl, Draw, Extract, Fix, Merge, RemoveAlignments, Rename, Sort, Spatial, UpdateHashes
  File "C:\Users\Tholo\faceswap\tools\lib_alignments\jobs.py", line 13, in <module>
    from scipy import signal
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\signal\__init__.py", line 301, in <module>
    from .filter_design import *
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\signal\filter_design.py", line 18, in <module>
    from scipy import special, optimize, fft as sp_fft
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\optimize\__init__.py", line 390, in <module>
    from ._minimize import *
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\optimize\_minimize.py", line 30, in <module>
    from ._trustregion_constr import _minimize_trustregion_constr
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\optimize\_trustregion_constr\__init__.py", line 4, in <module>
    from .minimize_trustregion_constr import _minimize_trustregion_constr
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\optimize\_trustregion_constr\minimize_trustregion_constr.py", line 4, in <module>
    from scipy.sparse.linalg import LinearOperator
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\__init__.py", line 116, in <module>
    from .eigen import *
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\__init__.py", line 11, in <module>
    from .arpack import *
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\__init__.py", line 22, in <module>
    from .arpack import *
  File "C:\Users\Tholo\Anaconda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\arpack.py", line 45, in <module>
    from . import _arpack
ImportError: DLL load failed: The specified procedure could not be found.

============ System Information ============
encoding:            cp1252
git_branch:          master
git_commits:         7024047 Merge branch 'staging'
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 1080 Ti
gpu_devices_active:  GPU_0
gpu_driver:          450.12
gpu_vram:            GPU_0: 11264MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.19564-SP0
os_release:          10
py_command:          C:\Users\Tholo\faceswap\tools.py alignments -j remove-faces -a C:/Workflow/test/B/ASMR.fsa -fc C:/Workflow/test/B/Output -o file -een 1 -sz 256 -L INFO -gui
py_conda_version:    conda 4.7.12
py_implementation:   CPython
py_version:          3.7.6
py_virtual_env:      True
sys_cores:           16
sys_processor:       Intel64 Family 6 Model 85 Stepping 4, GenuineIntel
sys_ram:             Total: 32430MB, Available: 23945MB, Used: 8484MB, Free: 23945MB

=============== Pip Packages ===============
absl-py==0.9.0
astor==0.8.0
certifi==2019.11.28
cloudpickle==1.3.0
cycler==0.10.0
cytoolz==0.10.1
dask==2.10.1
decorator==4.4.1
fastcluster==1.1.26
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.1
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.3
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.11.3
psutil==5.6.7
pyparsing==2.4.6
pyreadline==2.1
python-dateutil==2.8.1
pytz==2019.3
PyWavelets==1.1.1
pywin32==227
PyYAML==5.3
scikit-image==0.16.2
scikit-learn==0.22.1
scipy==1.4.1
six==1.14.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.42.1
Werkzeug==0.16.1
wincertstore==0.2
wrapt==1.11.2

============== Conda Packages ==============
# packages in environment at C:\Users\Tholo\Anaconda3\envs\faceswap:
#
# Name                    Version                   Build  Channel
_tflow_select             2.1.0                       gpu  
absl-py 0.9.0 py37_0
astor 0.8.0 py37_0
blas 1.0 mkl
ca-certificates 2020.1.1 0
certifi 2019.11.28 py37_0
cloudpickle 1.3.0 py_0
cudatoolkit 10.0.130 0
cudnn 7.6.5 cuda10.0_0
cycler 0.10.0 py37_0
cytoolz 0.10.1 py37he774522_0
dask-core 2.10.1 py_0
decorator 4.4.1 py_0
fastcluster 1.1.26 py37he350917_0 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 py37_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 py_0 conda-forge intel-openmp 2020.0 166
joblib 0.14.1 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
libpng 1.6.37 h2a8f88b_0
libprotobuf 3.11.3 h7bd577a_0
libtiff 4.1.0 h56a325e_0
markdown 3.1.1 py37_0
matplotlib 3.1.1 py37hc8f65d3_0
matplotlib-base 3.1.3 py37h64f37c6_0
mkl 2020.0 166
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_4
opt_einsum 3.1.0 py_0
pathlib 1.0.1 py37_1
pillow 6.2.1 py37hdc69c19_0
pip 20.0.2 py37_1
protobuf 3.11.3 py37h33f27b4_0
psutil 5.6.7 py37he774522_0
pyparsing 2.4.6 py_0
pyqt 5.9.2 py37h6538335_2
pyreadline 2.1 py37_1
python 3.7.6 h60c2a47_2
python-dateutil 2.8.1 py_0
pytz 2019.3 py_0
pywavelets 1.1.1 py37he774522_0
pywin32 227 py37he774522_1
pyyaml 5.3 py37he774522_0
qt 5.9.7 vc14h73c81de_0
scikit-image 0.16.2 py37h47e9c7a_0
scikit-learn 0.22.1 py37h6288b17_0
scipy 1.4.1 py37h9439919_0
setuptools 45.2.0 py37_0
sip 4.19.8 py37h6538335_0
six 1.14.0 py37_0
sqlite 3.31.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_3
tqdm 4.42.1 py_0
vc 14.1 h0510ff6_4
vs2015_runtime 14.16.27012 hf0eaf9b_1
werkzeug 0.16.1 py_0
wheel 0.34.2 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: normalized kernel_size: 3 passes: 4 threshold: 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 --------- [global] allow_growth: False [align.fan] batch-size: 12 [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: 4 [mask.unet_dfl] batch-size: 8 [mask.vgg_clear] batch-size: 6 [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: 68.75 mask_type: none mask_blur_kernel: 3 mask_threshold: 4 learn_mask: 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.dlight] features: best details: good output_size: 256 [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: 2649
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 128 times
Been thanked: 622 times

Re: Alignments tool remove faces crash

Post by torzdf »

This looks to be a problem with your local setup:

https://stackoverflow.com/questions/539 ... uired-dlls

My word is final

User avatar
joatholo
Posts: 2
Joined: Mon Feb 17, 2020 1:50 pm

Re: Alignments tool remove faces crash

Post by joatholo »

Thank you so much, reinstaling numpy and scipy with pip resolved it !!!

i tip my hat to you sir.

User avatar
hoodtronik
Posts: 2
Joined: Tue Jun 02, 2020 6:33 am

alignment - remove - faces crash - ImportError: DLL load failed: The specified procedure could not be found.

Post by hoodtronik »

It keeps crashing when I try touchup tje alignment file after I've deleted the images that I don't want from the folder. Here is the crash report.

Code: Select all

06/02/2020 02:28:49 MainProcess     MainThread      logger          log_setup                 INFO     Log level set to: INFO
06/02/2020 02:28:49 MainProcess     MainThread      launcher        execute_script            DEBUG    Executing: alignments. PID: 17544
06/02/2020 02:28:52 MainProcess     MainThread      launcher        _test_for_tf_version      DEBUG    Installed Tensorflow Version: 1.15
06/02/2020 02:28:52 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initializing QueueManager
06/02/2020 02:28:52 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initialized QueueManager
Traceback (most recent call last):
  File "C:\Users\hoodTRONIK\faceswap\lib\cli\launcher.py", line 153, in execute_script
    script = self._import_script()
  File "C:\Users\hoodTRONIK\faceswap\lib\cli\launcher.py", line 43, in _import_script
    module = import_module(mod)
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\importlib\__init__.py", line 127, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 1006, in _gcd_import
  File "<frozen importlib._bootstrap>", line 983, in _find_and_load
  File "<frozen importlib._bootstrap>", line 967, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 677, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 728, in exec_module
  File "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
  File "C:\Users\hoodTRONIK\faceswap\tools\alignments\alignments.py", line 7, in <module>
    from .jobs import (Check, Dfl, Draw, Extract, Fix, Merge,  # noqa pylint: disable=unused-import
  File "C:\Users\hoodTRONIK\faceswap\tools\alignments\jobs.py", line 13, in <module>
    from scipy import signal
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\signal\__init__.py", line 301, in <module>
    from .filter_design import *
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\signal\filter_design.py", line 18, in <module>
    from scipy import special, optimize, fft as sp_fft
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\__init__.py", line 390, in <module>
    from ._minimize import *
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\_minimize.py", line 30, in <module>
    from ._trustregion_constr import _minimize_trustregion_constr
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\_trustregion_constr\__init__.py", line 4, in <module>
    from .minimize_trustregion_constr import _minimize_trustregion_constr
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\_trustregion_constr\minimize_trustregion_constr.py", line 4, in <module>
    from scipy.sparse.linalg import LinearOperator
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\__init__.py", line 116, in <module>
    from .eigen import *
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\__init__.py", line 11, in <module>
    from .arpack import *
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\__init__.py", line 22, in <module>
    from .arpack import *
  File "C:\Users\hoodTRONIK\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\arpack.py", line 45, in <module>
    from . import _arpack
ImportError: DLL load failed: The specified procedure could not be found.

============ System Information ============
encoding:            cp1252
git_branch:          Not Found
git_commits:         Not Found
gpu_cuda:            9.0
gpu_cudnn:           7.6.1
gpu_devices:         GPU_0: GeForce GTX 1080 Ti
gpu_devices_active:  GPU_0
gpu_driver:          446.14
gpu_vram:            GPU_0: 11264MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.18362-SP0
os_release:          10
py_command:          C:\Users\hoodTRONIK\faceswap\tools.py alignments -j remove-faces -a D:/FAKEAPP/OBAMA/VIDEOS/0_OBAMA_alignments.fsa -fc D:/FAKEAPP/OBAMA/EXTRACTED_0 -o console -een 1 -sz 256 -L INFO -gui
py_conda_version:    conda 4.8.3
py_implementation:   CPython
py_version:          3.7.7
py_virtual_env:      True
sys_cores:           12
sys_processor:       Intel64 Family 6 Model 62 Stepping 4, GenuineIntel
sys_ram:             Total: 65475MB, Available: 56187MB, Used: 9288MB, Free: 56187MB

=============== Pip Packages ===============
absl-py==0.9.0
astor==0.8.0
blinker==1.4
cachetools==3.1.1
certifi==2020.4.5.1
cffi==1.14.0
chardet==3.0.4
click==7.1.2
cloudpickle==1.4.1
cryptography==2.9.2
cycler==0.10.0
cytoolz==0.10.1
dask==2.17.2
decorator==4.4.2
fastcluster==1.1.26
ffmpy==0.2.3
gast==0.2.2
google-auth==1.14.1
google-auth-oauthlib==0.4.1
google-pasta==0.2.0
grpcio==1.27.2
h5py==2.10.0
idna==2.9
imageio==2.8.0
imageio-ffmpeg==0.4.2
joblib==0.15.1
Keras==2.2.4
Keras-Applications==1.0.8
Keras-Preprocessing==1.1.0
kiwisolver==1.2.0
Markdown==3.1.1
matplotlib==3.1.3
mkl-fft==1.0.15
mkl-random==1.1.1
mkl-service==2.3.0
networkx==2.4
numpy==1.18.1
nvidia-ml-py3==7.352.1
oauthlib==3.1.0
olefile==0.46
opencv-python==4.2.0.34
opt-einsum==3.1.0
pathlib==1.0.1
Pillow==7.1.2
protobuf==3.11.4
psutil==5.7.0
pyasn1==0.4.8
pyasn1-modules==0.2.7
pycparser==2.20
PyJWT==1.7.1
pyOpenSSL==19.1.0
pyparsing==2.4.7
pyreadline==2.1
PySocks==1.7.1
python-dateutil==2.8.1
PyWavelets==1.1.1
pywin32==227
PyYAML==5.3.1
requests==2.23.0
requests-oauthlib==1.3.0
rsa==4.0
scikit-image==0.16.2
scikit-learn==0.22.1
scipy==1.4.1
six==1.14.0
tensorboard==2.2.1
tensorboard-plugin-wit==1.6.0
tensorflow==1.15.0
tensorflow-estimator==1.15.1
termcolor==1.1.0
toolz==0.10.0
toposort==1.5
tornado==6.0.4
tqdm==4.46.0
urllib3==1.25.8
Werkzeug==0.16.1
win-inet-pton==1.1.0
wincertstore==0.2
wrapt==1.12.1

============== Conda Packages ==============
# packages in environment at C:\Users\hoodTRONIK\MiniConda3\envs\faceswap:
#
# Name                    Version                   Build  Channel
_tflow_select             2.1.0                       gpu  
absl-py 0.9.0 py37_0
astor 0.8.0 py37_0
blas 1.0 mkl
blinker 1.4 py37_0
ca-certificates 2020.1.1 0
cachetools 3.1.1 py_0
certifi 2020.4.5.1 py37_0
cffi 1.14.0 py37h7a1dbc1_0
chardet 3.0.4 py37_1003
click 7.1.2 py_0
cloudpickle 1.4.1 py_0
cryptography 2.9.2 py37h7a1dbc1_0
cudatoolkit 10.0.130 0
cudnn 7.6.5 cuda10.0_0
cycler 0.10.0 py37_0
cytoolz 0.10.1 py37he774522_0
dask-core 2.17.2 py_0
decorator 4.4.2 py_0
fastcluster 1.1.26 pypi_0 pypi ffmpy 0.2.3 pypi_0 pypi freetype 2.9.1 ha9979f8_1
gast 0.2.2 py37_0
git 2.23.0 h6bb4b03_0
google-auth 1.14.1 py_0
google-auth-oauthlib 0.4.1 py_2
google-pasta 0.2.0 py_0
grpcio 1.27.2 py37h351948d_0
h5py 2.10.0 py37h5e291fa_0
hdf5 1.10.4 h7ebc959_0
icc_rt 2019.0.0 h0cc432a_1
icu 58.2 ha925a31_3
idna 2.9 py_1
imageio 2.8.0 py_0
imageio-ffmpeg 0.4.2 pypi_0 pypi intel-openmp 2020.1 216
joblib 0.15.1 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.2.0 py37h74a9793_0
libpng 1.6.37 h2a8f88b_0
libprotobuf 3.11.4 h7bd577a_0
libtiff 4.1.0 h56a325e_0
markdown 3.1.1 py37_0
matplotlib 3.1.3 py37_0
matplotlib-base 3.1.3 py37h64f37c6_0
mkl 2020.1 216
mkl-service 2.3.0 py37hb782905_0
mkl_fft 1.0.15 py37h14836fe_0
mkl_random 1.1.1 py37h47e9c7a_0
networkx 2.4 py_0
numpy 1.18.1 py37h93ca92e_0
numpy-base 1.18.1 py37hc3f5095_1
nvidia-ml-py3 7.352.1 pypi_0 pypi oauthlib 3.1.0 py_0
olefile 0.46 py37_0
opencv-python 4.2.0.34 pypi_0 pypi openssl 1.1.1g he774522_0
opt_einsum 3.1.0 py_0
pathlib 1.0.1 py37_1
pillow 7.1.2 py37hcc1f983_0
pip 20.0.2 py37_3
protobuf 3.11.4 py37h33f27b4_0
psutil 5.7.0 py37he774522_0
pyasn1 0.4.8 py_0
pyasn1-modules 0.2.7 py_0
pycparser 2.20 py_0
pyjwt 1.7.1 py37_0
pyopenssl 19.1.0 py37_0
pyparsing 2.4.7 py_0
pyqt 5.9.2 py37h6538335_2
pyreadline 2.1 py37_1
pysocks 1.7.1 py37_0
python 3.7.7 h81c818b_4
python-dateutil 2.8.1 py_0
pywavelets 1.1.1 py37he774522_0
pywin32 227 py37he774522_1
pyyaml 5.3.1 py37he774522_0
qt 5.9.7 vc14h73c81de_0
requests 2.23.0 py37_0
requests-oauthlib 1.3.0 py_0
rsa 4.0 py_0
scikit-image 0.16.2 py37h47e9c7a_0
scikit-learn 0.22.1 py37h6288b17_0
scipy 1.4.1 py37h9439919_0
setuptools 46.4.0 py37_0
sip 4.19.8 py37h6538335_0
six 1.14.0 py37_0
sqlite 3.31.1 h2a8f88b_1
tensorboard 2.2.1 pyh532a8cf_0
tensorboard-plugin-wit 1.6.0 py_0
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 pypi_0 pypi tornado 6.0.4 py37he774522_1
tqdm 4.46.0 py_0
urllib3 1.25.8 py37_0
vc 14.1 h0510ff6_4
vs2015_runtime 14.16.27012 hf0eaf9b_2
werkzeug 0.16.1 py_0
wheel 0.34.2 py37_0
win_inet_pton 1.1.0 py37_0
wincertstore 0.2 py37_0
wrapt 1.12.1 py37he774522_1
xz 5.2.5 h62dcd97_0
yaml 0.1.7 hc54c509_2
zlib 1.2.11 h62dcd97_4
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 kernel_size: 3 passes: 4 threshold: 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 --------- [global] allow_growth: False [align.fan] batch-size: 12 [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: 4 [mask.unet_dfl] batch-size: 8 [mask.vgg_clear] batch-size: 6 [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: 68.75 mask_type: none mask_blur_kernel: 3 mask_threshold: 4 learn_mask: False icnr_init: False conv_aware_init: 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.dlight] features: best details: good output_size: 256 [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: 2649
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 128 times
Been thanked: 622 times

Re: alignment - remove - faces crash - ImportError: DLL load failed: The specified procedure could not be found.

Post by torzdf »

You have entered something called "DLL Hell". This is where another application has installed DLL files where it shouldn't have done and is causing issues for you.

Unfortunately this is not a Faceswap specific issue. In your particular case this is a conflict with the scipy package, so you'll need to do some googling around that for how to resolve, eg:

https://www.google.com/search?q=importe ... und.+scipy

My word is final

User avatar
hoodtronik
Posts: 2
Joined: Tue Jun 02, 2020 6:33 am

Re: alignment - remove - faces crash - ImportError: DLL load failed: The specified procedure could not be found.

Post by hoodtronik »

I'm a little familair with Python and think I know when and where this occurred when I setup a few Python packages myself to run with another program and changed the paths. So would it be best to uninstall the previous Python packages or scipy if I can then just reinstall FaceSwap?

User avatar
torzdf
Posts: 2649
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 128 times
Been thanked: 622 times

Re: alignment - remove - faces crash - ImportError: DLL load failed: The specified procedure could not be found.

Post by torzdf »

As a first step you can try this:
app.php/faqpage#f1r1

Most likely it isn't a python package which is the issue, but some other software that has installed a DLL into the system32 folder.

You can read more about it and potential solutions here (not about scipy, but the same concepts apply):
https://conda.io/projects/conda/en/late ... oad-failed

My word is final

User avatar
tomtom
Posts: 1
Joined: Sat Jan 23, 2021 2:06 pm

Unable to use Alignment Tool - Missing ARPACK?

Post by tomtom »

Trying to Run the job Remove-Faces in Tools, Alignment. Followed tutorial, selected faces folder and alignments file but after i hit generate i get a failed DLL Load error. Any option i select in the Alignments Job results in the same error below.

Code: Select all

ImportError: DLL load failed while importing _arpack: The specified procedure could not be found.
01/24/2021 01:05:41 CRITICAL An unexpected crash has occurred. Crash report written to 'C:\Users\tomic\faceswap\crash_report.2021.01.24.010540097941.log'. You MUST provide this file if seeking assistance. Please verify you are running the latest version of faceswap before reporting
Process exited.

The log below

01/24/2021 01:05:38 MainProcess     MainThread                     logger          log_setup                      INFO     Log level set to: INFO
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    Initializing GPUStats
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    OS is not macOS. Trying pynvml
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    GPU Device count: 1
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    Active GPU Devices: [0]
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    GPU Handles found: 1
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    GPU Driver: 456.71
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    GPU Devices: ['GeForce GTX 1080']
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    GPU VRAM: [8192.0]
01/24/2021 01:05:38 MainProcess     MainThread                     gpu_stats       _log                           DEBUG    Initialized GPUStats
01/24/2021 01:05:38 MainProcess     MainThread                     launcher        _configure_backend             DEBUG    Executing: alignments. PID: 2652
01/24/2021 01:05:38 MainProcess     MainThread                     tpu_cluster_resolver <module>                       DEBUG    Falling back to TensorFlow client; we recommended you install the Cloud TPU client directly with pip install cloud-tpu-client.
01/24/2021 01:05:40 MainProcess     MainThread                     launcher        _test_for_tf_version           DEBUG    Installed Tensorflow Version: 2.3
01/24/2021 01:05:40 MainProcess     MainThread                     queue_manager   __init__                       DEBUG    Initializing QueueManager
01/24/2021 01:05:40 MainProcess     MainThread                     queue_manager   __init__                       DEBUG    Initialized QueueManager
Traceback (most recent call last):
  File "C:\Users\tomic\faceswap\lib\cli\launcher.py", line 180, in execute_script
    script = self._import_script()
  File "C:\Users\tomic\faceswap\lib\cli\launcher.py", line 46, in _import_script
    module = import_module(mod)
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\importlib\__init__.py", line 127, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 1014, in _gcd_import
  File "<frozen importlib._bootstrap>", line 991, in _find_and_load
  File "<frozen importlib._bootstrap>", line 975, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 671, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 783, in exec_module
  File "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
  File "C:\Users\tomic\faceswap\tools\alignments\alignments.py", line 7, in <module>
    from .jobs import (Check, Draw, Extract, Merge, Rename,  # noqa pylint: disable=unused-import
  File "C:\Users\tomic\faceswap\tools\alignments\jobs.py", line 11, in <module>
    from scipy import signal
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\signal\__init__.py", line 299, in <module>
    from .filter_design import *
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\signal\filter_design.py", line 17, in <module>
    from scipy import special, optimize, fft as sp_fft
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\__init__.py", line 387, in <module>
    from .optimize import *
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\optimize.py", line 36, in <module>
    from ._numdiff import approx_derivative
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\optimize\_numdiff.py", line 6, in <module>
    from scipy.sparse.linalg import LinearOperator
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\__init__.py", line 114, in <module>
    from .eigen import *
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\__init__.py", line 9, in <module>
    from .arpack import *
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\__init__.py", line 20, in <module>
    from .arpack import *
  File "C:\Users\tomic\MiniConda3\envs\faceswap\lib\site-packages\scipy\sparse\linalg\eigen\arpack\arpack.py", line 43, in <module>
    from . import _arpack
ImportError: DLL load failed while importing _arpack: The specified procedure could not be found.
User avatar
torzdf
Posts: 2649
Joined: Fri Jul 12, 2019 12:53 am
Answers: 159
Has thanked: 128 times
Been thanked: 622 times

Re: Unable to use Alignment Tool - Missing ARPACK?

Post by torzdf »

So.... This will be some missing DLL on your system. Unfortunately, googling around isn't helping me find which it is.

There is a workaround by removing the Conda version and using the Pip version. This is at your own risk.... and it may break things further, but idk.

Launch an Anaconda prompt with:
Start > Anaconda Prompt

Inside the prompt:

Code: Select all

conda activate faceswap
conda remove --force scipy
pip install scipy

Then try running faceswap again.

Reference: https://github.com/conda/conda/issues/6 ... -350254762

My word is final

Locked