Code Monkey home page Code Monkey logo

3d-photo-inpainting's Introduction

[CVPR 2020] 3D Photography using Context-aware Layered Depth Inpainting

Open 3DPhotoInpainting in Colab

We propose a method for converting a single RGB-D input image into a 3D photo, i.e., a multi-layer representation for novel view synthesis that contains hallucinated color and depth structures in regions occluded in the original view. We use a Layered Depth Image with explicit pixel connectivity as underlying representation, and present a learning-based inpainting model that iteratively synthesizes new local color-and-depth content into the occluded region in a spatial context-aware manner. The resulting 3D photos can be efficiently rendered with motion parallax using standard graphics engines. We validate the effectiveness of our method on a wide range of challenging everyday scenes and show fewer artifacts when compared with the state-of-the-arts.

3D Photography using Context-aware Layered Depth Inpainting
Meng-Li Shih, Shih-Yang Su, Johannes Kopf, and Jia-Bin Huang
In IEEE Conference on Computer Vision and Pattern Recognition (CVPR), 2020.

Prerequisites

  • Linux (tested on Ubuntu 18.04.4 LTS)
  • Anaconda
  • Python 3.7 (tested on 3.7.4)
  • PyTorch 1.4.0 (tested on 1.4.0 for execution)

and the Python dependencies listed in requirements.txt

  • To get started, please run the following commands:
    conda create -n 3DP python=3.7 anaconda
    conda activate 3DP
    pip install -r requirements.txt
    conda install pytorch==1.4.0 torchvision==0.5.0 cudatoolkit==10.1.243 -c pytorch
  • Next, please download the model weight using the following command:
    chmod +x download.sh
    ./download.sh

Quick start

Please follow the instructions in this section. This should allow to execute our results. For more detailed instructions, please refer to DOCUMENTATION.md.

Execute

  1. Put .jpg files (e.g., test.jpg) into the image folder.
    • E.g., image/moon.jpg
  2. Run the following command
    python main.py --config argument.yml
    • Note: The 3D photo generation process usually takes about 2-3 minutes depending on the available computing resources.
  3. The results are stored in the following directories:
    • Corresponding depth map estimated by MiDaS
      • E.g. depth/moon.npy, depth/moon.png
      • User could edit depth/moon.png manually.
        • Remember to set the following two flags as listed below if user wants to use manually edited depth/moon.png as input for 3D Photo.
          • depth_format: '.png'
          • require_midas: False
    • Inpainted 3D mesh (Optional: User need to switch on the flag save_ply)
      • E.g. mesh/moon.ply
    • Rendered videos with zoom-in motion
      • E.g. video/moon_zoom-in.mp4
    • Rendered videos with swing motion
      • E.g. video/moon_swing.mp4
    • Rendered videos with circle motion
      • E.g. video/moon_circle.mp4
    • Rendered videos with dolly zoom-in effect
      • E.g. video/moon_dolly-zoom-in.mp4
      • Note: We assume that the object of focus is located at the center of the image.
  4. (Optional) If you want to change the default configuration. Please read DOCUMENTATION.md and modified argument.yml.

License

This work is licensed under MIT License. See LICENSE for details.

If you find our code/models useful, please consider citing our paper:

@inproceedings{Shih3DP20,
  author = {Shih, Meng-Li and Su, Shih-Yang and Kopf, Johannes and Huang, Jia-Bin},
  title = {3D Photography using Context-aware Layered Depth Inpainting},
  booktitle = {IEEE Conference on Computer Vision and Pattern Recognition (CVPR)},
  year = {2020}
}

Acknowledgments

3d-photo-inpainting's People

Contributors

jbhuang0604 avatar lemonatsu avatar safijari avatar shihmengli avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

3d-photo-inpainting's Issues

Issue with CUDA

Hi I'm getting an issue installing Cuda. Any suggestions?

~/3d-photo-inpainting-master: conda install pytorch==1.4.0 torchvision==0.5.0 cudatoolkit==10.1.243 -c pytorch
Fetching package metadata ...........

PackageNotFoundError: Package missing in current linux-64 channels:

  • cudatoolkit ==10.1.243

ModuleNotFoundError: No module named 'torch'

I use macOS Catalina, i can run project on pycharm but when i try to run on terminal i get that result:
I followed all steps again again. I didn't get any error, but can't start on terminal.

image

Still showing torch.cuda.is_available() is False.

That's really a spectacular work!

I was trying running it on my mac 10.13.6 on terminal. Everything in the prerequisite is fine except that
conda install pytorch==1.4.0 torchvision==0.5.0 cudatoolkit==10.1.243 -c pytorch
did not work. But I searched the cudatoolkit on anacadona.org and installed it following the instruction there, so I think everything should be ready.

But when I tried to run the main file, it gives me this error:
File "/Users/Meana/anaconda3/envs/3DP/lib/python3.7/site-packages/torch/serialization.py", line 116, in validate_cuda_device raise RuntimeError('Attempting to deserialize object on a CUDA ' RuntimeError: Attempting to deserialize object on a CUDA device but torch.cuda.is_available() is False. If you are running on a CPU-only machine, please use torch.load with map_location=torch.device('cpu') to map your storages to the CPU. 0%|

I checked that the device is indeed CPU. I also checked that networkx is 2.3. Do you have an idea why this still happens?

"Killed"

Because I'm running the project locally, I changed Torch(device) to 'cpu'. No more problem.
Then, because I use an AMD machine, I set GPU-IDs to -1 in Documentation and Argument.yml. No more problem.

Now I get this:
Start Running 3D_Photo ...
Loading edge model at 1588758535.511688
Loading depth model at 1588758535.9941552
Loading rgb model at 1588758537.5940967
Writing depth ply (and basically doing everything) at 1588758539.200594
Killed

I changed the offscreen_rendering to True, but had no effect, and now I'm out of ideas.

Newer version of midas model?

I noticed you are using the version of midas from July 2019. That repo was updated with a new model based on resnet101 in December and in the paper they mention that it was better than their resnet50 model. Did you have a chance to try the larger model?

What happened? The shell prompts that there are no nodes

Traceback (most recent call last):
File "main.py", line 95, in
depth_feat_model)
File "/home/developer/jin/3d-photo-inpainting/mesh.py", line 1841, in write_ply
input_mesh, info_on_pix, edge_mesh, depth, aft_mark = remove_dangling(input_mesh, edge_ccs, edge_mesh, info_on_pix, image, depth, config)
File "/home/developer/jin/3d-photo-inpainting/mesh.py", line 751, in remove_dangling
mesh = refresh_node(single_edge_node, mesh.node[single_edge_node], new_node, dict(), mesh)
AttributeError: 'Graph' object has no attribute 'node'

Where the color information is stored?

I managed to open the .ply file in other applications, but all the triangles are greyed out. I'm not sure if this is a bug since the model have 5M polygons.
Is each triangle colored with the color of the original image or it use the original image as a texture? I was not able to use the image as a texture.
Follow up question, it is possible to generate a model with fewer triangles by changing some variable?

Documentation error

The documentation states to run

python demo.py --config argument.yml

but there is no demo.py.

I believe this should be updated to main.py

python main.py --config argument.yml

Load exported mesh files

Hi have exported the .ply mesh file to meshlab, but I'm not sure if I get the right visualization here.

Schermata 2020-04-17 alle 20 17 59

windows support

Do you know how to change the backend properly for vispy (since I use windows)? I tried using pyqt5 instead of EPL but the new git version doesnt work with that. (probably the circle animation..) It gives following error with pyqt5:

(3DP) E:\3d>python main.py --config argument.yml
  0%|                                                                                            | 0/2 [00:00<?, ?it/s]Current Source ==>  beatles
initialize
device: cpu
start processing
  processing image\beatles.jpg (1/1)
torch.Size([1, 3, 384, 384])
finished
53.13010235415598
WARNING: Although PyQt5 is already imported, the PyQt5 backend could not
be used ("DLL load failed: The specified procedure could not be found.").
Note that running multiple GUI toolkits simultaneously can cause side effects.
Traceback (most recent call last):
  File "main.py", line 112, in <module>
    videos_poses, video_basename, config.get('original_h'), config.get('original_w'), border=border, depth=depth, normal_canvas=normal_canvas, all_canvas=all_canvas)
  File "E:\3d\mesh.py", line 2203, in output_3d_photo
    proj='perspective')
  File "E:\3d\mesh.py", line 2132, in __init__
    self.canvas = scene.SceneCanvas(bgcolor=bgcolor, size=(canvas_size*factor, canvas_size*factor))
  File "C:\Users\Filip\anaconda3\envs\3DP\lib\site-packages\vispy\scene\canvas.py", line 137, in __init__
    always_on_top, px_scale)
  File "C:\Users\Filip\anaconda3\envs\3DP\lib\site-packages\vispy\app\canvas.py", line 169, in __init__
    self._app = use_app(call_reuse=False)
  File "C:\Users\Filip\anaconda3\envs\3DP\lib\site-packages\vispy\app\_default_app.py", line 47, in use_app
    default_app = Application(backend_name)
  File "C:\Users\Filip\anaconda3\envs\3DP\lib\site-packages\vispy\app\application.py", line 49, in __init__
    self._use(backend_name)
  File "C:\Users\Filip\anaconda3\envs\3DP\lib\site-packages\vispy\app\application.py", line 256, in _use
    'PyQt' % [b[0] for b in CORE_BACKENDS])
RuntimeError: Could not import any of the backends. You need to install any of ['PyQt4', 'PyQt5', 'PySide', 'PySide2', 'Pyglet', 'Glfw', 'SDL2', 'wx', 'EGL', 'osmesa']. We recommend PyQt
  0%|

pyqt5 is installed, this issue started since arrays were added into the argument.yml file

Flight path definition

Could you please provide some more information on how we can customise the flight path (beyond editing the three params in arguments.yml which is quite limited compared what is actually doable here)? Is there a way to provide "coordinates" and which are the methods to be edited? Thank you very much for sharing tour brilliant work!

AttributeError: 'Graph' object has no attribute 'node'

I set the value of gpu_ids in the argument.yml to -1 because it was giving me the error "RuntimeError: Attempting to deserialize object on a CUDA device but torch.cuda.is_available() is False. If you are running on a CPU-only machine, please use torch.load with map_location=torch.device('cpu') to map your storages to the CPU." until earlier.
However, this time I got an error that said "AttributeError: 'Graph' object has no attribute 'node'".

What am I supposed to do?

Depth map confusion

Hi there!

I tried converting the generated .npy depth map to tiff using PIL's Image.fromarray.
Upon inspection the depth map seems to represent a vertical gradient without any features from the original image. Was wondering if this is correct or I'm missing something somewhere?

Screenshot_20200416_164408

Thank you for sharing the research. The possibilities of this are immense.

Using CPU instead of CUDA

I do not have a GPU, and want to try running the code with only a CPU.
I got the next error message:
python main.py --config argument.yml 0%| | 0/1 [00:00<?, ?it/s]Current Source ==> moon2 initialize device: cpu start processing processing image/moon2.jpg (1/1) torch.Size([1, 3, 384, 384]) finished Start Running 3D_Photo ... Traceback (most recent call last): File "main.py", line 61, in <module> depth_edge_weight = torch.load(config['depth_edge_model_ckpt']) File "/home/user/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 529, in load return _legacy_load(opened_file, map_location, pickle_module, **pickle_load_args) File "/home/user/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 702, in _legacy_load result = unpickler.load() File "/home/user/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 665, in persistent_load deserialized_objects[root_key] = restore_location(obj, location) File "/home/user/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 156, in default_restore_location result = fn(storage, location) File "/home/user/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 132, in _cuda_deserialize device = validate_cuda_device(location) File "/home/user/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 116, in validate_cuda_device raise RuntimeError('Attempting to deserialize object on a CUDA ' RuntimeError: Attempting to deserialize object on a CUDA device but torch.cuda.is_available() is False. If you are running on a CPU-only machine, please use torch.load with map_location=torch.device('cpu') to map your storages to the CPU. 0%| | 0/1 [00:19<?, ?it/s]

cudatoolkit==10.1 ?

Are you sure it's cudatoolkit==10.1? To me that seems hard to find on anaconda.org...

FileNotFoundError: [Errno 2] No such file or directory: 'MiDaS/model.pt'

Hi, everyone!

I like to see this great product. But I have faced with that issue.
It happens on start after python main.py --config argument.yml
This files really doesn`t exist. So next question, where I can find this file or how I can create it ?

The full console message

(3DP) D:\Projects\Python\3d_photo>python main.py --config argument.yml
  0%|                                                                                            | 0/1 [00:00<?, ?it/s]Current Source ==>  moon
initialize
device: cpu
  0%|                                                                                            | 0/1 [00:00<?, ?it/s]
Traceback (most recent call last):
  File "main.py", line 47, in <module>
    config['MiDaS_model_ckpt'], MonoDepthNet, MiDaS_utils, target_w=640)
  File "D:\Projects\Python\3d_photo\MiDaS\run.py", line 29, in run_depth
    model = Net(model_path)
  File "D:\Projects\Python\3d_photo\MiDaS\monodepth_net.py", line 52, in __init__
    self.load(path)
  File "D:\Projects\Python\3d_photo\MiDaS\monodepth_net.py", line 88, in load
    parameters = torch.load(path)
  File "D:\Programs\miniconda3\envs\3DP\lib\site-packages\torch\serialization.py", line 525, in load
    with _open_file_like(f, 'rb') as opened_file:
  File "D:\Programs\miniconda3\envs\3DP\lib\site-packages\torch\serialization.py", line 212, in _open_file_like
    return _open_file(name_or_buffer, mode)
  File "D:\Programs\miniconda3\envs\3DP\lib\site-packages\torch\serialization.py", line 193, in __init__
    super(_open_file, self).__init__(open(name, mode))
FileNotFoundError: [Errno 2] No such file or directory: 'MiDaS/model.pt'

generate .gif file

Hi, I ran the code in Colab. It works fine.

However, I want to generate a .gif file. Couldn't figure out how to do it. Can you please provide me some reference to do it. Thanks

Output rendered video directory stays empty

Output rendered video directory stays empty:

python main.py --config argument.yml
WARNING: Could not load OpenGL library.
0%| | 0/1 [00:00<?, ?it/s]Current Source ==> test
initialize
device: cpu
start processing
processing image/test.jpg (1/1)
torch.Size([1, 3, 288, 384])
finished
Start Running 3D_Photo ...
Killed

Is there any way to work around if my CUDA out of memory?

Hello! Thanks for sharing this project!
I just got an issue when trying to generate the target video:

Start Running 3D_Photo ...
0%| | 0/3
Traceback (most recent call last):
File "main.py", line 98, in
depth_feat_model)
File "C:\Users\dagu_\Downloads\3d-photo-inpainting-master\mesh.py", line 1865, in write_ply
depth_edge_model, depth_feat_model, rgb_model, config, direc="up")
File "C:\Users\dagu_\Downloads\3d-photo-inpainting-master\mesh_tools.py", line 201, in extrapolate
cuda=device)
File "C:\Users\dagu_\Downloads\3d-photo-inpainting-master\networks.py", line 311, in forward_3P
edge_output = self.forward(enlarge_input)
File "C:\Users\dagu_\Downloads\3d-photo-inpainting-master\networks.py", line 325, in forward
x7 = self.decoder_2(torch.cat((x6, x1), dim=1))
File "G:\Tools\Anaconda3\envs\3dp\lib\site-packages\torch\nn\modules\module.py", line 532, in call
result = self.forward(*input, **kwargs)
File "G:\Tools\Anaconda3\envs\3dp\lib\site-packages\torch\nn\modules\container.py", line 100, in forward
input = module(input)
File "G:\Tools\Anaconda3\envs\3dp\lib\site-packages\torch\nn\modules\module.py", line 532, in call
result = self.forward(*input, **kwargs)
File "G:\Tools\Anaconda3\envs\3dp\lib\site-packages\torch\nn\modules\padding.py", line 163, in forward
return F.pad(input, self.padding, 'reflect')
File "G:\Tools\Anaconda3\envs\3dp\lib\site-packages\torch\nn\functional.py", line 2879, in pad
return torch._C._nn.reflection_pad2d(input, pad)
RuntimeError: CUDA out of memory. Tried to allocate 100.00 MiB (GPU 0; 2.00 GiB total capacity; 1.17 GiB already allocated; 87.93 MiB free; 1.22 GiB reserved in total by PyTorch)

It seems like my GPU capacity is not large enough.... Is there any way to solve this? I'm using GTX960M (I know it's kinda old DX)

Thank you so much!!~

Job is aborted due to Qt plugin issue.

"WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)"

My OS: Linux kelut 4.18.0-147.5.1.el8_1.x86_64 #1 SMP

Cannot have input as PNG file

Whenever I tried to input a png file it always outputs this message:

running on device 0
0it [00:00, ?it/s]

and it ends here.

Is it a bug?

Segmentation fault (core dumped)

start processing
  processing image/1.jpg (1/1)
torch.Size([1, 3, 384, 256])
finished
Start Running 3D_Photo ...
Writing mesh file mesh/1.ply ...
53.13010235415598
Segmentation fault (core dumped)

Any suggestions?

AttributeError: 'Graph' object has no attribute 'node'

Thanks for the amazing and awesome work.

I tried to run the code on my Macbook which does not have a CUDA GPU. But it fails with the following message:

python main.py --config argument.yml
  0%|                                                                                                                         | 0/1 [00:00<?, ?it/s]Current Source ==>  moon
initialize
device: cpu
start processing
  processing image/moon.jpg (1/1)
torch.Size([1, 3, 384, 384])
finished
Start Running 3D_Photo ...
  0%|                                                                                                                         | 0/1 [00:50<?, ?it/s]
Traceback (most recent call last):
  File "main.py", line 95, in <module>
    depth_feat_model)
  File "3d-photo-inpainting/mesh.py", line 1841, in write_ply
    input_mesh, info_on_pix, edge_mesh, depth, aft_mark = remove_dangling(input_mesh, edge_ccs, edge_mesh, info_on_pix, image, depth, config)
  File "3d-photo-inpainting/mesh.py", line 751, in remove_dangling
    mesh = refresh_node(single_edge_node, mesh.node[single_edge_node], new_node, dict(), mesh)
AttributeError: 'Graph' object has no attribute 'node'

How can I resolve this problem? Thanks a lot!

B. R.

AssertionError: Torch not compiled with CUDA enabled

image

`

Name Version Build Channel

_anaconda_depends 2020.02 py37_0
alabaster 0.7.12 py37_0
anaconda custom py37_1
anaconda-client 1.7.2 py37_0
anaconda-project 0.8.4 py_0
applaunchservices 0.2.1 py_0
appnope 0.1.0 py37_0
appscript 1.1.0 py37h1de35cc_0
argh 0.26.2 py37_0
asn1crypto 1.3.0 py37_0
astroid 2.3.3 py37_0
astropy 4.0.1.post1 py37h1de35cc_0
atomicwrites 1.3.0 py37_1
attrs 19.3.0 py_0
autopep8 1.4.4 py_0
babel 2.8.0 py_0
backcall 0.1.0 py37_0
backports 1.0 py_2
backports.shutil_get_terminal_size 1.0.0 py37_2
beautifulsoup4 4.9.0 py37_0
bitarray 1.2.1 py37h1de35cc_0
bkcharts 0.2 py37_0
blas 1.0 mkl
bleach 3.1.4 py_0
blosc 1.16.3 hd9629dc_0
bokeh 2.0.1 py37_0
boto 2.49.0 py37_0
bottleneck 1.3.2 py37h776bbcc_0
bzip2 1.0.8 h1de35cc_0
ca-certificates 2020.4.5.1 hecc5488_0 conda-forge
certifi 2020.4.5.1 py37_0
cffi 1.14.0 py37hb5b8e2f_0
chardet 3.0.4 py37_1003
click 7.1.1 py_0
cloudpickle 1.4.0 py_0
clyent 1.2.2 py37_1
colorama 0.4.3 py_0
contextlib2 0.6.0.post1 py_0
cryptography 2.8 py37ha12b0ac_0
cudatoolkit 9.0 h41a26b3_0 anaconda
cudatoolkit-dev 10.1.243 h0b31af3_3 conda-forge
curl 7.69.1 ha441bb4_0
cycler 0.10.0 py37_0
cython 0.29.17 py37h0a44026_0
cytoolz 0.10.1 py37h1de35cc_0
dask 2.15.0 py_0
dask-core 2.15.0 py_0
dbus 1.13.12 h90a0687_0
decorator 4.4.2 py_0
defusedxml 0.6.0 py_0
diff-match-patch 20181111 py_0
distributed 2.15.0 py37_0
docutils 0.16 py37_0
entrypoints 0.3 py37_0
et_xmlfile 1.0.1 py37_0
expat 2.2.6 h0a44026_0
fastcache 1.1.0 py37h1de35cc_0
filelock 3.0.12 py_0
flake8 3.7.9 py37_0
flask 1.1.2 py_0
freetype 2.9.1 hb4e5f40_0
freetype-py 2.1.0.post1 pypi_0 pypi
fsspec 0.7.1 py_0
future 0.18.2 py37_0
get_terminal_size 1.0.0 h7520d66_0
gettext 0.19.8.1 h15daf44_3
gevent 1.4.0 py37h1de35cc_0
glib 2.63.1 hd977a24_0
glob2 0.7 py_0
gmp 6.1.2 hb37e062_1
gmpy2 2.0.8 py37h6ef4df4_2
greenlet 0.4.15 py37h1de35cc_0
h5py 2.10.0 py37h3134771_0
hdf5 1.10.4 hfa1e0ec_0
heapdict 1.0.1 py_0
html5lib 1.0.1 py37_0
hypothesis 5.8.3 py_0
icu 58.2 h0a44026_3
idna 2.9 py_1
imageio 2.8.0 py_0
imageio-ffmpeg 0.4.1 pypi_0 pypi
imagesize 1.2.0 py_0
importlib_metadata 1.5.0 py37_0
intel-openmp 2019.4 233
intervaltree 3.0.2 py_0
ipykernel 5.1.4 py37h39e3cac_0
ipython 7.13.0 py37h5ca1d4c_0
ipython_genutils 0.2.0 py37_0
ipywidgets 7.5.1 py_0
isort 4.3.21 py37_0
itsdangerous 1.1.0 py37_0
jbig 2.1 h4d881f8_0
jdcal 1.4.1 py_0
jedi 0.15.2 py37_0
jinja2 2.11.2 py_0
joblib 0.14.1 py_0
jpeg 9b he5867d9_2
json5 0.9.4 py_0
jsonschema 3.2.0 py37_0
jupyter 1.0.0 py37_7
jupyter_client 6.1.2 py_0
jupyter_console 6.1.0 py_0
jupyter_core 4.6.3 py37_0
jupyterlab 1.2.6 pyhf63ae98_0
jupyterlab_server 1.1.0 py_0
keyring 21.1.1 py37_2
kiwisolver 1.1.0 py37h0a44026_0
krb5 1.17.1 hddcf347_0
lazy-object-proxy 1.4.3 py37h1de35cc_0
libarchive 3.3.3 h786848e_5
libcurl 7.69.1 h051b688_0
libcxx 4.0.1 hcfea43d_1
libcxxabi 4.0.1 hcfea43d_1
libedit 3.1.20181209 hb402a30_0
libffi 3.2.1 h0a44026_6
libgfortran 3.0.1 h93005f0_2
libiconv 1.16 h1de35cc_0
liblief 0.9.0 h2a1bed3_2
libpng 1.6.37 ha441bb4_0
libsodium 1.0.16 h3efe00b_0
libspatialindex 1.9.3 h0a44026_0
libssh2 1.9.0 ha12b0ac_1
libtiff 4.1.0 hcb84e12_0
libxml2 2.9.9 hf6e021a_1
libxslt 1.1.33 h33a18ac_0
llvm-openmp 4.0.1 hcfea43d_1
llvmlite 0.32.0 py37h8c7ce04_0
locket 0.2.0 py37_1
lxml 4.5.0 py37hef8c89e_0
lz4-c 1.8.1.2 h1de35cc_0
lzo 2.10 h1de35cc_2
markupsafe 1.1.1 py37h1de35cc_0
matplotlib 3.1.3 py37_0
matplotlib-base 3.1.3 py37h9aa3819_0
mccabe 0.6.1 py37_1
mistune 0.8.4 py37h1de35cc_0
mkl 2019.4 233
mkl-service 2.3.0 py37hfbe908c_0
mkl_fft 1.0.15 py37h5e564d8_0
mkl_random 1.1.0 py37ha771720_0
mock 4.0.2 py_0
more-itertools 8.2.0 py_0
moviepy 1.0.2 pypi_0 pypi
mpc 1.1.0 h6ef4df4_1
mpfr 4.0.1 h3018a27_3
mpmath 1.1.0 py37_0
msgpack-python 1.0.0 py37h04f5b5a_1
multipledispatch 0.6.0 py37_0
nbconvert 5.6.1 py37_0
nbformat 5.0.4 py_0
ncurses 6.2 h0a44026_1
networkx 2.3 pypi_0 pypi
ninja 1.9.0 py37h04f5b5a_0
nltk 3.4.5 py37_0
nose 1.3.7 py37_2
notebook 6.0.3 py37_0
numba 0.49.0 py37h6c726b0_0
numexpr 2.7.1 py37hce01a72_0
numpy 1.18.1 py37h7241aed_0
numpy-base 1.18.1 py37h6575580_1
numpydoc 0.9.2 py_0
olefile 0.46 py37_0
opencv-python 4.2.0.32 pypi_0 pypi
openpyxl 3.0.3 py_0
openssl 1.1.1g h0b31af3_0 conda-forge
packaging 20.3 py_0
pandas 1.0.3 py37h6c726b0_0
pandoc 2.2.3.2 0
pandocfilters 1.4.2 py37_1
parso 0.5.2 py_0
partd 1.1.0 py_0
path 13.1.0 py37_0
path.py 12.4.0 0
pathlib2 2.3.5 py37_0
pathtools 0.1.2 py_1
patsy 0.5.1 py37_0
pcre 8.43 h0a44026_0
pep8 1.7.1 py37_0
pexpect 4.8.0 py37_0
pickleshare 0.7.5 py37_0
pillow 7.0.0 py37h4655f20_0
pip 20.0.2 py37_1
pkginfo 1.5.0.1 py37_0
pluggy 0.13.1 py37_0
ply 3.11 py37_0
proglog 0.1.9 pypi_0 pypi
prometheus_client 0.7.1 py_0
prompt-toolkit 3.0.4 py_0
prompt_toolkit 3.0.4 0
psutil 5.7.0 py37h1de35cc_0
ptyprocess 0.6.0 py37_0
py 1.8.1 py_0
py-lief 0.9.0 py37h1413db1_2
pycodestyle 2.5.0 py37_0
pycosat 0.6.3 py37h1de35cc_0
pycparser 2.20 py_0
pycrypto 2.6.1 py37h1de35cc_9
pycurl 7.43.0.5 py37ha12b0ac_0
pydocstyle 4.0.1 py_0
pyflakes 2.1.1 py37_0
pygments 2.6.1 py_0
pylint 2.4.4 py37_0
pyodbc 4.0.30 py37h0a44026_0
pyopenssl 19.1.0 py37_0
pyparsing 2.4.6 py_0
pyqt 5.9.2 py37h655552a_2
pyrsistent 0.16.0 py37h1de35cc_0
pysocks 1.7.1 py37_0
pytables 3.6.1 py37h5bccee9_0
pytest 5.4.1 py37_0
pytest-arraydiff 0.3 py37h39e3cac_0
pytest-astropy 0.8.0 py_0
pytest-astropy-header 0.1.2 py_0
pytest-doctestplus 0.5.0 py_0
pytest-openfiles 0.4.0 py_0
pytest-remotedata 0.3.2 py37_0
python 3.7.7 hc70fcce_0_cpython
python-dateutil 2.8.1 py_0
python-jsonrpc-server 0.3.4 py_0
python-language-server 0.31.10 py37_0
python-libarchive-c 2.9 py_0
python.app 2 py37_10
python_abi 3.7 1_cp37m conda-forge
pytorch 1.4.0 py3.7_0 pytorch
pytz 2019.3 py_0
pywavelets 1.1.1 py37h1de35cc_0
pyyaml 5.3.1 py37h1de35cc_0
pyzmq 18.1.1 py37h0a44026_0
qdarkstyle 2.8.1 py_0
qt 5.9.7 h468cd18_1
qtawesome 0.7.0 py_0
qtconsole 4.7.3 py_0
qtpy 1.9.0 py_0
readline 8.0 h1de35cc_0
requests 2.23.0 py37_0
ripgrep 11.0.2 he32d670_0
rope 0.16.0 py_0
rtree 0.9.3 py37_0
ruamel_yaml 0.15.87 py37h1de35cc_0
scikit-image 0.16.2 py37h6c726b0_0
scikit-learn 0.22.1 py37h27c97d8_0
scipy 1.4.1 py37h9fa6033_0
seaborn 0.10.0 py_0
send2trash 1.5.0 py37_0
setuptools 46.1.3 py37_0
simplegeneric 0.8.1 py37_2
singledispatch 3.4.0.3 py37_0
sip 4.19.8 py37h0a44026_0
six 1.14.0 py37_0
snappy 1.1.7 he62c110_3
snowballstemmer 2.0.0 py_0
sortedcollections 1.1.2 py37_0
sortedcontainers 2.1.0 py37_0
soupsieve 2.0 py_0
sphinx 3.0.3 py_0
sphinxcontrib 1.0 py37_1
sphinxcontrib-applehelp 1.0.2 py_0
sphinxcontrib-devhelp 1.0.2 py_0
sphinxcontrib-htmlhelp 1.0.3 py_0
sphinxcontrib-jsmath 1.0.1 py_0
sphinxcontrib-qthelp 1.0.3 py_0
sphinxcontrib-serializinghtml 1.1.4 py_0
sphinxcontrib-websupport 1.2.1 py_0
spyder 4.1.2 py37_0
spyder-kernels 1.9.0 py37_0
sqlalchemy 1.3.16 py37h1de35cc_0
sqlite 3.31.1 h5c1f38d_1
statsmodels 0.11.0 py37h1de35cc_0
sympy 1.5.1 py37_0
tbb 2020.0 h04f5b5a_0
tblib 1.6.0 py_0
terminado 0.8.3 py37_0
testpath 0.4.4 py_0
tk 8.6.8 ha441bb4_0
toolz 0.10.0 py_0
torchvision 0.5.0 py37_cpu pytorch
tornado 6.0.4 py37h1de35cc_1
tqdm 4.45.0 py_0
traitlets 4.3.3 py37_0
transforms3d 0.3.1 pypi_0 pypi
typing_extensions 3.7.4.1 py37_0
ujson 1.35 py37h1de35cc_0
unicodecsv 0.14.1 py37_0
unixodbc 2.3.7 h1de35cc_0
urllib3 1.25.8 py37_0
vispy 0.6.4 pypi_0 pypi
watchdog 0.10.2 py37h1de35cc_0
wcwidth 0.1.9 py_0
webencodings 0.5.1 py37_1
werkzeug 1.0.1 py_0
wheel 0.34.2 py37_0
widgetsnbextension 3.5.1 py37_0
wrapt 1.12.1 py37h1de35cc_1
wurlitzer 2.0.0 py37_0
xlrd 1.2.0 py37_0
xlsxwriter 1.2.8 py_0
xlwings 0.18.0 py37_0
xlwt 1.3.0 py37_0
xz 5.2.5 h1de35cc_0
yaml 0.1.7 hc338f04_2
yapf 0.28.0 py_0
zeromq 4.3.1 h0a44026_3
zict 2.0.0 py_0
zipp 2.2.0 py_0
zlib 1.2.11 h1de35cc_3
zstd 1.3.7 h5bba6e5_0
`

WARNING: Could not initialize GLX ;Aborted (core dumped)

After sudo apt install mesa-common-dev libglu1-mesa-dev
I still got core dumped
ubuntu16.04LTS on docker environment,32Gb Ram,GTX1080 cuda10๏ผŒpython3.6.5

argument.yml
depth_edge_model_ckpt: checkpoints/edge-model.pth
depth_feat_model_ckpt: checkpoints/depth-model.pth
rgb_feat_model_ckpt: checkpoints/color-model.pth
MiDaS_model_ckpt: MiDaS/model.pt
fps: 40
num_frames: 240
x_shift_range: [0.00, 0.00, -0.02, -0.02]
y_shift_range: [0.00, 0.00, -0.02, -0.00]
z_shift_range: [-0.05, -0.05, -0.07, -0.07]
traj_types: ['double-straight-line', 'double-straight-line', 'circle', 'circle']
video_postfix: ['dolly-zoom-in', 'zoom-in', 'circle', 'swing']
specific: ''
longer_side_len: 240
src_folder: image
depth_folder: depth
mesh_folder: mesh
video_folder: video
load_ply: False
save_ply: True
inference_video: True
gpu_ids: 0
offscreen_rendering: False
img_format: '.jpg'
depth_threshold: 0.04
ext_edge_threshold: 0.002
sparse_iter: 5
filter_size: [7, 7, 5, 5, 5]
sigma_s: 4.0
sigma_r: 0.5
redundant_number: 12
background_thickness: 70
context_thickness: 140
background_thickness_2: 70
context_thickness_2: 70
discount_factor: 1.00
log_depth: True
largest_size: 512
depth_edge_dilate: 10
depth_edge_dilate_2: 5
extrapolate_border: True
extrapolation_thickness: 60
repeat_inpaint_edge: True
crop_border: [0.03, 0.03, 0.05, 0.03]
anti_flickering: True

result
running on device 0
0%| | 0/10 [00:00<?, ?it/s]Current Source ==> 1
Running depth extraction at 1589181707.954943
initialize
device: cpu
start processing
processing image/1.jpg (1/1)
torch.Size([1, 3, 384, 288])
finished
Start Running 3D_Photo ...
Loading edge model at 1589181711.9811437
Loading depth model at 1589181716.0342855
Loading rgb model at 1589181717.5272942
Writing depth ply (and basically doing everything) at 1589181718.912788
Writing mesh file mesh/1.ply ...
Making video at 1589181771.3278
fov: 53.13010235415598
WARNING: QXcbConnection: Failed to initialize XRandr
WARNING: Could not initialize GLX
Aborted (core dumped)

Warnings while running on an SSH session - no output videos

I get the following warnings while running headless:

Current Source ==>  md
initialize
device: cpu
start processing
  processing image/md.jpg (1/1)
torch.Size([1, 3, 384, 288])
finished
Start Running 3D_Photo ...
Writing mesh file mesh/md.ply ...
53.13010235415598
WARNING: QXcbConnection: Could not connect to display
WARNING: Could not connect to any X display.

I do see the md.ply file in the mesh folder and md.npy file in the depth folder. Just no videos though. Can this not be run without GUI?

Qt plugin issue

"WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)"

And i set the offscreen_render=True in argument.yml, it's still doesn't work

It takes 2-3 minutes on COLAB

That's really a piece of art. I love it :)

I tested it using COLAB GPU and it takes 2-3 minutes, so if it works on gpu why it takes this time? Or do I miss something here?
Thanks

GPU support not working

Hi Guys,

I have followed the steps in multiple systems with GPU but every time I run the model it's just use my CPU.

Do you have a specific guide of how to make it run on GPUs, I am planning to use this on a workstation with 4x GPUs to see the performance increase.

Your help here will really appreciate it.

Thanks

What should I do I get this error. thanks

^[[C(base) alpi@alpi-VirtualBox:/Downloads/3d-photo-inpainting-master$ python mpy --config argument.yml
Traceback (most recent call last):
File "main.py", line 11, in
from mesh import write_ply, read_ply, output_3d_photo
File "/home/alpi/Downloads/3d-photo-inpainting-master/mesh.py", line 17, in
import torch
File "/home/alpi/anaconda3/lib/python3.7/site-packages/torch/init.py", line 181, in
from .serialization import save, load
File "/home/alpi/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 448, in
def load(f, map_location=none, pickle_module=pickle, **pickle_load_args):
NameError: name 'none' is not defined
(base) alpi@alpi-VirtualBox:
/Downloads/3d-photo-inpainting-master$

Dockerfile

Hye guys,

Trying to set up stuff via docker. Bumped into issue:

>docker-compose up
3d_1  | Traceback (most recent call last):
3d_1  |   File "main.py", line 28, in <module>
3d_1  |     vispy.use(app='egl')
3d_1  |   File "/opt/conda/lib/python3.7/site-packages/vispy/util/wrappers.py", line 97, in use
3d_1  |     use_app(app)
3d_1  |   File "/opt/conda/lib/python3.7/site-packages/vispy/app/_default_app.py", line 47, in use_app
3d_1  |     default_app = Application(backend_name)
3d_1  |   File "/opt/conda/lib/python3.7/site-packages/vispy/app/application.py", line 49, in __init__
3d_1  |     self._use(backend_name)
3d_1  |   File "/opt/conda/lib/python3.7/site-packages/vispy/app/application.py", line 235, in _use
3d_1  |     raise RuntimeError(msg)
3d_1  | RuntimeError: Could not import backend "EGL":
3d_1  | Could not initialize

My Dockerfile

FROM pytorch/pytorch:1.4-cuda10.1-cudnn7-runtime

COPY . /app/
WORKDIR /app

RUN pip install -r requirements.txt
RUN apt update
RUN apt install -y wget 
RUN apt install -y libfontconfig1-dev
RUN pip install scipy matplotlib scikit-image
RUN apt install -y ffmpeg git less nano libsm6 libxext6 libxrender-dev python3-pyqt4 libgegl-0.3-0 libegl1 libegl-mesa0 libegl1-mesa-dev libgegl-dev

docker-compose.yml

version: '2.3'

services:
  3d:
    build: .
    volumes: 
      - .:/app
      - .torch:/root/.torch
    working_dir: /app
    networks:                                                                                                                                          
     - withvpn
    stdin_open: true
    tty: true
    runtime: nvidia
    ipc: host
    environment:
      - CUDA_VISIBLE_DEVICES=0
    command: python main.py --config argument.yml
networks:                                                                                                                                              
  withvpn:                                                                                                                                             
    ipam:                                                                                                                                              
      config:                                                                                                                                          
      - subnet: 170.13.241.0/24                                                                                                                        
        gateway: 170.13.241.1

How to use GPU in Colab?

Thanks very much for making this available! Very impressive!

I use the Colab notebook that you provided with a GPU instance. The code runs perfectly fine but I noticed that according to the log print out the GPU isn't used but rather the CPU.

How can I switch to GPU? Or is the print out wrong?

Thanks in advance for any insight on that.

initialize
device: cpu # <--- shouldn't this print out to "gpu" or is actually the cpu being used?
start processing
โ€ฆ

Is it possible to precisely mark a human with photoshop etc. for better results?

https://www.dropbox.com/s/j7dtvxn5svwkuun/83295980_2548137572130531_1109801945073916914_n_zoom-in.mp4?dl=0

The hand is not marked correctly in this video. (it is like detached)
What I want to ask is that; is it possible to make a precise marking with another tool like photoshop and then use the program with this marked jpg for a better result or is it a whole another story?

Sorry I'm just using the program for fun/hobby purposes, I may be asking a silly question.

'Graph' object has no attribute 'node'

Traceback (most recent call last):
File "main.py", line 109, in
depth_feat_model)
File "E:\3D\3d-photo-inpainting\mesh.py", line 1843, in write_ply
input_mesh, info_on_pix, edge_mesh, depth, aft_mark = remove_dangling(input_mesh, edge_ccs, edge_me
sh, info_on_pix, image, depth, config)
File "E:\3D\3d-photo-inpainting\mesh.py", line 764, in remove_dangling
mesh = refresh_node(single_edge_node, mesh.node[single_edge_node], new_node, dict(), mesh)
AttributeError: 'Graph' object has no attribute 'node'

Computer specification

Are there any restrictions on computer specifications and graphics cards required to use this code?

Monocuar only?

Fantastic work!
Is there a way to feed MiDaS a stereo pair to increase the accuracy of the depth map generation? Or perhaps a way to use an existing depth map image and skip the whole MiDaS process? Thanks in advance!

I don't know why it's not working.

I don' know why it's not working.
I would appreciate it if anyone who knows the reason would answer.

0%| | 0/2 [00:00<?, ?it/s]Current Source ==> moon
initialize
device: cpu
start processing
processing image/moon.jpg (1/1)
torch.Size([1, 3, 384, 320])
finished
Start Running 3D_Photo ...
Traceback (most recent call last):
File "main.py", line 69, in
map_location=torch.device(device))
File "/home/nim924/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 529, in load
return _legacy_load(opened_file, map_location, pickle_module, **pickle_load_args)
File "/home/nim924/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 702, in _legacy_load
result = unpickler.load()
File "/home/nim924/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 665, in persistent_load
deserialized_objects[root_key] = restore_location(obj, location)
File "/home/nim924/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 740, in restore_location
return default_restore_location(storage, str(map_location))
File "/home/nim924/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 156, in default_restore_location
result = fn(storage, location)
File "/home/nim924/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 132, in _cuda_deserialize
device = validate_cuda_device(location)
File "/home/nim924/anaconda3/lib/python3.7/site-packages/torch/serialization.py", line 116, in validate_cuda_device
raise RuntimeError('Attempting to deserialize object on a CUDA '
RuntimeError: Attempting to deserialize object on a CUDA device but torch.cuda.is_available() is False. If you are running on a CPU-only machine, please use torch.load with map_location=torch.device('cpu') to map your storages to the CPU.
0%| | 0/2 [00:10<?, ?it/s]

Can't generate videos although it generate mesh & depth files

I run the code on Colab, and it was successfully executed where videos are generated.
But when I run it on my machine, the videos are not generated however, the mesh and depth are generated:

- depth/image.npy
- mesh/in.ply

And also I installed all required packages, but there is no video, but I got this warning:

/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
  data = yaml.load(f.read()) or {}
0%|          | 0/1 [00:00<?, ?it/s]
-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


-------------------------------------------
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


-------------------------------------------
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
   "version": 330752
}
-------------------------------------------
WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
-------------------------------------------

WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
   "className": "QXcbIntegrationPlugin",
   "debug": false,
-------------------------------------------


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
   "className": "QXcbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

-------------------------------------------
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
-------------------------------------------
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
-------------------------------------------
Aborted (core dumped)
-------------------------------------------
WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
-------------------------------------------
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
-------------------------------------------
Aborted (core dumped)
-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
-------------------------------------------
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)
-------------------------------------------
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
-------------------------------------------
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)
-------------------------------------------
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
-------------------------------------------
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)
-------------------------------------------
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
-------------------------------------------


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
   "className": "QXcbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)
-------------------------------------------
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)
-------------------------------------------
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
-------------------------------------------
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)
-------------------------------------------
/home/resources/anaconda3/lib/python3.7/site-packages/dask/config.py:168: YAMLLoadWarning: calling yaml.load() without Loader=... is deprecated, as the default Loader is unsafe. Please read https://msg.pyyaml.org/load for full details.
 data = yaml.load(f.read()) or {}

 0%|          | 0/1 [00:00<?, ?it/s]WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms" ...
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqeglfs.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "eglfs"
       ]
   },
   "archreq": 0,
   "className": "QEglFSIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("eglfs")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqlinuxfb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "linuxfb"
       ]
   },
   "archreq": 0,
   "className": "QLinuxFbIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("linuxfb")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimal.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimal"
       ]
   },
   "archreq": 0,
   "className": "QMinimalIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimal")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqminimalegl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "minimalegl"
       ]
   },
   "archreq": 0,
   "className": "QMinimalEglIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("minimalegl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqoffscreen.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "offscreen"
       ]
   },
   "archreq": 0,
   "className": "QOffscreenIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("offscreen")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqvnc.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "vnc"
       ]
   },
   "archreq": 0,
   "className": "QVncIntegrationPlugin",
   "debug": false,
-------------------------------------------
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)
-------------------------------------------
Aborted (core dumped)
-------------------------------------------
}


WARNING: Got keys from plugin meta data ("vnc")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-generic.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland"
       ]
   },
   "archreq": 0,
   "className": "QWaylandIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-egl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-egl"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeEglPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-egl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwayland-xcomposite-glx.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "wayland-xcomposite-glx"
       ]
   },
   "archreq": 0,
   "className": "QWaylandXCompositeGlxPlatformIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("wayland-xcomposite-glx")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqwebgl.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "webgl"
       ]
   },
   "archreq": 0,
   "className": "QWebGLIntegrationPlugin",
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("webgl")
WARNING: QFactoryLoader::QFactoryLoader() looking at "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: Found metadata in lib /home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so, metadata=
{
   "IID": "org.qt-project.Qt.QPA.QPlatformIntegrationFactoryInterface.5.3",
   "MetaData": {
       "Keys": [
           "xcb"
       ]
   },
   "archreq": 0,
-------------------------------------------
   "debug": false,
   "version": 330752
}


WARNING: Got keys from plugin meta data ("xcb")
WARNING: QFactoryLoader::QFactoryLoader() checking directory path "/home/resources/anaconda3/bin/platforms" ...
WARNING: loaded library "/home/resources/anaconda3/lib/python3.7/site-packages/PyQt5/Qt/plugins/platforms/libqxcb.so"
WARNING: could not connect to display 
WARNING: Could not load the Qt platform plugin "xcb" in "" even though it was found.
WARNING: This application failed to start because no Qt platform plugin could be initialized. Reinstalling the application may fix this problem.

Available platform plugins are: eglfs, linuxfb, minimal, minimalegl, offscreen, vnc, wayland-egl, wayland, wayland-xcomposite-egl, wayland-xcomposite-glx, webgl, xcb.

Aborted (core dumped)

Image Quality Degrades

Hi - amazing work here! I was experimenting with higher resolution images by increasing the longer_side_len argument to 1920. However - the video quality is a little blurry and does not match the input images which are high res. Is this because you downsample and then upsample them in the process or am I missing some other argument that needs to be updated?

53.13010235415598 Segmentation fault (core dumped)

When I executed main.py, the system reported an error. Please check where is the problem? Thanks.

(3DP) a123@a123-System-Product-Name:~/Documents/AI-code/3d-photo-inpainting-master$ python main.py --config argument.yml
0%| | 0/1 [00:00<?, ?it/s]Current Source ==> test
initialize
device: cpu
start processing
processing image/test.jpg (1/1)
torch.Size([1, 3, 384, 384])
finished
Start Running 3D_Photo ...
Writing mesh file mesh/test.ply ...
53.13010235415598
Segmentation fault (core dumped)

Issues getting it to work on CPU only mac (Catalina 10.15.4)

I don't think it is possible, but can this run on a CPU only macbook pro? Below is the error output on my last 2013 MBP with retina integrated graphics

Also, if you are running a NVIDIA GPU mac book pro you'll need to change this line
conda install pytorch==1.4.0 torchvision==0.5.0 cudatoolkit==10.1.243 -c pytorch
To this:
conda install pytorch==1.4.0 torchvision==0.5.0 cudatoolkit==9.0 -c pytorch

Output I get on my machine:
initialize
device: cpu
start processing
processing image/4O5A8714.jpg (1/1)
torch.Size([1, 3, 256, 384])
finished
Start Running 3D_Photo ...
Traceback (most recent call last):
File "main.py", line 95, in
depth_feat_model)
File "/Users/tmbouman/Documents/GitHub/3d-photo-inpainting/mesh.py", line 1877, in write_ply
depth_edge_model, depth_feat_model, rgb_model, config, direc="up")
File "/Users/tmbouman/Documents/GitHub/3d-photo-inpainting/mesh_tools.py", line 193, in extrapolate
t_edge = torch.FloatTensor(edge).to(device)[None, None, ...]
File "/Users/tmbouman/anaconda3/envs/3DP/lib/python3.7/site-packages/torch/cuda/init.py", line 196, in _lazy_init
_check_driver()
File "/Users/tmbouman/anaconda3/envs/3DP/lib/python3.7/site-packages/torch/cuda/init.py", line 94, in _check_driver
raise AssertionError("Torch not compiled with CUDA enabled")

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.