NVIDIA / MinkowskiEngine

Minkowski Engine is an auto-diff neural network library for high-dimensional sparse tensors
https://nvidia.github.io/MinkowskiEngine
Other
2.43k stars 358 forks source link

Failed building wheel for MinkowskiEngine #551

Open liyanxunOpalAi opened 1 year ago

liyanxunOpalAi commented 1 year ago

Describe the bug I am trying to install the MinkowsiEngine by running command "pip3 install -U git+https://github.com/NVIDIA/MinkowskiEngine", but it got error "Failed building wheel for MinkowskiEngine" as following:

Collecting git+https://github.com/NVIDIA/MinkowskiEngine
  Cloning https://github.com/NVIDIA/MinkowskiEngine to /tmp/pip-req-build-g04ehhc3
  Running command git clone --filter=blob:none --quiet https://github.com/NVIDIA/MinkowskiEngine /tmp/pip-req-build-g04ehhc3
  Resolved https://github.com/NVIDIA/MinkowskiEngine to commit 02fc608bea4c0549b0a7b00ca1bf15dee4a0b228
  Preparing metadata (setup.py) ... done
Requirement already satisfied: torch in ./anaconda3/envs/py3-mink/lib/python3.8/site-packages (from MinkowskiEngine==0.5.4) (1.7.1+cu110)
Requirement already satisfied: numpy in ./anaconda3/envs/py3-mink/lib/python3.8/site-packages (from MinkowskiEngine==0.5.4) (1.24.4)
Requirement already satisfied: typing-extensions in ./anaconda3/envs/py3-mink/lib/python3.8/site-packages (from torch->MinkowskiEngine==0.5.4) (4.7.1)
Building wheels for collected packages: MinkowskiEngine
  Building wheel for MinkowskiEngine (setup.py) ... error
  error: subprocess-exited-with-error

  × python setup.py bdist_wheel did not run successfully.
  │ exit code: 1
  ╰─> [231 lines of output]
      WARNING: Skipping MinkowskiEngine as it is not installed.
      --------------------------------
      | CUDA compilation set         |
      --------------------------------
      /tmp/pip-req-build-g04ehhc3/setup.py:201: DeprecationWarning:

        `numpy.distutils` is deprecated since NumPy 1.23.0, as a result
        of the deprecation of `distutils` itself. It will be removed for
        Python >= 3.12. For older Python versions it will remain present.
        It is recommended to use `setuptools < 60.0` for those Python versions.
        For more details, see:
          https://numpy.org/devdocs/reference/distutils_status_migration.html

        import numpy.distutils.system_info as sysinfo
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `posix_spawn@GLIBC_2.15'
      /home/alimo/anaconda3/envs/py3-mink/lib/libopenblas.so: undefined reference to `memcpy@GLIBC_2.14'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `secure_getenv@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `clock_gettime@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `posix_spawn@GLIBC_2.15'
      /home/alimo/anaconda3/envs/py3-mink/lib/libblas.so: undefined reference to `memcpy@GLIBC_2.14'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `secure_getenv@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `clock_gettime@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `posix_spawn@GLIBC_2.15'
      /home/alimo/anaconda3/envs/py3-mink/lib/libcblas.so: undefined reference to `memcpy@GLIBC_2.14'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `secure_getenv@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `clock_gettime@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `posix_spawn@GLIBC_2.15'
      /home/alimo/anaconda3/envs/py3-mink/lib/libblas.so: undefined reference to `memcpy@GLIBC_2.14'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `secure_getenv@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `clock_gettime@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `posix_spawn@GLIBC_2.15'
      /home/alimo/anaconda3/envs/py3-mink/lib/libcblas.so: undefined reference to `memcpy@GLIBC_2.14'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `secure_getenv@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `clock_gettime@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `posix_spawn@GLIBC_2.15'
      /home/alimo/anaconda3/envs/py3-mink/lib/libblas.so: undefined reference to `memcpy@GLIBC_2.14'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `secure_getenv@GLIBC_2.17'
      /home/alimo/anaconda3/envs/py3-mink/lib/libgfortran.so.5: undefined reference to `clock_gettime@GLIBC_2.17'

      Using BLAS=blas
      Using /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc for c++ compilation
      running bdist_wheel
      running build
      running build_py
      creating build
      creating build/lib.linux-x86_64-cpython-38
      creating build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiBroadcast.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiChannelwiseConvolution.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiCommon.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiConvolution.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiCoordinateManager.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiFunctional.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiInterpolation.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiKernelGenerator.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiNetwork.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiNonlinearity.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiNormalization.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiOps.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiPooling.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiPruning.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiSparseTensor.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiTensor.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiTensorField.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/MinkowskiUnion.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/__init__.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/diagnostics.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      copying ./MinkowskiEngine/sparse_matrix_functions.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine
      creating build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      copying ./MinkowskiEngine/utils/__init__.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      copying ./MinkowskiEngine/utils/collation.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      copying ./MinkowskiEngine/utils/coords.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      copying ./MinkowskiEngine/utils/gradcheck.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      copying ./MinkowskiEngine/utils/init.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      copying ./MinkowskiEngine/utils/quantization.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      copying ./MinkowskiEngine/utils/summary.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils
      creating build/lib.linux-x86_64-cpython-38/MinkowskiEngine/modules
      copying ./MinkowskiEngine/modules/__init__.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/modules
      copying ./MinkowskiEngine/modules/resnet_block.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/modules
      copying ./MinkowskiEngine/modules/senet_block.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/modules
      running build_ext
      building 'MinkowskiEngineBackend._C' extension
      creating /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38
      creating /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp
      creating /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3
      creating /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src
      creating /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/pybind
      Emitting ninja build file /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/build.ninja...
      Compiling objects...
      Using envvar MAX_JOBS (12) as the number of workers...
      [1/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/broadcast_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/broadcast_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/broadcast_gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/broadcast_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/broadcast_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [2/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/broadcast_kernel.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/broadcast_kernel.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/broadcast_kernel.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/broadcast_kernel.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/broadcast_kernel.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [3/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/convolution_transpose_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_transpose_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_transpose_gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/convolution_transpose_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_transpose_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [4/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/convolution_kernel.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_kernel.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_kernel.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/convolution_kernel.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_kernel.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [5/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/convolution_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/convolution_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/convolution_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [6/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/coordinate_map_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/coordinate_map_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/coordinate_map_gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/coordinate_map_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/coordinate_map_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [7/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/coordinate_map_manager.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/coordinate_map_manager.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/coordinate_map_manager.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/coordinate_map_manager.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/coordinate_map_manager.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [8/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/interpolation_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/interpolation_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/interpolation_gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/interpolation_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/interpolation_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [9/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [10/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/local_pooling_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/local_pooling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/local_pooling_gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/local_pooling_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/local_pooling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [11/21] /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/global_pooling_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/global_pooling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      FAILED: /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/global_pooling_gpu.o
      /usr/local/cuda/bin/nvcc -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/global_pooling_gpu.cu -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/global_pooling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' --expt-relaxed-constexpr --expt-extended-lambda -O3 -Xcompiler=-fno-gnu-unique -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=sm_86 -ccbin /home/alimo/anaconda3/envs/py3-mink/bin/x86_64-conda_cos6-linux-gnu-cc -std=c++14
      x86_64-conda_cos6-linux-gnu-cc: error trying to exec 'cc1plus': execvp: No such file or directory
      nvcc fatal   : Failed to preprocess host compiler properties.
      [12/21] c++ -MMD -MF /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/direct_max_pool.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -march=nocona -mtune=haswell -ftree-vectorize -fPIC -fstack-protector-strong -fno-plt -O2 -pipe -D_FORTIFY_SOURCE=2 -O2 -fPIC -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-g04ehhc3/src -I/tmp/pip-req-build-g04ehhc3/src/3rdparty -I/home/alimo/anaconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-g04ehhc3/src/direct_max_pool.cpp -o /tmp/pip-req-build-g04ehhc3/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-g04ehhc3/src/direct_max_pool.o -fopenmp -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_C -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 /usr/local/cuda/include/thrust/system/cuda/detail/util.h:36,
                       from /usr/local/cuda/include/thrust/system/cuda/detail/internal/copy_cross_system.h:41,
                       from /usr/local/cuda/include/thrust/system/cuda/detail/copy.h:100,
                       from /usr/local/cuda/include/thrust/system/detail/adl/copy.h:42,
                       from /usr/local/cuda/include/thrust/detail/copy.inl:22,
                       from /usr/local/cuda/include/thrust/detail/copy.h:90,
                       from /usr/local/cuda/include/thrust/detail/allocator/copy_construct_range.inl:21,
                       from /usr/local/cuda/include/thrust/detail/allocator/copy_construct_range.h:45,
                       from /usr/local/cuda/include/thrust/detail/contiguous_storage.inl:23,
                       from /usr/local/cuda/include/thrust/detail/contiguous_storage.h:234,
                       from /usr/local/cuda/include/thrust/detail/vector_base.h:30,
                       from /usr/local/cuda/include/thrust/host_vector.h:27,
                       from /tmp/pip-req-build-g04ehhc3/src/3rdparty/../utils.hpp:35,
                       from /tmp/pip-req-build-g04ehhc3/src/3rdparty/robin_hood.h:56,
                       from /tmp/pip-req-build-g04ehhc3/src/types.hpp:33,
                       from /tmp/pip-req-build-g04ehhc3/src/direct_max_pool.cpp:28:
      /usr/local/cuda/include/cub/detail/device_synchronize.cuh:33: warning: ignoring #pragma nv_exec_check_disable  [-Wunknown-pragmas]
         33 | #pragma nv_exec_check_disable
            |
      ninja: build stopped: subcommand failed.
      Traceback (most recent call last):
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1533, in _run_ninja_build
          subprocess.run(
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/subprocess.py", line 516, in run
          raise CalledProcessError(retcode, process.args,
      subprocess.CalledProcessError: Command '['ninja', '-v', '-j', '12']' 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 2, in <module>
        File "<pip-setuptools-caller>", line 34, in <module>
        File "/tmp/pip-req-build-g04ehhc3/setup.py", line 320, in <module>
          setup(
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/__init__.py", line 107, in setup
          return distutils.core.setup(**attrs)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/core.py", line 185, in setup
          return run_commands(dist)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/core.py", line 201, in run_commands
          dist.run_commands()
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/dist.py", line 969, in run_commands
          self.run_command(cmd)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/dist.py", line 1244, in run_command
          super().run_command(command)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
          cmd_obj.run()
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/wheel/bdist_wheel.py", line 325, in run
          self.run_command("build")
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
          self.distribution.run_command(command)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/dist.py", line 1244, in run_command
          super().run_command(command)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
          cmd_obj.run()
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/command/build.py", line 131, in run
          self.run_command(cmd_name)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
          self.distribution.run_command(command)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/dist.py", line 1244, in run_command
          super().run_command(command)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
          cmd_obj.run()
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 84, in run
          _build_ext.run(self)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/command/build_ext.py", line 345, in run
          self.build_extensions()
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 670, in build_extensions
          build_ext.build_extensions(self)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/command/build_ext.py", line 467, in build_extensions
          self._build_extensions_serial()
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/command/build_ext.py", line 493, in _build_extensions_serial
          self.build_extension(ext)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/command/build_ext.py", line 246, in build_extension
          _build_ext.build_extension(self, ext)
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/_distutils/command/build_ext.py", line 548, in build_extension
          objects = self.compiler.compile(
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 491, in unix_wrap_ninja_compile
          _write_ninja_file_and_compile_objects(
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1250, in _write_ninja_file_and_compile_objects
          _run_ninja_build(
        File "/home/alimo/anaconda3/envs/py3-mink/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1555, 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 MinkowskiEngine
  Running setup.py clean for MinkowskiEngine
Failed to build MinkowskiEngine
ERROR: Could not build wheels for MinkowskiEngine, which is required to install pyproject.toml-based projects

Desktop (please complete the following information):

pip3 install -U git+https://github.com/NVIDIA/MinkowskiEngine
xlDownxl commented 1 year ago

Same happening here.

chanztuying commented 1 year ago

same here

cpfy commented 1 year ago

same here. I solved it by following instructions here and install MinkowskiEngine from local.

bring-nirachornkul commented 10 months ago

Same here.

same here. I solved it by following instructions here and install MinkowskiEngine from local.

Your method isn't worked either.

Need a solution for my WSL.

lamiaa-menshawy commented 8 months ago

the same error

ShihanVidulanka commented 7 months ago

Same here

liu-jun-chen commented 6 months ago

encountered same error

jimypeter commented 6 months ago

Same error here.

laura-jehn commented 5 months ago

i had the same error. fixed it by changing my cuda version to match the one pytorch is using.

Shi-Qi-Li commented 5 months ago

same here. I solved it by following instructions here and install MinkowskiEngine from local.

this works for me! Thx!

msoz7 commented 2 months ago

Same here.

same here. I solved it by following instructions here and install MinkowskiEngine from local.

Your method isn't worked either.

Need a solution for my WSL.

try sudo apt install g++