crash sort tool
Posted: Thu Feb 20, 2020 8:53 am
Code: Select all
02/20/2020 09:13:49 MainProcess MainThread logger log_setup INFO Log level set to: INFO
02/20/2020 09:13:49 MainProcess MainThread cli execute_script DEBUG Executing: sort. PID: 14976
02/20/2020 09:13:50 MainProcess MainThread cli test_for_tf_version DEBUG Installed Tensorflow Version: 1.15
02/20/2020 09:13:50 MainProcess MainThread queue_manager __init__ DEBUG Initializing QueueManager
02/20/2020 09:13:50 MainProcess MainThread queue_manager __init__ DEBUG Initialized QueueManager
02/20/2020 09:13:50 MainProcess MainThread vgg_face2_keras __init__ DEBUG Initializing VGGFace2: (backend: GPU, loglevel: INFO)
02/20/2020 09:13:50 MainProcess MainThread utils download_model INFO Downloading model: 'vggface2_resnet50' from: https://github.com/deepfakes-models/faceswap-models/releases/download/v1.10.2/vggface2_resnet50_v2.zip
02/20/2020 09:13:52 MainProcess MainThread utils download_model DEBUG header info: {x-amz-id-2: dRH2enF0+jm7/wkMmxm/KsPqTQsbW7AGOPKN6e1Mhe4Ev6KIdN5uwbVeERdsiZhr+Zo7ZoNp6bI=\nx-amz-request-id: A7E7E9CD7A834A67\nDate: Thu, 20 Feb 2020 08:13:53 GMT\nLast-Modified: Fri, 12 Jul 2019 22:26:21 GMT\nETag: "838180971b59b95f51d2fd6eaea5dc2d"\nContent-Disposition: attachment; filename=vggface2_resnet50_v2.zip\nAccept-Ranges: bytes\nContent-Type: application/octet-stream\nContent-Length: 91407875\nServer: AmazonS3\nConnection: close\n\n}
02/20/2020 09:13:52 MainProcess MainThread utils download_model DEBUG Return Code: 200
02/20/2020 09:14:44 MainProcess MainThread utils unzip_model INFO Extracting: 'vggface2_resnet50'
02/20/2020 09:14:44 MainProcess MainThread utils write_model DEBUG Zipfile: Filenames: ['vggface2_resnet50_v2.h5'], Total Size: 98979928
02/20/2020 09:14:44 MainProcess MainThread utils write_model DEBUG Extracting from: '/home/federico/Documenti/faceswap/plugins/extract/recognition/.cache/vggface2_resnet50_v2.zip' to '/home/federico/Documenti/faceswap/plugins/extract/recognition/.cache/vggface2_resnet50_v2.h5'
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:517: The name tf.placeholder is deprecated. Please use tf.compat.v1.placeholder instead.\n
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/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
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/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
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:181: The name tf.ConfigProto is deprecated. Please use tf.compat.v1.ConfigProto instead.\n
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:186: The name tf.Session is deprecated. Please use tf.compat.v1.Session instead.\n
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:190: The name tf.global_variables is deprecated. Please use tf.compat.v1.global_variables instead.\n
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/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
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:206: The name tf.variables_initializer is deprecated. Please use tf.compat.v1.variables_initializer instead.\n
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:1834: The name tf.nn.fused_batch_norm is deprecated. Please use tf.compat.v1.nn.fused_batch_norm instead.\n
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:133: The name tf.placeholder_with_default is deprecated. Please use tf.compat.v1.placeholder_with_default instead.\n
02/20/2020 09:14:45 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:3976: The name tf.nn.max_pool is deprecated. Please use tf.nn.max_pool2d instead.\n
02/20/2020 09:14:50 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:3980: The name tf.nn.avg_pool is deprecated. Please use tf.nn.avg_pool2d instead.\n
02/20/2020 09:14:50 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:4138: The name tf.random_uniform is deprecated. Please use tf.random.uniform instead.\n
02/20/2020 09:14:54 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/optimizers.py:790: The name tf.train.Optimizer is deprecated. Please use tf.compat.v1.train.Optimizer instead.\n
02/20/2020 09:14:54 MainProcess MainThread module_wrapper _tfmw_add_deprecation_warning DEBUG From /home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py:3295: The name tf.log is deprecated. Please use tf.math.log instead.\n
02/20/2020 09:14:54 MainProcess MainThread vgg_face2_keras __init__ DEBUG Initialized VGGFace2
02/20/2020 09:14:54 MainProcess MainThread sort sort_face INFO Sorting by identity similarity...
02/20/2020 09:14:54 MainProcess MainThread image __init__ DEBUG Initializing ImagesLoader: (path: /home/federico/Documenti/faceswap/workspace/data_dst, queue_size: 8, load_with_hash: False, fast_count: True, skip_list: None)
02/20/2020 09:14:54 MainProcess MainThread image __init__ DEBUG Initializing ImagesLoader: (path: /home/federico/Documenti/faceswap/workspace/data_dst, queue_size: 8, args: (False,))
02/20/2020 09:14:54 MainProcess MainThread queue_manager get_queue DEBUG QueueManager getting: 'ImagesLoader'
02/20/2020 09:14:54 MainProcess MainThread queue_manager add_queue DEBUG QueueManager adding: (name: 'ImagesLoader', maxsize: 8)
02/20/2020 09:14:54 MainProcess MainThread queue_manager add_queue DEBUG QueueManager added: (name: 'ImagesLoader')
02/20/2020 09:14:54 MainProcess MainThread queue_manager get_queue DEBUG QueueManager got: 'ImagesLoader'
02/20/2020 09:14:54 MainProcess MainThread image _check_for_video DEBUG Input '/home/federico/Documenti/faceswap/workspace/data_dst' is_video: False
02/20/2020 09:14:54 MainProcess MainThread utils get_image_paths DEBUG Scanned Folder contains 8078 files
02/20/2020 09:14:54 MainProcess MainThread utils get_image_paths DEBUG Returning 8077 images
02/20/2020 09:14:54 MainProcess MainThread image _get_count_and_filelist DEBUG count: 8077
02/20/2020 09:14:54 MainProcess MainThread image load DEBUG Initializing Load Generator
02/20/2020 09:14:54 MainProcess MainThread image _set_thread DEBUG Setting thread
02/20/2020 09:14:54 MainProcess MainThread multithreading __init__ DEBUG Initializing MultiThread: (target: 'ImagesLoader', thread_count: 1)
02/20/2020 09:14:54 MainProcess MainThread multithreading __init__ DEBUG Initialized MultiThread: 'ImagesLoader'
02/20/2020 09:14:54 MainProcess MainThread image _set_thread DEBUG Set thread: <lib.multithreading.MultiThread object at 0x7fa568898610>
02/20/2020 09:14:54 MainProcess MainThread multithreading start DEBUG Starting thread(s): 'ImagesLoader'
02/20/2020 09:14:54 MainProcess MainThread multithreading start DEBUG Starting thread 1 of 1: 'ImagesLoader_0'
02/20/2020 09:14:54 MainProcess ImagesLoader_0 image _process DEBUG Load iterator: <bound method ImagesLoader._from_folder of <lib.image.ImagesLoader object at 0x7fa571ebd9d0>>
02/20/2020 09:14:54 MainProcess ImagesLoader_0 image _from_folder DEBUG Loading images from folder: '/home/federico/Documenti/faceswap/workspace/data_dst'. with_hash: False
02/20/2020 09:14:54 MainProcess MainThread multithreading start DEBUG Started all threads 'ImagesLoader': 1
Traceback (most recent call last):
File "/home/federico/Documenti/faceswap/lib/cli.py", line 128, in execute_script
process.process()
File "/home/federico/Documenti/faceswap/tools/sort.py", line 87, in process
self.sort_process()
File "/home/federico/Documenti/faceswap/tools/sort.py", line 142, in sort_process
img_list = getattr(self, sort_method)()
File "/home/federico/Documenti/faceswap/tools/sort.py", line 182, in sort_face
preds[idx] = self.vgg_face.predict(image)
File "/home/federico/Documenti/faceswap/lib/vgg_face2_keras.py", line 109, in predict
preds = self.model.predict(face)
File "/home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/engine/training.py", line 1169, in predict
steps=steps)
File "/home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/engine/training_arrays.py", line 294, in predict_loop
batch_outs = f(ins_batch)
File "/home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py", line 2715, in __call__
return self._call(inputs)
File "/home/federico/anaconda3/envs/deepfakes/lib/python3.7/site-packages/keras/backend/tensorflow_backend.py", line 2675, in _call
fetched = self._callable_fn(*array_vals)
File "/home/federico/anaconda3/envs/deepfakes/lib/python3.7/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 conv1/7x7_s2/convolution}}]]
[[l2_normalize_1/l2_normalize/_2043]]
(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 conv1/7x7_s2/convolution}}]]
0 successful operations.
0 derived errors ignored.
============ System Information ============
encoding: UTF-8
git_branch: Sul branch master
git_commits: 1245ff6 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 1650
gpu_devices_active: GPU_0
gpu_driver: 435.21
gpu_vram: GPU_0: 3911MB
os_machine: x86_64
os_platform: Linux-5.3.0-40-generic-x86_64-with-debian-buster-sid
os_release: 5.3.0-40-generic
py_command: /home/federico/Documenti/faceswap/tools.py sort -i /home/federico/Documenti/faceswap/workspace/data_dst -o /home/federico/Documenti/faceswap/workspace/data_dst/sorted -s face -t -1.0 -fp rename -g hist -b 5 -be GPU -lf sort_log.json -L INFO -gui
py_conda_version: conda 4.7.12
py_implementation: CPython
py_version: 3.7.6
py_virtual_env: True
sys_cores: 12
sys_processor: x86_64
sys_ram: Total: 7752MB, Available: 2012MB, Used: 5268MB, Free: 155MB
=============== Pip Packages ===============
absl-py==0.9.0
astor==0.8.0
beautifulsoup4==4.8.2
bs4==0.0.1
certifi==2019.11.28
cloudpickle==1.3.0
colorama==0.4.3
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.27.2
h5py==2.9.0
imageio==2.6.1
imageio-ffmpeg==0.4.0
joblib==0.14.1
Keras==2.2.4
Keras-Applications==1.0.8
Keras-Preprocessing==1.1.0
kiwisolver==1.1.0
lxml==4.5.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.4
psutil==5.6.7
pyparsing==2.4.6
PySocks==1.7.1
python-dateutil==2.8.1
pytz==2019.3
PyWavelets==1.1.1
PyYAML==5.3
requests==2.22.0
requests-futures==1.0.0
scikit-image==0.16.2
scikit-learn==0.22.1
scipy==1.4.1
six==1.14.0
soupsieve==1.9.5
stem==1.8.0
tensorboard==1.15.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
torrequest==0.1.0
tqdm==4.42.1
webencodings==0.5.1
Werkzeug==0.16.1
wrapt==1.11.2
============== Conda Packages ==============
# packages in environment at /home/federico/anaconda3/envs/deepfakes:
#
# Name Version Build Channel
_libgcc_mutex 0.1 main
_tflow_select 2.1.0 gpu
absl-py 0.9.0 py37_0
astor 0.8.0 py37_0
blas 1.0 mkl
bzip2 1.0.8 h516909a_2 conda-forge
c-ares 1.15.0 h7b6447c_1001
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
cupti 10.0.130 0
cycler 0.10.0 py37_0
cytoolz 0.10.1 py37h7b6447c_0
dask-core 2.10.1 py_0
dbus 1.13.12 h746ee38_0
decorator 4.4.1 py_0
expat 2.2.6 he6710b0_0
fastcluster 1.1.26 py37hb3f55d8_0 conda-forge
ffmpeg 4.2 h167e202_0 conda-forge
ffmpy 0.2.2 pypi_0 pypi
fontconfig 2.13.0 h9420a91_0
freetype 2.9.1 h8a8886c_1
gast 0.2.2 py37_0
glib 2.63.1 h5a9c865_0
gmp 6.2.0 he1b5a44_2 conda-forge
gnutls 3.6.5 hd3a4fd2_1002 conda-forge
google-pasta 0.1.8 py_0
grpcio 1.27.2 py37hf8bcb03_0
gst-plugins-base 1.14.0 hbbd80ab_1
gstreamer 1.14.0 hb453b48_1
h5py 2.9.0 py37h7918eee_0
hdf5 1.10.4 hb1b8bf9_0
icu 58.2 h9c2bf20_1
imageio 2.6.1 py37_0
imageio-ffmpeg 0.4.0 py_0 conda-forge
intel-openmp 2020.0 166
joblib 0.14.1 py_0
jpeg 9b h024ee3a_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 py37he6710b0_0
lame 3.100 h14c3975_1001 conda-forge
ld_impl_linux-64 2.33.1 h53a641e_7
libedit 3.1.20181209 hc058e9b_0
libffi 3.2.1 hd88cf55_4
libgcc-ng 9.1.0 hdf63c60_0
libgfortran-ng 7.3.0 hdf63c60_0
libiconv 1.15 h516909a_1005 conda-forge
libpng 1.6.37 hbc83047_0
libprotobuf 3.11.4 hd408876_0
libstdcxx-ng 9.1.0 hdf63c60_0
libtiff 4.1.0 h2733197_0
libuuid 1.0.3 h1bed415_2
libxcb 1.13 h1bed415_1
libxml2 2.9.9 hea5a465_1
markdown 3.1.1 py37_0
matplotlib 3.1.1 py37h5429711_0
matplotlib-base 3.1.3 py37hef1b27d_0
mkl 2020.0 166
mkl-service 2.3.0 py37he904b0f_0
mkl_fft 1.0.15 py37ha843d7b_0
mkl_random 1.1.0 py37hd6b4f25_0
ncurses 6.1 he6710b0_1
nettle 3.4.1 h1bed415_1002 conda-forge
networkx 2.4 py_0
numpy 1.17.4 py37hc1035e2_0
numpy-base 1.17.4 py37hde5b4d6_0
nvidia-ml-py3 7.352.1 pypi_0 pypi
olefile 0.46 py37_0
opencv-python 4.1.2.30 pypi_0 pypi
openh264 1.8.0 hdbcaa40_1000 conda-forge
openssl 1.1.1d h7b6447c_4
opt_einsum 3.1.0 py_0
pathlib 1.0.1 py37_1
pcre 8.43 he6710b0_0
pillow 6.2.1 py37h34e0f95_0
pip 20.0.2 py37_1
protobuf 3.11.4 py37he6710b0_0
psutil 5.6.7 py37h7b6447c_0
pyparsing 2.4.6 py_0
pyqt 5.9.2 py37h05f1152_2
python 3.7.6 h0371630_2
python-dateutil 2.8.1 py_0
pytz 2019.3 py_0
pywavelets 1.1.1 py37h7b6447c_0
pyyaml 5.3 py37h7b6447c_0
qt 5.9.7 h5867ecd_1
readline 7.0 h7b6447c_5
scikit-image 0.16.2 py37h0573a6f_0
scikit-learn 0.22.1 py37hd81dba3_0
scipy 1.4.1 py37h0b6359f_0
setuptools 45.2.0 py37_0
sip 4.19.8 py37hf484d3e_0
six 1.14.0 py37_0
sqlite 3.31.1 h7b6447c_0
tensorboard 1.15.0 pyhb230dea_0
tensorflow 1.15.0 gpu_py37h0f0df58_0
tensorflow-base 1.15.0 gpu_py37h9dcbed7_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 hbc83047_0
toolz 0.10.0 py_0
toposort 1.5 py_3 conda-forge
tornado 6.0.3 py37h7b6447c_3
tqdm 4.42.1 py_0
webencodings 0.5.1 py37_1
werkzeug 0.16.1 py_0
wheel 0.34.2 py37_0
wrapt 1.11.2 py37h7b6447c_0
x264 1!152.20180806 h14c3975_0 conda-forge
xz 5.2.4 h14c3975_4
yaml 0.1.7 had09818_2
zlib 1.2.11 h7b6447c_3
zstd 1.3.7 h0b5b093_0
================= Configs ==================
--------- 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.original]
lowmem: False
[model.realface]
input_size: 64
output_size: 128
dense_nodes: 1536
complexity_encoder: 128
complexity_decoder: 512
[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.villain]
lowmem: False
[model.unbalanced]
input_size: 128
lowmem: False
clipnorm: True
nodes: 1024
complexity_encoder: 128
complexity_decoder_a: 384
complexity_decoder_b: 512
[model.dlight]
features: best
details: good
output_size: 256
[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
--------- extract.ini ---------
[global]
allow_growth: True
[align.fan]
batch-size: 12
[mask.unet_dfl]
batch-size: 8
[mask.vgg_clear]
batch-size: 6
[mask.vgg_obstructed]
batch-size: 2
[detect.mtcnn]
minsize: 20
threshold_1: 0.6
threshold_2: 0.7
threshold_3: 0.7
scalefactor: 0.709
batch-size: 8
[detect.cv2_dnn]
confidence: 50
[detect.s3fd]
confidence: 70
batch-size: 4
--------- 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
--------- .faceswap ---------
backend: nvidia
--------- convert.ini ---------
[scaling.sharpen]
method: unsharp_mask
amount: 150
radius: 0.3
threshold: 5.0
[writer.gif]
fps: 25
loop: 0
palettesize: 256
subrectangles: False
[writer.pillow]
format: png
draw_transparent: False
optimize: False
gif_interlace: True
jpg_quality: 75
png_compress_level: 3
tif_compression: tiff_deflate
[writer.ffmpeg]
container: mp4
codec: libx264
crf: 23
preset: medium
tune: none
profile: auto
level: auto
[writer.opencv]
format: png
draw_transparent: False
jpg_quality: 75
png_compress_level: 3
[color.match_hist]
threshold: 99.0
[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
[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