Giter VIP home page Giter VIP logo

neuralrecon's Introduction

NeuralRecon: Real-Time Coherent 3D Reconstruction from Monocular Video


NeuralRecon: Real-Time Coherent 3D Reconstruction from Monocular Video
Jiaming Sun*, Yiming Xie*, Linghao Chen, Xiaowei Zhou, Hujun Bao
CVPR 2021 (Oral Presentation and Best Paper Candidate)

real-time video


TODO List and ETA

  • Code (with detailed comments) for training and inference, and the data preparation scripts (2021-5-2).
  • Pretrained models on ScanNet (2021-5-2).
  • Real-time reconstruction demo on custom ARKit data with instructions (2021-5-7).
  • Evaluation code and metrics (expected 2021-6-10).

How to Use

Installation

# Ubuntu 18.04 and above is recommended.
sudo apt install libsparsehash-dev  # you can try to install sparsehash with conda if you don't have sudo privileges.
conda env create -f environment.yaml
conda activate neucon
[FAQ on environment installation]
  • AttributeError: module 'torchsparse_backend' has no attribute 'hash_forward'

    • Clone torchsparse to a local directory. If you have done that, recompile and install torchsparse after removing the build folder.
  • No sudo privileges to install libsparsehash-dev

    • Install sparsehash in conda (included in environment.yaml) and run export CPLUS_INCLUDE_PATH=$CONDA_PREFIX/include before installing torchsparse.
  • For other problems, you can also refer to the FAQ in torchsparse.

Pretrained Model on ScanNet

Download the pretrained weights and put it under PROJECT_PATH/checkpoints/release. You can also use gdown to download it in command line:

mkdir checkpoints && cd checkpoints
gdown --id 1zKuWqm9weHSm98SZKld1PbEddgLOQkQV

Real-time Demo on Custom Data with Camera Poses from ARKit.

We provide a real-time demo of NeuralRecon running with self-captured ARKit data. Please refer to DEMO.md for details.

Data Preperation for ScanNet

Download and extract ScanNet by following the instructions provided at http://www.scan-net.org/.

[Expected directory structure of ScanNet (click to expand)]

You can obtain the train/val/test split information from here.

DATAROOT
└───scannet
│   └───scans
│   |   └───scene0000_00
│   |       └───color
│   |       │   │   0.jpg
│   |       │   │   1.jpg
│   |       │   │   ...
│   |       │   ...
│   └───scans_test
│   |   └───scene0707_00
│   |       └───color
│   |       │   │   0.jpg
│   |       │   │   1.jpg
│   |       │   │   ...
│   |       │   ...
|   └───scannetv2_test.txt
|   └───scannetv2_train.txt
|   └───scannetv2_val.txt

Next run the data preparation script which parses the raw data format into the processed pickle format. This script also generates the ground truth TSDFs using TSDF Fusion.

[Data preparation script]
# Change PATH_TO_SCANNET and OUTPUT_PATH accordingly.
# For the training/val split:
python tools/tsdf_fusion/generate_gt.py --data_path PATH_TO_SCANNET --save_name all_tsdf_9 --window_size 9
# For the test split
python tools/tsdf_fusion/generate_gt.py --test --data_path PATH_TO_SCANNET --save_name all_tsdf_9 --window_size 9

Inference on ScanNet test-set

python main.py --cfg ./config/test.yaml

The reconstructed meshes will be saved to PROJECT_PATH/results.

Evaluation on ScanNet test-set

python tools/evaluation.py --model ./results/scene_scannet_release_fusion_eval_47 --n_proc 16

Note that evaluation.py uses pyrender to render depth maps from the predicted mesh for 2D evaluation. If you are using headless rendering you must also set the enviroment variable PYOPENGL_PLATFORM=osmesa (see pyrender for more details).

You can print the results of a previous evaluation run using

python tools/visualize_metrics.py --model ./results/scene_scannet_release_fusion_eval_47

Training on ScanNet

Start training by running ./train.sh. More info about training (e.g. GPU requirements, convergence time, etc.) to be added soon.

[train.sh]
#!/usr/bin/env bash
export CUDA_VISIBLE_DEVICES=0,1
python -m torch.distributed.launch --nproc_per_node=2 main.py --cfg ./config/train.yaml

The training is seperated to two phases and the switching between phases is controlled manually for now:

  • Phase 1 (the first 0-20 epoch), training single fragments. MODEL.FUSION.FUSION_ON=False, MODEL.FUSION.FULL=False

  • Phase 2 (the remaining 21-50 epoch), with GRUFusion. MODEL.FUSION.FUSION_ON=True, MODEL.FUSION.FULL=True

Citation

If you find this code useful for your research, please use the following BibTeX entry.

@article{sun2021neucon,
  title={{NeuralRecon}: Real-Time Coherent {3D} Reconstruction from Monocular Video},
  author={Sun, Jiaming and Xie, Yiming and Chen, Linghao and Zhou, Xiaowei and Bao, Hujun},
  journal={CVPR},
  year={2021}
}

Acknowledgment

We would like to specially thank Reviewer 3 for the insightful and constructive comments. We would like to thank Sida Peng , Siyu Zhang and Qi Fang for the proof-reading. Some of the code in this repo is borrowed from MVSNet_pytorch, thanks Xiaoyang!

Copyright

This work is affiliated with ZJU-SenseTime Joint Lab of 3D Vision, and its intellectual property belongs to SenseTime Group Ltd.

Copyright SenseTime. All Rights Reserved.

Licensed under the Apache License, Version 2.0 (the "License");
you may not use this file except in compliance with the License.
You may obtain a copy of the License at

    http://www.apache.org/licenses/LICENSE-2.0

Unless required by applicable law or agreed to in writing, software
distributed under the License is distributed on an "AS IS" BASIS,
WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
See the License for the specific language governing permissions and
limitations under the License.

neuralrecon's People

Contributors

burningdust21 avatar jiamingsuen avatar ootts 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

neuralrecon's Issues

Is RTX3090 supported now?

Hi, I noticed that enviorment.yaml is updated recently for torchsparse==1.4.0, but when I tried to configure my environment on RTX3090, the installation of torchsparse was failed as below:

Building wheels for collected packages: torchsparse
  Building wheel for torchsparse (setup.py): started
  Building wheel for torchsparse (setup.py): finished with status 'error'
  Running setup.py clean for torchsparse
Failed to build torchsparse
Installing collected packages: zipp, pyrsistent, importlib-metadata, attrs, tornado, pyzmq, python-dateutil, pyparsing, jupyter-core, jsonschema, webencodings, urllib3, pycparser, packaging, nest-asyncio, nbformat, matplotlib-inline, MarkupSafe, jupyter-client, idna, decorator, charset-normalizer, async-generator, testpath, sniffio, requests, pyasn1, pandocfilters, nbclient, mistune, jupyterlab-pygments, jinja2, ipython, entrypoints, defusedxml, debugpy, cffi, bleach, websocket-client, terminado, Send2Trash, rsa, requests-unixsocket, pytz, pyasn1-modules, protobuf, prometheus-client, nbconvert, multidict, ipykernel, cachetools, argon2-cffi, anyio, yarl, notebook, jupyter-server, json5, googleapis-common-protos, google-auth, chardet, babel, async-timeout, widgetsnbextension, tomlkit, threadpoolctl, scipy, PySocks, psutil, opencensus-context, nvidia-ml-py3, nbclassic, kiwisolver, jupyterlab-widgets, jupyterlab-server, joblib, hiredis, google-api-core, deprecation, cycler, blessings, appdirs, aiohttp, trimesh, tifffile, scikit-learn, redis, pyyaml, PyWavelets, pytools, PyOpenGL, pyglet, pydantic, py-spy, pandas, opencensus, networkx, msgpack, matplotlib, mako, jupyterlab, jupyter-packaging, ipywidgets, imageio, grpcio, gpustat, freetype-py, filelock, colorama, click, cached-property, aioredis, aiohttp-cors, addict, yacs, transforms3d, torchsparse, tensorboardX, scikit-image, ray, pyrender, pycuda, opencv-python, open3d, loguru, h5py, gdown
  Attempting uninstall: decorator
    Found existing installation: decorator 5.0.9
    Uninstalling decorator-5.0.9:
      Successfully uninstalled decorator-5.0.9
  Attempting uninstall: ipython
    Found existing installation: ipython 7.22.0
    Uninstalling ipython-7.22.0:
      Successfully uninstalled ipython-7.22.0
    Running setup.py install for torchsparse: started
    Running setup.py install for torchsparse: finished with status 'error'

Pip subprocess error:
  Running command git clone -q https://github.com/mit-han-lab/torchsparse.git /tmp/pip-req-build-jiy3tnlc
  ERROR: Command errored out with exit status 1:
   command: /home/zhongad/anaconda3/envs/neucon_py37_tor181/bin/python -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-req-build-jiy3tnlc/setup.py'"'"'; __file__='"'"'/tmp/pip-req-build-jiy3tnlc/setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' bdist_wheel -d /tmp/pip-wheel-sep_ow5_
       cwd: /tmp/pip-req-build-jiy3tnlc/
  Complete output (154 lines):
  running bdist_wheel
  running build
  running build_py
  creating build
  creating build/lib.linux-x86_64-3.7
  creating build/lib.linux-x86_64-3.7/torchsparse
  copying torchsparse/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse
  copying torchsparse/version.py -> build/lib.linux-x86_64-3.7/torchsparse
  copying torchsparse/operators.py -> build/lib.linux-x86_64-3.7/torchsparse
  copying torchsparse/tensor.py -> build/lib.linux-x86_64-3.7/torchsparse
  creating build/lib.linux-x86_64-3.7/torchsparse/utils
  copying torchsparse/utils/quantize.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
  copying torchsparse/utils/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
  copying torchsparse/utils/collate.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
  copying torchsparse/utils/utils.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
  creating build/lib.linux-x86_64-3.7/torchsparse/nn
  copying torchsparse/nn/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn
  creating build/lib.linux-x86_64-3.7/torchsparse/nn/utils
  copying torchsparse/nn/utils/apply.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/utils
  copying torchsparse/nn/utils/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/utils
  copying torchsparse/nn/utils/kernel.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/utils
  creating build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/downsample.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/activation.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/query.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/hash.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/count.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/pooling.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/devoxelize.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/conv.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/voxelize.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  copying torchsparse/nn/functional/crop.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
  creating build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  copying torchsparse/nn/modules/bev.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  copying torchsparse/nn/modules/activation.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  copying torchsparse/nn/modules/norm.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  copying torchsparse/nn/modules/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  copying torchsparse/nn/modules/pooling.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  copying torchsparse/nn/modules/conv.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  copying torchsparse/nn/modules/crop.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
  running build_ext
  building 'torchsparse.backend' extension
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap
  creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others
  Emitting ninja build file /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/build.ninja...
  Compiling objects...
  Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)
  [1/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/voxelize/voxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o
  /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/voxelize/voxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
  [2/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/devoxelize/devoxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o
  /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/devoxelize/devoxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
  [3/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/convolution/convolution_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o
  /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/convolution/convolution_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
  [4/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hash/hash_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o
  /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hash/hash_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
  [5/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hashmap/hashmap_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o
  /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hashmap/hashmap_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
  [6/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/query_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o
  /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/query_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
  [7/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/count_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o
  /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/count_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
  nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
  [8/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hashmap/hashmap_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  [9/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/count_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  [10/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hash/hash_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  [11/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/voxelize/voxelize_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  [12/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/query_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  [13/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/devoxelize/devoxelize_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  [14/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/convolution/convolution_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  [15/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/pybind_cuda.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/pybind_cuda.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/pybind_cuda.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
  cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
  ninja: build stopped: subcommand failed.
  Traceback (most recent call last):
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1673, in _run_ninja_build
      env=env)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/subprocess.py", line 512, in run
      output=stdout, stderr=stderr)
  subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.
  
  The above exception was the direct cause of the following exception:
  
  Traceback (most recent call last):
    File "<string>", line 1, in <module>
    File "/tmp/pip-req-build-jiy3tnlc/setup.py", line 40, in <module>
      zip_safe=False,
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/setuptools/__init__.py", line 153, in setup
      return distutils.core.setup(**attrs)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/core.py", line 148, in setup
      dist.run_commands()
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 966, in run_commands
      self.run_command(cmd)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 985, in run_command
      cmd_obj.run()
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/wheel/bdist_wheel.py", line 299, in run
      self.run_command('build')
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/cmd.py", line 313, in run_command
      self.distribution.run_command(command)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 985, in run_command
      cmd_obj.run()
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build.py", line 135, in run
      self.run_command(cmd_name)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/cmd.py", line 313, in run_command
      self.distribution.run_command(command)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 985, in run_command
      cmd_obj.run()
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 79, in run
      _build_ext.run(self)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 340, in run
      self.build_extensions()
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 708, in build_extensions
      build_ext.build_extensions(self)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 449, in build_extensions
      self._build_extensions_serial()
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 474, in _build_extensions_serial
      self.build_extension(ext)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 196, in build_extension
      _build_ext.build_extension(self, ext)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 534, in build_extension
      depends=ext.depends)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 538, in unix_wrap_ninja_compile
      with_cuda=with_cuda)
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1359, in _write_ninja_file_and_compile_objects
      error_prefix='Error compiling objects for extension')
    File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1683, in _run_ninja_build
      raise RuntimeError(message) from e
  RuntimeError: Error compiling objects for extension
  ----------------------------------------
  ERROR: Failed building wheel for torchsparse
    ERROR: Command errored out with exit status 1:
     command: /home/zhongad/anaconda3/envs/neucon_py37_tor181/bin/python -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-req-build-jiy3tnlc/setup.py'"'"'; __file__='"'"'/tmp/pip-req-build-jiy3tnlc/setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /tmp/pip-record-h6_yeskd/install-record.txt --single-version-externally-managed --compile --install-headers /home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m/torchsparse
         cwd: /tmp/pip-req-build-jiy3tnlc/
    Complete output (156 lines):
    running install
    running build
    running build_py
    creating build
    creating build/lib.linux-x86_64-3.7
    creating build/lib.linux-x86_64-3.7/torchsparse
    copying torchsparse/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse
    copying torchsparse/version.py -> build/lib.linux-x86_64-3.7/torchsparse
    copying torchsparse/operators.py -> build/lib.linux-x86_64-3.7/torchsparse
    copying torchsparse/tensor.py -> build/lib.linux-x86_64-3.7/torchsparse
    creating build/lib.linux-x86_64-3.7/torchsparse/utils
    copying torchsparse/utils/quantize.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
    copying torchsparse/utils/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
    copying torchsparse/utils/collate.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
    copying torchsparse/utils/utils.py -> build/lib.linux-x86_64-3.7/torchsparse/utils
    creating build/lib.linux-x86_64-3.7/torchsparse/nn
    copying torchsparse/nn/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn
    creating build/lib.linux-x86_64-3.7/torchsparse/nn/utils
    copying torchsparse/nn/utils/apply.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/utils
    copying torchsparse/nn/utils/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/utils
    copying torchsparse/nn/utils/kernel.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/utils
    creating build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/downsample.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/activation.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/query.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/hash.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/count.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/pooling.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/devoxelize.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/conv.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/voxelize.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    copying torchsparse/nn/functional/crop.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/functional
    creating build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    copying torchsparse/nn/modules/bev.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    copying torchsparse/nn/modules/activation.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    copying torchsparse/nn/modules/norm.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    copying torchsparse/nn/modules/__init__.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    copying torchsparse/nn/modules/pooling.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    copying torchsparse/nn/modules/conv.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    copying torchsparse/nn/modules/crop.py -> build/lib.linux-x86_64-3.7/torchsparse/nn/modules
    running build_ext
    building 'torchsparse.backend' extension
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap
    creating /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others
    Emitting ninja build file /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/build.ninja...
    Compiling objects...
    Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)
    [1/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/devoxelize/devoxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o
    /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/devoxelize/devoxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [2/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hashmap/hashmap_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o
    /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hashmap/hashmap_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [3/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/count_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o
    /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/count_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [4/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/query_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o
    /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/query_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [5/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/voxelize/voxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o
    /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/voxelize/voxelize_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [6/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/convolution/convolution_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o
    /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/convolution/convolution_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [7/15] /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hash/hash_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    FAILED: /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o
    /usr/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o.d -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hash/hash_cuda.cu -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [8/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hashmap/hashmap_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hashmap/hashmap_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [9/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/count_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/count_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [10/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/voxelize/voxelize_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/voxelize/voxelize_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [11/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/devoxelize/devoxelize_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/devoxelize/devoxelize_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [12/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/hash/hash_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/hash/hash_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [13/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/convolution/convolution_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/convolution/convolution_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [14/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cpu.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/others/query_cpu.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/others/query_cpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [15/15] c++ -MMD -MF /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/pybind_cuda.o.d -pthread -B /home/zhongad/anaconda3/envs/neucon_py37_tor181/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/TH -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/include/THC -I/home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m -c -c /tmp/pip-req-build-jiy3tnlc/torchsparse/backend/pybind_cuda.cpp -o /tmp/pip-req-build-jiy3tnlc/build/temp.linux-x86_64-3.7/torchsparse/backend/pybind_cuda.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=backend -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    ninja: build stopped: subcommand failed.
    Traceback (most recent call last):
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1673, in _run_ninja_build
        env=env)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/subprocess.py", line 512, in run
        output=stdout, stderr=stderr)
    subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.
    
    The above exception was the direct cause of the following exception:
    
    Traceback (most recent call last):
      File "<string>", line 1, in <module>
      File "/tmp/pip-req-build-jiy3tnlc/setup.py", line 40, in <module>
        zip_safe=False,
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/setuptools/__init__.py", line 153, in setup
        return distutils.core.setup(**attrs)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/core.py", line 148, in setup
        dist.run_commands()
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 966, in run_commands
        self.run_command(cmd)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 985, in run_command
        cmd_obj.run()
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/setuptools/command/install.py", line 61, in run
        return orig.install.run(self)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/install.py", line 545, in run
        self.run_command('build')
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/cmd.py", line 313, in run_command
        self.distribution.run_command(command)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 985, in run_command
        cmd_obj.run()
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build.py", line 135, in run
        self.run_command(cmd_name)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/cmd.py", line 313, in run_command
        self.distribution.run_command(command)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/dist.py", line 985, in run_command
        cmd_obj.run()
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 79, in run
        _build_ext.run(self)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 340, in run
        self.build_extensions()
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 708, in build_extensions
        build_ext.build_extensions(self)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 449, in build_extensions
        self._build_extensions_serial()
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 474, in _build_extensions_serial
        self.build_extension(ext)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 196, in build_extension
        _build_ext.build_extension(self, ext)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/distutils/command/build_ext.py", line 534, in build_extension
        depends=ext.depends)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 538, in unix_wrap_ninja_compile
        with_cuda=with_cuda)
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1359, in _write_ninja_file_and_compile_objects
        error_prefix='Error compiling objects for extension')
      File "/home/zhongad/anaconda3/envs/neucon_py37_tor181/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1683, in _run_ninja_build
        raise RuntimeError(message) from e
    RuntimeError: Error compiling objects for extension
    ----------------------------------------
ERROR: Command errored out with exit status 1: /home/zhongad/anaconda3/envs/neucon_py37_tor181/bin/python -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-req-build-jiy3tnlc/setup.py'"'"'; __file__='"'"'/tmp/pip-req-build-jiy3tnlc/setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /tmp/pip-record-h6_yeskd/install-record.txt --single-version-externally-managed --compile --install-headers /home/zhongad/anaconda3/envs/neucon_py37_tor181/include/python3.7m/torchsparse Check the logs for full command output.                                                                                                                                                                   failed

CondaEnvException: Pip failed

Notice that, for RTX3090 support I need to install cudatoolkit=11.1 to get rid of

NVIDIA GeForce RTX 3090 with CUDA capability sm_86 is not compatible with the current PyTorch installation.
  The current PyTorch install supports CUDA capabilities sm_37 sm_50 sm_60 sm_61 sm_70 sm_75 compute_37.
  If you want to use the NVIDIA GeForce RTX 3090 GPU with PyTorch, please check the instructions at https://pytorch.org/get-started/locally/

I wonder did you try RTX3090 for demo.py? Thank you.

Detected call of `lr_scheduler.step()` before `optimizer.step()`.

When I trained the network, I got the following warning.:
/usr/wiss/zuox/storage/slurm/zuox/miniconda3/envs/neucon/lib/python3.7/site-packages/torch/optim/lr_scheduler.py:123: UserWarning: Detected call of lr_scheduler.step() before optimizer.step(). In PyTorch 1.1.0 and later, you should call them in the opposite order: optimizer.step() before lr_scheduler.step(). Failure to do this will result in PyTorch skipping the first value of the learning rate schedule. See more details at https://pytorch.org/docs/stable/optim.html#how-to-adjust-learning-rate
"https://pytorch.org/docs/stable/optim.html#how-to-adjust-learning-rate", UserWarning)

Does it really matter? Should I follow the notice and call them in the opposite order?

Runnable on Windows?

Hi, the work you guys have look amazing!

As the documentation is pretty long and have quite a lot of steps to get it running, I just want to double check if this would be possible to run on a Windows machine or not. Please let me know if it's possible.

Also, sorry to bother you guys with such trivial matter! And thanks in advance

Generalization

I managed to reproduce the paper result on the demo dataset with the code and trained network published here, and the result look great. However when trying it on custom datasets I do not get good results, no matter what scene type I try (indoor, outdoor, office like scene, etc); here is one example, one of the best results I got this far:
image

Do you think I am doing something wrong at passing the camera extrinsics I get from ARKit or it is known that the method does not generalize well and performs well only on the trained data?

I used a custom acquisition method and a relatively large baseline between consecutive images (~1 image/s). Should I try a much higher FPS?

Something wrong in Demo?

First of all, thank you for your code. I look forward to use it, But now I come across some errors. I follows your step in Demo. Can you tell me how to solve it?

Traceback (most recent call last):
File "demo.py", line 91, in
save_mesh_scene.save_scene_eval(epoch_idx, outputs)
File "/data/g00577352/NeuralRecon/utils.py", line 270, in save_scene_eval
tsdf_volume = outputs['scene_tsdf'][0].data.cpu().numpy()
KeyError: 'scene_tsdf'

Errors in Forward Pass

I'm running into an error during the forward pass in both training and the demo. This occurs when neighbor_map is one dimensional in the torchsparse function. Was this ever encountered during development?

Traceback (most recent call last):
File "main.py", line 308, in
train()
File "main.py", line 212, in train
loss, scalar_outputs = train_sample(sample)
File "main.py", line 288, in train_sample
outputs, loss_dict = model(sample)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/vision/billf/scratch/ericqian/neural-render/code/NeuralRecon/models/neuralrecon.py", line 82, in forward
outputs, loss_dict = self.neucon_net(features, inputs, outputs)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/vision/billf/scratch/ericqian/neural-render/code/NeuralRecon/models/neucon_network.py", line 157, in forward
feat = self.sp_convsi
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/vision/billf/scratch/ericqian/neural-render/code/NeuralRecon/models/modules.py", line 154, in forward
x1 = self.stage1(x1)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/container.py", line 117, in forward
input = module(input)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/vision/billf/scratch/ericqian/neural-render/code/NeuralRecon/models/modules.py", line 24, in forward
out = self.net(x)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/container.py", line 117, in forward
input = module(input)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torchsparse/nn/modules/conv.py", line 63, in forward
transpose=self.t)
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torchsparse/nn/functional/sparseconv.py", line 151, in conv3d
idx_query = list(convert_neighbor_map_gpu(idx_query))
File "/data/vision/billf/intrinsic/neural-render/ericqian/software/miniconda3/envs/necon/lib/python3.7/site-packages/torchsparse/nn/functional/convert_neighbor_map.py", line 10, in forward
idx_batch, idx_point = torch.where(neighbor_map != -1)
ValueError: not enough values to unpack (expected 2, got 1)
Segmentation fault

Program running error

Why do I run the command :python main.py --cfg ./config/test.yaml
and the following results appear:
number of gpus: 1
creating log file ./checkpoints/20210822_203302_test.log

but the program doesn't run down

KeyError: 'scene_tsdf'

This bug should have been fixed by one of the last commits but still occurs on some of my own data (not all videos).

batch_ind = torch.nonzero(coords[:, 0] == batch).squeeze(1)
6%|███▍ | 11/191 [00:03<00:41, 4.35it/s]2021-05-27 09:33:50.236 | WARNING | models.neucon_network:forward:184 - no valid points: scale 2
6%|███▍ | 11/191 [00:03<00:53, 3.35it/s]
Traceback (most recent call last):
File "demo.py", line 81, in
save_mesh_scene(outputs, sample, epoch_idx)
File "NeuralRecon/utils.py", line 322, in call
self.tsdf_volume[3] = outputs['scene_tsdf']
KeyError: 'scene_tsdf'

Maybe the reason is the wrong video filming? Can you describe how to make a video with the maximum number of relevant frames?

Custom Dataset

Hi,
First of all great work. I would like to know if I want to test this method using my own dataset, say I have a small video and u want to try it out what are the steps that I need to follow before I run the inference. I found that you follow the scannet data structure, so can you tell me the steps for converting a custom dataset that will be able to run this method

Question about the choice of maximum depth

Thank you for your great work.
I have a little question about the choice of the maximum depth. The default value is 3m and I am wondering is there any specific reason for this. Can we increase the configuration of maximum depth and number of voxels so that NeuralRecon can support larger depth such as 5m? Is there any experiment results with different choice of maximum depth?

Single-layered mesh generation.

Thank you for the great work and for sharing the code. How should we modify the code to generate "single-layered mesh" as shown in Figure 2 in Supplementary Material? Thank you very much.

how to obtain stable and accurate camera poses?

From Demo, the arkit from apple can provide the stable and accurate camera poses. I have try to use orb-slam2 and VINS to calculate the poses of some images which are captured from phones. Of course, Your program can output a ply model. But its shape is not good. So I think maybe the image poses are not accurate. Do you know why the iphone can provide the accurate camera poses? I think it also used the VIO algorithm. Do you think SLAM can be used to provided the poses of images?

ARKit evaluation

Hi,
I am a big fan of this project.

I want to evaluation ARKit Reconstruction results.
So I'm trying to apply the evaluation.py code to ARKit Recon results.
For that, I need a depth map of ARKit Recon results.

NeuralRecon paper says that "we render the reconstructed mesh to
the image plane and obtain depth map estimations.".
So I tried to find the code to get the depth map from the reconstructed mesh result, but I couldn't find it. Could you tell me what the code for estimating the depth map from the reconstructed mesh ?

Thanks,
Hyunjin Kim.

no valid points: scale 0 when runing example data

the following is the detailed error infos, i search the similar issues and find #6 , but i check the code and the X-Y plane in the ARKit coordinates has be moved downwards a little in tools/process_arkit_data.py(cam_pose_dict[id][2, 3] += 1.5).
so i wonder to know what's wrong with it?

@JiamingSuen

2021-08-07 10:21:25.395 | INFO | main::32 - First run on this captured data, start the pre-processing...
Extract images from video...
100%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 5301/5301 [00:39<00:00, 135.46it/s]
Load intrinsics and extrinsics
Processing camera intrinsics...: 100%|████████████████████████████████████████████████████████████████████████████████████████████████| 5301/5301 [00:00<00:00, 367765.61it/s]
data source: ARKit
Saving camera extrinsics...: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████| 5301/5301 [00:00<00:00, 7865.03it/s]
Saving camera intrinsics...: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████| 5301/5301 [00:00<00:00, 8375.12it/s]
Keyframes selection...: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████| 5301/5301 [00:00<00:00, 37386.61it/s]
Saving fragments file...: 100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████| 110/110 [00:00<00:00, 148830.14it/s]
2021-08-07 10:22:06.263 | INFO | main::37 - Running NeuralRecon...
2021-08-07 10:22:06.265 | INFO | main::50 - Initializing the model on GPU...
2021-08-07 10:22:07.920 | INFO | main::58 - Resuming from ./checkpoints/release/model_000047.ckpt
2021-08-07 10:22:08.043 | INFO | main::64 - Start inference..
0%| | 0/110 [00:00<?, ?it/s]/home/achao/3d/debug-NeuralRecon/NeuralRecon/ops/back_project.py:29: UserWarning: This overload of nonzero is deprecated:
nonzero(Tensor input, *, Tensor out)
Consider using one of the following signatures instead:
nonzero(Tensor input, *, bool as_tuple) (Triggered internally at /pytorch/torch/csrc/utils/python_arg_parser.cpp:766.)
batch_ind = torch.nonzero(coords[:, 0] == batch).squeeze(1)
2021-08-07 10:22:08.267 | WARNING | models.neucon_network:forward:184 - no valid points: scale 0
0%| | 0/110 [00:00<?, ?it/s]
Traceback (most recent call last):
File "demo.py", line 89, in
save_mesh_scene.save_incremental(epoch_idx, 0, sample['imgs'][0], outputs)
File "/home/achao/3d/debug-NeuralRecon/NeuralRecon/utils.py", line 256, in save_incremental
tsdf_volume = outputs['scene_tsdf'][batch_idx].data.cpu().numpy()
KeyError: 'scene_tsdf'

CUDA out of memory

Because my gpu memory is too small, when I run demo.py I get the following error
RuntimeError: CUDA out of memory. Tried to allocate 666.00 MiB (GPU 0; 2.00 GiB total capacity; 557.62 MiB already allocated; 549.02 MiB free; 662.00 MiB reserved in total by PyTorch)
How do I modify the code so that it can run on 2G memory, thanks!

question about meta data generation part

Thanks for releasing this! For CPU version or generate_gt, it seems that, when using generate_gt.py to obtain tsdf, you commented color_all on line 224, that leads to color_all in save_tsdf_full to be empty, then color_im is empty. The code will report the following error. Is there a particular reason to comment line 224? I tried to uncomment this and use color info, but still weren't able to figure things out. It seems to me that, the color_im has been flattened into one channel previously, is it a typo that new_color = color_im[pix_y[valid_pts], pix_x[valid_pts]] use two indices to access color_im? Thanks!

Traceback (most recent call last):
File "tools/tsdf_fusion/generate_gt.py", line 289, in
process_with_single_worker(args, files[w_idx])
File "tools/tsdf_fusion/generate_gt.py", line 230, in process_with_single_worker
save_tsdf_full(args, scene, cam_intr, depth_all, cam_pose_all, color_all, save_mesh=False)
File "tools/tsdf_fusion/generate_gt.py", line 95, in save_tsdf_full
tsdf_vol_list[l].integrate(color_image, depth_im, cam_intr, cam_pose, obs_weight=1.)
File "./tools/tsdf_fusion/fusion.py", line 298, in integrate
new_color = color_im[pix_y[valid_pts], pix_x[valid_pts]]
IndexError: too many indices for array: array is 0-dimensional, but 2 were indexed

ios_logger_process.py

Thank you for such a well documented source code. Can you pls share also ios_logger_process.py?

Apply to new datasets

Hi,

Thank you for the great work.

I try to apply demo.py on TUM datasets and EuRoc(drone) datasets. But I didn’t get an accurate result.

rgb_3_teddy

v2_0_easy

The first picture is the result of applying the TUM dataset picture, and the second image is the result of using EuRoc data.

Is it correct that the results are like this?
Have you applied the NeuralRecon code to the datasets mentioned?

Thanks,
Hyunjin Kim.

Difficulty in using Hololens Data

Hi,

First off, huge fan of this project. I want to use it with hololens2.

I'll quickly walk you through what I had tried.

So I parsed the data to the format that ios ARKIT provides, as that is what the demo data used. You can find the script used for the same here.

You can find the raw data here, and the parsed data here.

  0%|                                                                                                                        | 0/14 [00:00<?, ?it/s]/home/gridraster/saru/NeuralRecon/ops/back_project.py:29: UserWarning: This overload of nonzero is deprecated:
        nonzero(Tensor input, *, Tensor out)
Consider using one of the following signatures instead:
        nonzero(Tensor input, *, bool as_tuple) (Triggered internally at  /opt/conda/conda-bld/pytorch_1595629427478/work/torch/csrc/utils/python_arg_parser.cpp:766.)
  batch_ind = torch.nonzero(coords[:, 0] == batch).squeeze(1)
2021-08-03 21:02:14.444 | WARNING  | models.neucon_network:forward:184 - no valid points: scale 1
  7%|████████                                                                                                        | 1/14 [00:01<00:15,  1.18s/it]2021-08-03 21:02:14.737 | WARNING  | models.neucon_network:forward:184 - no valid points: scale 2
 50%|████████████████████████████████████████████████████████                                                        | 7/14 [00:03<00:02,  2.81it/s]2021-08-03 21:02:16.636 | WARNING  | models.neucon_network:forward:184 - no valid points: scale 2
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████| 14/14 [00:05<00:00,  2.64it/s]

Summary:
    Total number of fragments: 14 
    Average keyframes/sec: 25.624008109191312
    Average GPU memory usage (GB): 0.7130301339285714 
    Max GPU memory usage (GB): 0.748046875 

I had tried running this with several datasets, and this is the only one that even provided a point cloud the rest, simply said

AssertionError: Reconstruction failed. Potential reasons could be:
                1. Wrong camera poses.
                2. Extremely difficult scene.
                If you can run with the demo data without any problem, please submit a issue with the failed data attatched, thanks!

hence why I'm putting this up.

Any help would be much appreciated, thanks!

Thanks, Saru

P.S. in the error message models.neucon_network:forward:184 - no valid points: scale 2 what does scale refer to?

one question about occ_vol and tsdf_vol

Thanks for the nice code! One quick question about implementation detail in datasets/transforms.py. I noticed that the occ_vol is set to be a subset of tsdf_vol obtained from nn.functional.grid_sample (as shown in the figure below). However, tsdf_vol can also be calculated when calling tsdf_vol, weight_vol = tsdf_vol.get_volume() in line 302. But you didn't not use that tsdf_vol. Instead, lines 318~327 calculated tsdf_vol in another way using the tsdf generated from meta data. I wonder, is there any special concern for doing this? Thanks!

image

question about using our own data

Thank you for this wonderful work! I am trying to apply this model on our own data captured from Android devices, but I cannot align our coordinate system to that of ScanNet, could you please provide any advice ?

memory leak during training

We followed the readme and tried the training process with the scannet dataset. We found an obvious memory leak that made it difficult to complete one epoch iteration. Are there any suggestions to help locate the problem?

Mesh Texturing

NeuralRecon does not produce colored mesh. You may use a texture mapping tool like this to apply image texture to the reconstructed mesh.
Originally posted by @JiamingSuen in #27 (comment)

Hi, thanks a lot for your work!
As you mentioned, I tried to use the tool (mvs-texturing) for mapping image texture to a reconstructed mesh. The tool requires the distortion coefficients as inputs, would you please give me a guide how should I get the distortion coefficients?

ScanNet Train/Val/Test

Hello,

I'm trying to make sense of the splits you use with ScanNet. Which split is used to produce Tables 1 and 2 in the paper?

The test code in the repo seems to use ScanNet's test split (in scans_test), while the train code seems to use both ScanNet's train and val splits (in scans).

Please clear this up for me.

Thanks!

About the pose input?

If I want to use the model on my own captured video, should I obtain the poses using something like colmap?

about TagBA.

Thanks for your excellent work. Can you tell me some information about TagBA. It's one developed AI SDK? or open-source dataset? I try to search for some contents on the google. But I dont know what it is.

Error in BatchNorm operation during training

neuralrecon_issue
Thank for your great work! I occasionally met some problems during training the NeuralRecon. As shown in the Fig, error occurs in batchnorm operation since the input channal is 1. How to fix that problem?

AttributeError: module 'torchsparse_backend' has no attribute 'hash_forward'

Hello,I'm sorry to have taken so long to get back to you.Recently,I've installed the system and configurate environment again,but this error is still display(I don't know how to reopen the past issue,so I create a new one.I feel sorry about that):
2021-06-05 15:28:46.856 | INFO | main::35 - Found SyncedPoses.txt, skipping data pre-processing...
2021-06-05 15:28:46.856 | INFO | main::37 - Running NeuralRecon...
2021-06-05 15:28:46.874 | INFO | main::50 - Initializing the model on GPU...
2021-06-05 15:28:50.821 | INFO | main::58 - Resuming from ./checkpoints/model_000047.ckpt
2021-06-05 15:28:51.211 | INFO | main::64 - Start inference..
0%| | 0/110 [00:00<?, ?it/s]/home/u/Documents/NeuralRecon-master/ops/back_project.py:29: UserWarning: This overload of nonzero is deprecated:
nonzero(Tensor input, *, Tensor out)
Consider using one of the following signatures instead:
nonzero(Tensor input, *, bool as_tuple) (Triggered internally at /opt/conda/conda-bld/pytorch_1595629427478/work/torch/csrc/utils/python_arg_parser.cpp:766.)
batch_ind = torch.nonzero(coords[:, 0] == batch).squeeze(1)
0%| | 0/110 [00:00<?, ?it/s]
Traceback (most recent call last):
File "demo.py", line 76, in
outputs, loss_dict = model(sample, save_scene)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/parallel/data_parallel.py", line 153, in forward
return self.module(*inputs[0], **kwargs[0])
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/Documents/NeuralRecon-master/models/neuralrecon.py", line 82, in forward
outputs, loss_dict = self.neucon_net(features, inputs, outputs)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/Documents/NeuralRecon-master/models/neucon_network.py", line 157, in forward
feat = self.sp_convsi
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/Documents/NeuralRecon-master/models/modules.py", line 147, in forward
x0 = initial_voxelize(z, self.pres, self.vres)
File "/home/u/Documents/NeuralRecon-master/ops/torchsparse_utils.py", line 19, in initial_voxelize
pc_hash = spf.sphash(torch.floor(new_float_coord).int())
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torchsparse/nn/functional/hash.py", line 39, in sphash
return HashGPU.apply(idx)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torchsparse/nn/functional/hash.py", line 11, in forward
return torchsparse_backend.hash_forward(idx.contiguous())
AttributeError: module 'torchsparse_backend' has no attribute 'hash_forward'

I'm sure torchsparse is correctly installed and compilation by the end of the installation is succeeded.Is this casused by a mismatch between the torch version and the torchsparse version?
my pytorch = 1.6.0;torchvision == 0.7.0

About capturing the imagedata

Hi~Is it possible to capture the imagedate from Android Phone?Do you have this plan in the future? I think it's good to the popularization and spread of your work.

Some questions about training requirement and convergence time

Hi, friends, as much as I can see from the demo, your work is really great. But I have some questions that I want you to answer. The problem is that I don't have enough GPUs, all I have is a single RTX2080Ti or RTX3090, I really want to konw your training consumption both in graphic memory and time. Can I use 2080Ti to train your model even if it cost more time? And if RTX3090 supports your code ? Thank you very much , I 'll be glad to receive your earliest reply when you are not too busy.

ScanNet data

Q1: As described in ScanNet, the data structure of ScanNet is:

<scanId>
|-- <scanId>.sens
    RGB-D sensor stream containing color frames, depth frames, camera poses and other data
|-- <scanId>_vh_clean.ply
    High quality reconstructed mesh
|-- <scanId>_vh_clean_2.ply
    Cleaned and decimated mesh for semantic annotations
|-- <scanId>_vh_clean_2.0.010000.segs.json
    Over-segmentation of annotation mesh
|-- <scanId>.aggregation.json, <scanId>_vh_clean.aggregation.json
    Aggregated instance-level semantic annotations on lo-res, hi-res meshes, respectively
|-- <scanId>_vh_clean_2.0.010000.segs.json, <scanId>_vh_clean.segs.json
    Over-segmentation of lo-res, hi-res meshes, respectively (referenced by aggregated semantic annotations)
|-- <scanId>_vh_clean_2.labels.ply
    Visualization of aggregated semantic segmentation; colored by nyu40 labels (see img/legend; ply property 'label' denotes the ScanNet label id)
|-- <scanId>_2d-label.zip
    Raw 2d projections of aggregated annotation labels as 16-bit pngs with ScanNet label ids
|-- <scanId>_2d-instance.zip
    Raw 2d projections of aggregated annotation instances as 8-bit pngs
|-- <scanId>_2d-label-filt.zip
    Filtered 2d projections of aggregated annotation labels as 16-bit pngs with ScanNet label ids
|-- <scanId>_2d-instance-filt.zip
    Filtered 2d projections of aggregated annotation instances as 8-bit pngs

However, you mention that the data structure is:

DATAROOT
└───scannet
│   └───scans
│   |   └───scene0000_00
│   |       └───color
│   |       │   │   0.jpg
│   |       │   │   1.jpg
│   |       │   │   ...
│   |       │   ...
│   └───scans_test
│   |   └───scene0707_00
│   |       └───color
│   |       │   │   0.jpg
│   |       │   │   1.jpg
│   |       │   │   ...
│   |       │   ...
|   └───scannetv2_test.txt
|   └───scannetv2_train.txt
|   └───scannetv2_val.txt

So, how should I modify the original ScanNet data to satisfy the requirements?

Q2: Following the guidance, I reconstruct the mesh from the demo video. Why does the mesh have no color?
image

Network trained with 4 GPUs and 54 epochs has worse performance

I trained Neucon on 4 RTX5000 (16G) for 54 epochs. However, the evaluations on the Scannetdataset test split are worse than your released model trained for only 47 epochs.

Here are the results from my trained model (54 epochs) :
AbsRel 0.072
AbsDiff 0.117
SqRel 0.037
RMSE 0.207
LogRMSE 0.120
r1 0.927
r2 0.960
r3 0.973
complete 0.861
dist1 0.066
dist2 0.179
prec 0.568
recal 0.349
fscore 0.429

Here are the results from your released model (47 epochs):
AbsRel 0.065
AbsDiff 0.098
SqRel 0.038
RMSE 0.197
LogRMSE 0.113
r1 0.933
r2 0.961
r3 0.974
complete 0.892
dist1 0.053
dist2 0.133
prec 0.687
recal 0.473
fscore 0.558

Do you have any clues for this? Thanks a lot!

AttributeError

Excuse me,can I ask a question?I follow the DEMO step by step,but I come cross a erro.Can you tell me how to solve it?

2021-06-05 15:28:46.856 | INFO | main::35 - Found SyncedPoses.txt, skipping data pre-processing...
2021-06-05 15:28:46.856 | INFO | main::37 - Running NeuralRecon...
2021-06-05 15:28:46.874 | INFO | main::50 - Initializing the model on GPU...
2021-06-05 15:28:50.821 | INFO | main::58 - Resuming from ./checkpoints/model_000047.ckpt
2021-06-05 15:28:51.211 | INFO | main::64 - Start inference..
0%| | 0/110 [00:00<?, ?it/s]/home/u/Documents/NeuralRecon-master/ops/back_project.py:29: UserWarning: This overload of nonzero is deprecated:
nonzero(Tensor input, *, Tensor out)
Consider using one of the following signatures instead:
nonzero(Tensor input, *, bool as_tuple) (Triggered internally at /opt/conda/conda-bld/pytorch_1595629427478/work/torch/csrc/utils/python_arg_parser.cpp:766.)
batch_ind = torch.nonzero(coords[:, 0] == batch).squeeze(1)
0%| | 0/110 [00:00<?, ?it/s]
Traceback (most recent call last):
File "demo.py", line 76, in
outputs, loss_dict = model(sample, save_scene)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/parallel/data_parallel.py", line 153, in forward
return self.module(*inputs[0], **kwargs[0])
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/Documents/NeuralRecon-master/models/neuralrecon.py", line 82, in forward
outputs, loss_dict = self.neucon_net(features, inputs, outputs)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/Documents/NeuralRecon-master/models/neucon_network.py", line 157, in forward
feat = self.sp_convsi
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/home/u/Documents/NeuralRecon-master/models/modules.py", line 147, in forward
x0 = initial_voxelize(z, self.pres, self.vres)
File "/home/u/Documents/NeuralRecon-master/ops/torchsparse_utils.py", line 19, in initial_voxelize
pc_hash = spf.sphash(torch.floor(new_float_coord).int())
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torchsparse/nn/functional/hash.py", line 39, in sphash
return HashGPU.apply(idx)
File "/home/u/anaconda3/envs/neucon/lib/python3.7/site-packages/torchsparse/nn/functional/hash.py", line 11, in forward
return torchsparse_backend.hash_forward(idx.contiguous())
AttributeError: module 'torchsparse_backend' has no attribute 'hash_forward'

"No valid points" when running demo on example data

Hi Team, thanks for sharing this outstanding piece of work. When trying to run demo.py on the example data provided in DEMO.md I come across the error message below after following all the steps. Any idea why reconstruction is failing? I get the same error when I run it on my own captured ARKit data.

2021-05-10 19:51:55.606 | INFO | main::35 - Found SyncedPoses.txt, skipping data pre-processing...
2021-05-10 19:51:55.606 | INFO | main::37 - Running NeuralRecon...
2021-05-10 19:51:55.613 | INFO | main::50 - Initializing the model on GPU...
2021-05-10 19:51:58.977 | INFO | main::58 - Resuming from ./checkpoints/model_000047.ckpt
2021-05-10 19:51:59.299 | INFO | main::64 - Start inference..
0%| | 0/111 [00:00<?, ?it/s]2021-05-10 19:52:00.083 | WARNING | models.neucon_network:forward:184 - no valid points: scale 1
0%| | 0/111 [00:00<?, ?it/s]
Traceback (most recent call last):
File "demo.py", line 78, in
save_mesh_scene(outputs, sample, epoch_idx)
File "NeuralRecon/utils.py", line 320, in call
self.tsdf_volume.append(outputs['scene_tsdf'])
KeyError: 'scene_tsdf'

Training at different resolutions

Thank you for the great work! I'm trying to train the network at 2 cm resolution on ScanNet. Initially I was getting the error "target: no valid voxel when computing loss". Then, I changed the number of voxels in each dimension from the original 96 to 192 which solved the error. However, the resulting mesh is more incomplete and has a lower quality when compared to the mesh at 4 cm.

In order to train with 2 cm resolution, is there anything else that I should be considering as well?

Thanks again for the excellent work!
Best

Inference with other well known dataset

Hi, Thank you for your great work.

I tried to use NeuralRecon to reconstruct "Totem pole" data at here.

What I did is mimicking ScanNet data set style and test as a data of ScanNet. Therefore, I resized color images and changed file extension from "png" to "jpg" and get camera trajectory data. When I test using open3d to find out trajectory is correct, it seems nice.

However, It didn't work. and I find that the array occ has all negative values.

I want to know that what i did wrong and how to test data like "Totem pole".

Thanks.

Depth fusion vs RGBD fusion when generating GT

One quick question. When generating GT, my guess is you ended up using just depth fusion instead of RGBD fusion? Did I understand it correctly? Is this because experimentally, this way works better?

Problems when running scannet test script

Many thanks for your great work!

I'm trying to run it on the scannet dataset and already prepared the data following the recommended structure. After I run python main.py with config/test.yaml (scannet path modified), it turns out error with:

Traceback (most recent call last): File "main.py", line 301, in <module> test() File "main.py", line 266, in test save_mesh_scene(outputs, sample, epoch_idx) TypeError: __call__() missing 1 required positional argument: 'frag_idx'

It seems a missing argument for save_mesh_scene. I checked the utils.py and removed that argument in SaveScene's call method since it's not used, but then the problem changed into the "last_frag" not defined in Line 306 in File "utils.py". Even removing that condition, I still can't get the visualization and the problem is the keyerror: 'scene_tsdf' in outputs.

Before this I have successfully run the demo with the given demo data.

Thanks for your help!

Lower iPhone camera position leads to bad result

Hi,
Thanks for your great work!
I have a problem that when I attach my iPhone to my tool car (remote control), which the height of iPhone camera position is 5 cm with respect to the ground, neural recon gives me a bad result. But if I hold my iPhone in hand (height is 1.5m) and sample the same place, the result is great. Do I need to modify something in data preprocessing or something else?
Thank you!

The accuracy of 3D reconstruction

Hi,
Thanks a lot for your great work!
I used your pre-trained weights and replaced the content of the folder (sampleData) for 3D reconstruction, while there are some objects that are not recognized as 3D objects and not successfully reconstructed.

The following pictures illustrate the situation.
Generated mesh
Screen Shot 2021-09-07 at 15 44 21

Real situation
real world

I wonder that would the results be much better if i firstly train the mode on full ScanNet dataset?
and would you please let know how the results can be improved?

Looking forward to your reply and thanks!

No coordinates generated when training

Excellent work!
I had a problem when generating results with intel realsense d435i. Both color and depth image has a resolution of 640x480, and the poses are generated by VINS or lidar slam. I collect some simple data in an empty room and try to generate tsdf map with your pretrained midel, but it reports: ' no valid voxel when computing loss' and generated just a few little tiny fragments, which is far from the truth. I managed to produce a ground truth ply file with your tools and found my data was okay, which mean it can correctly produce tsdf map with color image, depth image and poses. So here comes the question: 'is the model over fitted with your experimental device'? I saw the relative issue. I followed the keyframe selection strategy: select rotation above15 degrees and t is over 0.1m, but it don't help anymore. The coarse-to-fine layer produces coordinates but global fuse is not activated. Can you help me with these problems? Thanks to your attention.

ScanNet data

I'd like to ask about scannetv2_ test.txt,scannetv2_ train.txt,scannetv2_ Val.txt, how do I get these three files

using NeuralRecon in a realtime camera

Hello, is there a way to use NeuralRecon in my camera input (using Unity)? I would highly appreciate it if you could share a collab on how to use NeuralRecons API (how to pass images?).

I was working to work with Atlas but I just found out about you today and was hoping I could make my research work with NeuralRecon to show what your research is capable of!

RTX 30系列显卡是否支持

您好 我是**传媒大学研究生,正在学习您的工程,您的cuda要求为10.2, 请问能否换为cuda11 ,因为RTX30系列显卡不支持cuda10.2

Camera intrinsic parameters from ARKit data logger.

Hi,

First of all, I am a big fan of this project, and I really appreciate opening your source code publicly.

It seems like the demo.py with ARKit data utilizes the camera intrinsic matrix (K) from the "Frames.txt" directly.
I am just curious about how accurate the camera intrinsic parameters are from the iPhone compared to the manual camera calibration with checkerboard?
Did you compare the camera intrinsic matrix K from the "Frames.txt" vs. manual camera calibration with the checkerboard??
I think inaccurate camera intrinsic matrix K can severely degrade the performance of NeuralRecon....??

Thanks,
Pyojin Kim.

camera poses format?

What is the format for the camera poses?
I dont have an iphone but i can get Position,velocity,acceleration,rotation for the video feed, what order or format i need to set them to pass them to this model?

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.