drprojects / DeepViewAgg

[CVPR'22 Best Paper Finalist] Official PyTorch implementation of the method presented in "Learning Multi-View Aggregation In the Wild for Large-Scale 3D Semantic Segmentation"
Other
222 stars 24 forks source link

Warning -> Error when running kitti360_inference.ipynb #34

Closed adikrishnanucd closed 1 year ago

adikrishnanucd commented 1 year ago

@drprojects I am currently getting this warning that results in the cell being exited.

WARNING: the KITTI-360 terms and conditions require that you register and manually download KITTI-360 data from: http://www.cvlibs.net/datasets/kitti-360/download.php
Files must be organized in the following structure:

    /home/akrishna/Research/sem_seg/minkowski_kitti/kitti/kitti360mm/
        └── raw/
            ├── data_3d_semantics/
            |   └── 2013_05_28_drive_{seq:0>4}_sync/
            |       └── static/
            |           └── {start_frame:0>10}_{end_frame:0>10}.ply
            ├── data_2d_raw/
            |   └── 2013_05_28_drive_{seq:0>4}_sync/
            |       ├── image_{00|01}/
            |       |   └── data_rect/
            |       |       └── {frame:0>10}.png
            |       └── image_{02|03}/
            |           └── data_rgb/
            |               └── {frame:0>10}.png
            ├── data_poses/
            |   └── 2013_05_28_drive_{seq:0>4}_sync/
            |       ├── poses.txt
            |       └── cam0_to_world.txt   
            └── calibration/
                ├── calib_cam_to_pose.txt
                ├── calib_cam_to_velo.txt
                ├── calib_sick_to_velo.txt
                ├── perspective.txt
                └── image_{02|03}.yaml

I have all the files in the corresponding directories. Is there something I need to change to get this code to work? I found that this warning happens when the Trainer is created in the last cell of the kitti360_inference.ipynb notebook.

adikrishnanucd commented 1 year ago

I used the traceback to narrow it down to the files_exist() function that is called in torch_geometric to be returning False. Specifically, all([osp.exists(f) for f in files]) returns False even though all the files exist in the path it is searching.

However, I don't know why it is returning False.

drprojects commented 1 year ago

As stated in the warning message, this happens because some raw files seem to be missing before preprocessing can be executed.

You need to investigate which file(s) is not found. You could do this by simply temporarily modifying files_exist():

def files_exist(files):
    """
    taken from https://pytorch-geometric.readthedocs.io/en/latest/_modules/torch_geometric/data/dataset.html#Dataset
    """
    all_files_exist = all([osp.exists(f) for f in files])
    if all_files_exist:
        return all_files_exist

    print("Missing files:")
    for f in files:
        if not osp.exists(f):
            print(f)

    return all_files_exist
adikrishnanucd commented 1 year ago

@drprojects. Thank you. I was able to fix this so the warning does not appear. However, I am receiving an issue where the cell just quits when creating the Trainer object. I have determined that it quits in the features.py code when running the PCAComputePointwise transform.

Is there any way to set this pre_tranform with the use_faiss attribute as False instead of True? If so, how can I do this?

drprojects commented 1 year ago

I cannot help much without the full traceback of the encountered error.

Assuming you did need to set use_faiss=False, a brief investigation of the project structure should lead you to find that use_faiss is set in the dataset config files (ie .yaml files located in config/data/). In the case of the kitti360_inference.ipynb notebook, the dataset config is config/data/segmentation/multimodal/kitti360-sparse.yaml, which inherits from config/data/segmentation/kitti360-sparse.yaml.

You will find the lines you are interested in there:

    - transform: PCAComputePointwise
      params:
            num_neighbors: 50  # heuristic: at least 30
            # r: 0.1  # heuristic: 2 * resolution_3d - using r will force CPU computation
            # use_full_pos: True  # Possible if GridSampling3D.setattr_full_pos = True
            use_faiss: False

Hence, use_faiss=False should normally be set by the config already...

adikrishnanucd commented 1 year ago

Thank you @drprojects. I was able to fix this by updating the use_faiss attribute to False after it was set in Line 84 of the trainer.py file in the torch_points3d folder.

Moving forward, however, I am getting an error with the trainer.eval(stage_name=split) function call in the last cell of the notebook. Specifically, I think it is because I was using torchsparse version 1.4.0. However, when I try to install torchsparse version 1.1.0, I am getting this issue:

Building wheels for collected packages: torchsparse
  Building wheel for torchsparse (setup.py) ... error
  error: subprocess-exited-with-error

  × python setup.py bdist_wheel did not run successfully.
  │ exit code: 1
  ╰─> [190 lines of output]
      running bdist_wheel
      running build
      running build_py
      creating build
      creating build/lib.linux-x86_64-cpython-37
      creating build/lib.linux-x86_64-cpython-37/torchsparse
      copying torchsparse/__init__.py -> build/lib.linux-x86_64-cpython-37/torchsparse
      copying torchsparse/point_tensor.py -> build/lib.linux-x86_64-cpython-37/torchsparse
      copying torchsparse/sparse_tensor.py -> build/lib.linux-x86_64-cpython-37/torchsparse
      creating build/lib.linux-x86_64-cpython-37/torchsparse/utils
      copying torchsparse/utils/__init__.py -> build/lib.linux-x86_64-cpython-37/torchsparse/utils
      copying torchsparse/utils/helpers.py -> build/lib.linux-x86_64-cpython-37/torchsparse/utils
      copying torchsparse/utils/kernel_region.py -> build/lib.linux-x86_64-cpython-37/torchsparse/utils
      creating build/lib.linux-x86_64-cpython-37/torchsparse/nn
      copying torchsparse/nn/__init__.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn
      creating build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      copying torchsparse/nn/modules/__init__.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      copying torchsparse/nn/modules/activation.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      copying torchsparse/nn/modules/detection.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      copying torchsparse/nn/modules/conv.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      copying torchsparse/nn/modules/pooling.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      copying torchsparse/nn/modules/batchnorm.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      copying torchsparse/nn/modules/layernorm.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/modules
      creating build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/__init__.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/activation.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/detection.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/query.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/pooling.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/devox.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/voxelize.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/count.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/downsample.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/hash.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/sparseconv.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      copying torchsparse/nn/functional/convert_neighbor_map.py -> build/lib.linux-x86_64-cpython-37/torchsparse/nn/functional
      running build_ext
      building 'torchsparse_cuda' extension
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hash
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hashmap
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation
      creating /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others
      Emitting ninja build file /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/build.ninja...
      Compiling objects...
      Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)
      [1/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hashmap/hashmap_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/hashmap/hashmap_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/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=torchsparse_cuda -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++
      /tmp/pip-req-build-02w670ge/torchsparse/src/hashmap/hashmap_cpu.cpp: In member function ‘int HashTableCPU::insert_vals(const int64_t*, const int64_t*, int)’:
      /tmp/pip-req-build-02w670ge/torchsparse/src/hashmap/hashmap_cpu.cpp:37:1: warning: no return statement in function returning non-void [-Wreturn-type]
         37 | }
            | ^
      [2/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/insertion_gpu.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/insertion_gpu.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      [3/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/hash/hash_gpu.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hash/hash_gpu.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      [4/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/convert_neighbor_map_gpu.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/convert_neighbor_map_gpu.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      [5/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution/convolution.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/convolution/convolution.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution/convolution.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
      FAILED: /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution/convolution.o
      c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution/convolution.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/convolution/convolution.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution/convolution.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      /tmp/pip-req-build-02w670ge/torchsparse/src/convolution/convolution.cpp:3:10: fatal error: THC/THCBlas.h: No such file or directory
          3 | #include <THC/THCBlas.h>
            |          ^~~~~~~~~~~~~~~
      compilation terminated.
      [6/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/count_gpu.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/count_gpu.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      [7/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/torchsparse_bindings_gpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/torchsparse_bindings_gpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/torchsparse_bindings_gpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++14
      FAILED: /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/torchsparse_bindings_gpu.o
      c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/torchsparse_bindings_gpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/torchsparse_bindings_gpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/torchsparse_bindings_gpu.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      In file included from /tmp/pip-req-build-02w670ge/torchsparse/src/torchsparse_bindings_gpu.cpp:9:
      /tmp/pip-req-build-02w670ge/torchsparse/src/convolution/convolution_gpu.h:5:10: fatal error: THC/THCBlas.h: No such file or directory
          5 | #include <THC/THCBlas.h>
            |          ^~~~~~~~~~~~~~~
      compilation terminated.
      [8/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/hashmap/hashmap.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hashmap/hashmap.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      /tmp/pip-req-build-02w670ge/torchsparse/src/hashmap/hashmap.cu(30): warning: argument is incompatible with corresponding format string conversion

      [9/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_gpu.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox_gpu.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      [10/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_deterministic_gpu.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox_deterministic_gpu.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      [11/25] /usr/local/cuda-11.3/bin/nvcc  -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/convolution/convolution_gpu.cu -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution/convolution_gpu.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=torchsparse_cuda -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 -std=c++14
      [12/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/insertion.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/insertion.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/insertion.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox_deterministic.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_deterministic.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox_deterministic.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_deterministic.cpp: In function ‘at::Tensor deterministic_devoxelize_forward(at::Tensor, at::Tensor, at::Tensor)’:
      /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_deterministic.cpp:14:7: warning: unused variable ‘b’ [-Wunused-variable]
         14 |   int b = feat.size(0);
            |       ^
      [14/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/insertion_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/insertion_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/insertion_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=torchsparse_cuda -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++
      /tmp/pip-req-build-02w670ge/torchsparse/src/others/insertion_cpu.cpp: In function ‘at::Tensor cpu_insertion_backward(at::Tensor, at::Tensor, at::Tensor, int)’:
      /tmp/pip-req-build-02w670ge/torchsparse/src/others/insertion_cpu.cpp:39:7: warning: unused variable ‘N1’ [-Wunused-variable]
         39 |   int N1 = counts.size(0);
            |       ^~
      [15/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hash/hash.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/hash/hash.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hash/hash.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      [16/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/count.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/count.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/count.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      [17/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/count_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/count_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/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=torchsparse_cuda -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++
      [18/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/convert_neighbor_map_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/convert_neighbor_map_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/convert_neighbor_map_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=torchsparse_cuda -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++
      [19/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox.cpp: In function ‘at::Tensor devoxelize_forward(at::Tensor, at::Tensor, at::Tensor)’:
      /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox.cpp:15:7: warning: unused variable ‘b’ [-Wunused-variable]
         15 |   int b = feat.size(0);
            |       ^
      [20/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/query_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/query_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/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=torchsparse_cuda -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++
      [21/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/query.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/query.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/query.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      [22/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/interpolation/devox_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=torchsparse_cuda -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++
      /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_cpu.cpp: In function ‘at::Tensor cpu_devoxelize_forward(at::Tensor, at::Tensor, at::Tensor)’:
      /tmp/pip-req-build-02w670ge/torchsparse/src/interpolation/devox_cpu.cpp:14:7: warning: unused variable ‘b’ [-Wunused-variable]
         14 |   int b = feat.size(0);
            |       ^
      [23/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/hash/hash_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/hash/hash_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/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=torchsparse_cuda -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++
      [24/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/convert_neighbor_map.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/others/convert_neighbor_map.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/others/convert_neighbor_map.o -g -O3 -fopenmp -lgomp -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=torchsparse_cuda -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++
      [25/25] c++ -MMD -MF /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/convolution/convolution_cpu.o.d -pthread -B /home/akrishna/anaconda3/envs/deep_view_aggregation/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/TH -I/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-11.3/include -I/home/akrishna/anaconda3/envs/deep_view_aggregation/include/python3.7m -c -c /tmp/pip-req-build-02w670ge/torchsparse/src/convolution/convolution_cpu.cpp -o /tmp/pip-req-build-02w670ge/build/temp.linux-x86_64-cpython-37/torchsparse/src/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=torchsparse_cuda -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/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1746, in _run_ninja_build
          env=env)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/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 36, in <module>
        File "<pip-setuptools-caller>", line 34, in <module>
        File "/tmp/pip-req-build-02w670ge/setup.py", line 70, in <module>
          zip_safe=False,
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/__init__.py", line 107, in setup
          return distutils.core.setup(**attrs)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 185, in setup
          return run_commands(dist)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 201, in run_commands
          dist.run_commands()
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 969, in run_commands
          self.run_command(cmd)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/dist.py", line 1234, in run_command
          super().run_command(command)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
          cmd_obj.run()
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/wheel/bdist_wheel.py", line 346, in run
          self.run_command("build")
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
          self.distribution.run_command(command)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/dist.py", line 1234, in run_command
          super().run_command(command)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
          cmd_obj.run()
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/command/build.py", line 131, in run
          self.run_command(cmd_name)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
          self.distribution.run_command(command)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/dist.py", line 1234, in run_command
          super().run_command(command)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
          cmd_obj.run()
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 84, in run
          _build_ext.run(self)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 345, in run
          self.build_extensions()
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 741, in build_extensions
          build_ext.build_extensions(self)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 467, in build_extensions
          self._build_extensions_serial()
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 493, in _build_extensions_serial
          self.build_extension(ext)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 246, in build_extension
          _build_ext.build_extension(self, ext)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 555, in build_extension
          depends=ext.depends,
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 571, in unix_wrap_ninja_compile
          with_cuda=with_cuda)
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1424, in _write_ninja_file_and_compile_objects
          error_prefix='Error compiling objects for extension')
        File "/home/akrishna/anaconda3/envs/deep_view_aggregation/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1756, in _run_ninja_build
          raise RuntimeError(message) from e
      RuntimeError: Error compiling objects for extension
      [end of output]

  note: This error originates from a subprocess, and is likely not a problem with pip.
  ERROR: Failed building wheel for torchsparse
  Running setup.py clean for torchsparse
Failed to build torchsparse
ERROR: Could not build wheels for torchsparse, which is required to install pyproject.toml-based projects

Do you happen to know how to fix this issue?

drprojects commented 1 year ago

Indeed, you should use torchsparse=1.1.0 and not torchsparse=1.4.0. Some dependencies are quite sensitive (eg torch, torch-geometric), I would suggest you refrain from modifying the versions set by the install.sh. In general, I strongly

The error you are encountering seems related to torchsparse installation. Please refer to the official torchsparse repo.

I am closing this issue, which is no longer related to the initial problem you were encountering.