Error while reading image. This is most likely caused by special characters in the filename

If training is failing to start, and you are not receiving an error message telling you what to do, 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 Training process. If you want to get tips, or better understand the Training process, then you should look in the Training Discussion forum.

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

Locked
User avatar
Lasthero93
Posts: 1
Joined: Wed Jun 17, 2020 1:20 pm

Error while reading image. This is most likely caused by special characters in the filename

Post by Lasthero93 »

i have problem with Error while reading image. This is most likely caused by special characters in the filename:
i renamed video file it doesnt help.

Code: Select all

06/17/2020 19:17:27 MainProcess     MainThread      logger          log_setup                 INFO     Log level set to: VERBOSE
06/17/2020 19:17:27 MainProcess     MainThread      launcher        execute_script            DEBUG    Executing: train. PID: 8568
06/17/2020 19:17:29 MainProcess     MainThread      launcher        _test_for_tf_version      DEBUG    Installed Tensorflow Version: 1.15
06/17/2020 19:17:30 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initializing QueueManager
06/17/2020 19:17:30 MainProcess     MainThread      queue_manager   __init__                  DEBUG    Initialized QueueManager
06/17/2020 19:17:30 MainProcess     MainThread      train           __init__                  DEBUG    Initializing Train: (args: Namespace(alignments_path_a=None, alignments_path_b=None, allow_growth=False, batch_size=64, colab=False, configfile=None, func=<bound method ScriptExecutor.execute_script of <lib.cli.launcher.ScriptExecutor object at 0x00000181225ED348>>, gpus=1, input_a='G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\FaceA', input_b='G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\FaceB', iterations=1000000, logfile=None, loglevel='VERBOSE', memory_saving_gradients=False, model_dir='G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\ModelAB', no_augment_color=False, no_flip=False, no_logs=False, optimizer_savings=False, pingpong=False, preview=False, preview_scale=50, redirect_gui=True, save_interval=100, snapshot_interval=25000, timelapse_input_a='G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\FaceA', timelapse_input_b='G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\FaceB', timelapse_output='G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\TimelapseAB', trainer='original', warp_to_landmarks=False, write_image=False)
06/17/2020 19:17:30 MainProcess     MainThread      utils           get_folder                DEBUG    Requested path: 'G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\TimelapseAB'
06/17/2020 19:17:30 MainProcess     MainThread      utils           get_folder                DEBUG    Returning: 'G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\TimelapseAB'
06/17/2020 19:17:31 MainProcess     MainThread      train           _set_timelapse            DEBUG    Timelapse enabled: {'input_a': 'G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\FaceA', 'input_b': 'G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\FaceB', 'output': 'G:\\Улик 2015\\Фотографии\\ВСЕ ФОТО\\Фотографии Диана\\Di\\TimelapseAB'}
06/17/2020 19:17:31 MainProcess     MainThread      train           _get_images               DEBUG    Getting image paths
06/17/2020 19:17:31 MainProcess     MainThread      utils           get_image_paths           DEBUG    Scanned Folder contains 2356 files
06/17/2020 19:17:31 MainProcess     MainThread      utils           get_image_paths           DEBUG    Returning 2355 images
06/17/2020 19:17:31 MainProcess     MainThread      utils           get_image_paths           DEBUG    Scanned Folder contains 2957 files
06/17/2020 19:17:31 MainProcess     MainThread      utils           get_image_paths           DEBUG    Returning 2957 images
06/17/2020 19:17:31 MainProcess     MainThread      train           _get_images               INFO     Model A Directory: G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\FaceA
06/17/2020 19:17:31 MainProcess     MainThread      train           _get_images               INFO     Model B Directory: G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\FaceB
06/17/2020 19:17:31 MainProcess     MainThread      train           _get_images               DEBUG    Got image paths: [('a', '2355 images'), ('b', '2957 images')]
06/17/2020 19:17:31 MainProcess     MainThread      train           __init__                  DEBUG    Initialized Train
06/17/2020 19:17:31 MainProcess     MainThread      train           process                   DEBUG    Starting Training Process
06/17/2020 19:17:31 MainProcess     MainThread      train           process                   INFO     Training data directory: G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\ModelAB
06/17/2020 19:17:31 MainProcess     MainThread      train           _start_thread             DEBUG    Launching Trainer thread
06/17/2020 19:17:31 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initializing MultiThread: (target: '_training', thread_count: 1)
06/17/2020 19:17:31 MainProcess     MainThread      multithreading  __init__                  DEBUG    Initialized MultiThread: '_training'
06/17/2020 19:17:31 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread(s): '_training'
06/17/2020 19:17:31 MainProcess     MainThread      multithreading  start                     DEBUG    Starting thread 1 of 1: '_training_0'
06/17/2020 19:17:31 MainProcess     MainThread      multithreading  start                     DEBUG    Started all threads '_training': 1
06/17/2020 19:17:31 MainProcess     MainThread      train           _start_thread             DEBUG    Launched Trainer thread
06/17/2020 19:17:31 MainProcess     MainThread      train           _monitor                  DEBUG    Launching Monitor
06/17/2020 19:17:31 MainProcess     MainThread      train           _monitor                  INFO     ===================================================
06/17/2020 19:17:31 MainProcess     MainThread      train           _monitor                  INFO       Starting
06/17/2020 19:17:31 MainProcess     MainThread      train           _monitor                  INFO       Press 'Stop' to save and quit
06/17/2020 19:17:31 MainProcess     MainThread      train           _monitor                  INFO     ===================================================
06/17/2020 19:17:32 MainProcess     _training_0     train           _training                 DEBUG    Commencing Training
06/17/2020 19:17:32 MainProcess     _training_0     train           _training                 INFO     Loading data, this may take a while...
06/17/2020 19:17:32 MainProcess     _training_0     train           _load_model               DEBUG    Loading Model
06/17/2020 19:17:32 MainProcess     _training_0     utils           get_folder                DEBUG    Requested path: 'G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\ModelAB'
06/17/2020 19:17:32 MainProcess     _training_0     utils           get_folder                DEBUG    Returning: 'G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\ModelAB'
06/17/2020 19:17:32 MainProcess     _training_0     plugin_loader   _import                   INFO     Loading Model from Original plugin...
06/17/2020 19:17:32 MainProcess     _training_0     image           read_image                ERROR    Error while reading image. This is most likely caused by special characters in the filename: 'G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\FaceA\What Would Anya Taylor Joy_000001_0.png'
06/17/2020 19:17:32 MainProcess     _training_0     multithreading  run                       DEBUG    Error in thread (_training_0): Error while reading image. This is most likely caused by special characters in the filename: 'G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\FaceA\What Would Anya Taylor Joy_000001_0.png'
06/17/2020 19:17:33 MainProcess     MainThread      train           _monitor                  DEBUG    Thread error detected
06/17/2020 19:17:33 MainProcess     MainThread      train           _monitor                  DEBUG    Closed Monitor
06/17/2020 19:17:33 MainProcess     MainThread      train           _end_thread               DEBUG    Ending Training thread
06/17/2020 19:17:33 MainProcess     MainThread      train           _end_thread               CRITICAL Error caught! Exiting...
06/17/2020 19:17:33 MainProcess     MainThread      multithreading  join                      DEBUG    Joining Threads: '_training'
06/17/2020 19:17:33 MainProcess     MainThread      multithreading  join                      DEBUG    Joining Thread: '_training_0'
06/17/2020 19:17:33 MainProcess     MainThread      multithreading  join                      ERROR    Caught exception in thread: '_training_0'
Traceback (most recent call last):
  File "C:\Users\User\faceswap\lib\image.py", line 271, in read_image
    raise ValueError
ValueError

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\Users\User\faceswap\lib\cli\launcher.py", line 155, in execute_script
    process.process()
  File "C:\Users\User\faceswap\scripts\train.py", line 161, in process
    self._end_thread(thread, err)
  File "C:\Users\User\faceswap\scripts\train.py", line 201, in _end_thread
    thread.join()
  File "C:\Users\User\faceswap\lib\multithreading.py", line 121, in join
    raise thread.err[1].with_traceback(thread.err[2])
  File "C:\Users\User\faceswap\lib\multithreading.py", line 37, in run
    self._target(*self._args, **self._kwargs)
  File "C:\Users\User\faceswap\scripts\train.py", line 226, in _training
    raise err
  File "C:\Users\User\faceswap\scripts\train.py", line 214, in _training
    model = self._load_model()
  File "C:\Users\User\faceswap\scripts\train.py", line 249, in _load_model
    training_image_size=self._image_size,
  File "C:\Users\User\faceswap\scripts\train.py", line 57, in _image_size
    image = read_image(self._images["a"][0], raise_error=True)
  File "C:\Users\User\faceswap\lib\image.py", line 284, in read_image
    raise Exception(msg)
Exception: Error while reading image. This is most likely caused by special characters in the filename: 'G:\Улик 2015\Фотографии\ВСЕ ФОТО\Фотографии Диана\Di\FaceA\What Would Anya Taylor Joy_000001_0.png'

============ System Information ============
encoding:            cp1251
git_branch:          master
git_commits:         127d3db Dependencies update (#1028)
gpu_cuda:            10.1
gpu_cudnn:           No global version found. Check Conda packages for Conda cuDNN
gpu_devices:         GPU_0: GeForce GTX 760
gpu_devices_active:  GPU_0
gpu_driver:          451.22
gpu_vram:            GPU_0: 4096MB
os_machine:          AMD64
os_platform:         Windows-10-10.0.18362-SP0
os_release:          10
py_command:          C:\Users\User\faceswap\faceswap.py train -A G:/Улик 2015/Фотографии/ВСЕ ФОТО/Фотографии Диана/Di/FaceA -B G:/Улик 2015/Фотографии/ВСЕ ФОТО/Фотографии Диана/Di/FaceB -m G:/Улик 2015/Фотографии/ВСЕ ФОТО/Фотографии Диана/Di/ModelAB -t original -bs 64 -it 1000000 -g 1 -s 100 -ss 25000 -tia G:/Улик 2015/Фотографии/ВСЕ ФОТО/Фотографии Диана/Di/FaceA -tib G:/Улик 2015/Фотографии/ВСЕ ФОТО/Фотографии Диана/Di/FaceB -to G:/Улик 2015/Фотографии/ВСЕ ФОТО/Фотографии Диана/Di/TimelapseAB -ps 50 -L VERBOSE -gui
py_conda_version:    conda 4.8.3
py_implementation:   CPython
py_version:          3.7.7
py_virtual_env:      True
sys_cores:           8
sys_processor:       Intel64 Family 6 Model 60 Stepping 3, GenuineIntel
sys_ram:             Total: 16335MB, Available: 12562MB, Used: 3772MB, Free: 12562MB

=============== Pip Packages ===============
absl-py==0.9.0
astor==0.8.0
blinker==1.4
cachetools==4.1.0
certifi==2020.4.5.2
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.18.1
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.12.3
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.15.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\User\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 4.1.0 py_1
certifi 2020.4.5.2 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.18.1 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.12.3 h7bd577a_0
libtiff 4.1.0 h56a325e_1
lz4-c 1.9.2 h62dcd97_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.12.3 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 47.1.1 py37_0
sip 4.19.8 py37h6538335_0
six 1.15.0 py_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.4.4 ha9fde0e_3 ================= 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
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: Successfully opened dynamic library cudart64_100.dll

Post by bryanlyon »

It's your face folders, unfortunately we can't handle all different codepages and can't support non-ascii characters in your paths.

Locked