Open aniqueakhtar opened 3 years ago
I have been able to get these two dockerfiles to work.
Maybe it would be better to include these dockerfiles in the documentation so others can follow it:
I added the TORCH_CUDA_ARCH_LIST="8.6+PTX" because it wasn't working without it for my GPU (RTX 3090).
Others would have to use TORCH_CUDA_ARCH_LIST="YOUR_GPUs_CC+PTX" to run:
More details:
https://pytorch.org/docs/stable/cpp_extension.html
Find your YOUR_GPUs_CC
at:
https://developer.nvidia.com/cuda-gpus
This Dockerfile is working with 3090 Dockerfile # 1:
FROM nvidia/cuda:11.1.1-cudnn8-devel-ubuntu20.04
RUN apt-get update
RUN DEBIAN_FRONTEND=noninteractive apt-get install keyboard-configuration -y
RUN DEBIAN_FRONTEND=noninteractive apt-get install -y tzdata
RUN apt-get --assume-yes install software-properties-common
RUN add-apt-repository ppa:deadsnakes/ppa
#RUN apt install python3.7 -y
#RUN ln -s /usr/bin/python3.8 /usr/bin/python3
RUN ln -s /usr/bin/python3.8 /usr/bin/python
RUN apt install python3-pip -y
RUN python -m pip install --upgrade pip
#RUN python -m pip install --upgrade pip3
RUN apt-get install -y\
build-essential \
apt-utils \
ca-certificates \
wget \
git \
vim \
libssl-dev \
curl \
unzip \
unrar
RUN apt-get install -y libsm6 libxrender1 libfontconfig1 libpython3.7-dev libopenblas-dev
RUN apt install libgl1-mesa-glx -y
RUN python -m pip install torch==1.9.0+cu111 torchvision==0.10.0+cu111 torchaudio==0.9.0 -f https://download.pytorch.org/whl/torch_stable.html
RUN python -m pip install matplotlib \
&& python -m pip install pillow \
&& python -m pip install numpy \
&& python -m pip install scipy \
&& python -m pip install cython \
&& python -m pip install scikit-image \
&& python -m pip install sklearn \
&& python -m pip install opencv-python \
&& python -m pip install open3d
RUN TORCH_CUDA_ARCH_LIST="8.6+PTX" python -m pip install -U git+https://github.com/StanfordVL/MinkowskiEngine \
--install-option="--force_cuda" \
--install-option="--cuda_home=/usr/local/cuda" \
--install-option="--blas=openblas"
RUN python -m pip install h5py \
&& python -m pip install tensorboardX \
&& python -m pip install easydict
This Dockerfile I used with 1080Ti Dockerfile # 2:
FROM nvidia/cuda:10.2-cudnn7-devel-ubuntu18.04
RUN apt-get update
RUN DEBIAN_FRONTEND=noninteractive apt-get install keyboard-configuration -y
RUN apt install python3.7 -y
RUN ln -s /usr/bin/python3.7 /usr/bin/python3
RUN ln -s /usr/bin/python3.7 /usr/bin/python
RUN apt install python3-pip -y
RUN python -m pip install pip
RUN apt-get install -y\
build-essential \
apt-utils \
ca-certificates \
wget \
git \
vim \
libssl-dev \
curl \
unzip \
unrar
RUN apt-get install -y libsm6 libxrender1 libfontconfig1 libpython3.7-dev libopenblas-dev
RUN apt install libgl1-mesa-glx -y
RUN python -m pip install matplotlib \
&& python -m pip install pillow \
&& python -m pip install numpy \
&& python -m pip install scipy \
&& python -m pip install cython \
&& python -m pip install scikit-image \
&& python -m pip install sklearn \
&& python -m pip install opencv-python \
&& python -m pip install open3d \
&& python -m pip install torch \
&& python -m pip install torchvision
RUN python -m pip install -U git+https://github.com/StanfordVL/MinkowskiEngine \
--install-option="--force_cuda" \
--install-option="--cuda_home=/usr/local/cuda" \
--install-option="--blas=openblas"
I met the same compilation problem when I did the installation on my 3080.
I met the same compilation problem when I did the installation on my 3080.
Hi, I got the same issue. How can I solve it?
Maybe you can use my “MinkowskiEngine.yml” format file to create an anaconda environment, and then try to install MinkowskiEngine. [MinkowskiEngine.yml] (https://github.com/HOUYONGKUO/env_Anaconda/blob/main/MinkowskiEngine.yml)
Since this topic is still open. This is how I was able to install Minkowski on 3090 Ti using Anaconda:
conda create -n py3-mink python=3.8
conda activate py3-mink
conda install openblas-devel -c anaconda
pip3 install torch==1.8.2+cu102 torchvision==0.9.2+cu102 torchaudio==0.8.2 -f https://download.pytorch.org/whl/lts/1.8/torch_lts.html
pip install -U git+https://github.com/NVIDIA/MinkowskiEngine -v --no-deps --install-option="--blas_include_dirs=${CONDA_PREFIX}/include" --install-option="--blas=openblas"
Since this topic is still open. This is how I was able to install Minkowski on 3090 Ti using Anaconda:
conda create -n py3-mink python=3.8 conda activate py3-mink conda install openblas-devel -c anaconda pip3 install torch==1.8.2+cu102 torchvision==0.9.2+cu102 torchaudio==0.8.2 -f https://download.pytorch.org/whl/lts/1.8/torch_lts.html pip install -U git+https://github.com/NVIDIA/MinkowskiEngine -v --no-deps --install-option="--blas_include_dirs=${CONDA_PREFIX}/include" --install-option="--blas=openblas"
I can't work with your solution. Can you help me take a look? Thanks.
Using pip 22.1.2 from /root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/pip (python 3.8) Collecting git+https://github.com/NVIDIA/MinkowskiEngine Cloning https://github.com/NVIDIA/MinkowskiEngine to /tmp/pip-req-build-rxwzu6s7 Running command git version git version 2.17.1 Running command git clone --filter=blob:none https://github.com/NVIDIA/MinkowskiEngine /tmp/pip-req-build-rxwzu6s7 Cloning into '/tmp/pip-req-build-rxwzu6s7'... Checking out files: 0% (2/244) Checking out files: 1% (3/244) Checking out files: 2% (5/244) Checking out files: 3% (8/244) Checking out files: 4% (10/244) Checking out files: 5% (13/244) Checking out files: 6% (15/244) Checking out files: 7% (18/244) Checking out files: 8% (20/244) Checking out files: 9% (22/244) Checking out files: 10% (25/244) Checking out files: 11% (27/244) Checking out files: 12% (30/244) Checking out files: 13% (32/244) Checking out files: 14% (35/244) Checking out files: 15% (37/244) Checking out files: 16% (40/244) Checking out files: 17% (42/244) Checking out files: 18% (44/244) Checking out files: 19% (47/244) Checking out files: 20% (49/244) Checking out files: 21% (52/244) Checking out files: 22% (54/244) Checking out files: 23% (57/244) Checking out files: 24% (59/244) Checking out files: 25% (61/244) Checking out files: 26% (64/244) Checking out files: 27% (66/244) Checking out files: 28% (69/244) Checking out files: 29% (71/244) Checking out files: 30% (74/244) Checking out files: 31% (76/244) Checking out files: 32% (79/244) Checking out files: 33% (81/244) Checking out files: 34% (83/244) Checking out files: 35% (86/244) Checking out files: 36% (88/244) Checking out files: 37% (91/244) Checking out files: 38% (93/244) Checking out files: 39% (96/244) Checking out files: 40% (98/244) Checking out files: 41% (101/244) Checking out files: 42% (103/244) Checking out files: 43% (105/244) Checking out files: 44% (108/244) Checking out files: 45% (110/244) Checking out files: 46% (113/244) Checking out files: 47% (115/244) Checking out files: 48% (118/244) Checking out files: 49% (120/244) Checking out files: 50% (122/244) Checking out files: 51% (125/244) Checking out files: 52% (127/244) Checking out files: 53% (130/244) Checking out files: 54% (132/244) Checking out files: 55% (135/244) Checking out files: 56% (137/244) Checking out files: 57% (140/244) Checking out files: 58% (142/244) Checking out files: 59% (144/244) Checking out files: 60% (147/244) Checking out files: 61% (149/244) Checking out files: 62% (152/244) Checking out files: 63% (154/244) Checking out files: 64% (157/244) Checking out files: 65% (159/244) Checking out files: 66% (162/244) Checking out files: 67% (164/244) Checking out files: 68% (166/244) Checking out files: 69% (169/244) Checking out files: 70% (171/244) Checking out files: 71% (174/244) Checking out files: 72% (176/244) Checking out files: 73% (179/244) Checking out files: 74% (181/244) Checking out files: 75% (183/244) Checking out files: 76% (186/244) Checking out files: 77% (188/244) Checking out files: 78% (191/244) Checking out files: 79% (193/244) Checking out files: 80% (196/244) Checking out files: 81% (198/244) Checking out files: 82% (201/244) Checking out files: 83% (203/244) Checking out files: 84% (205/244) Checking out files: 85% (208/244) Checking out files: 86% (210/244) Checking out files: 87% (213/244) Checking out files: 88% (215/244) Checking out files: 89% (218/244) Checking out files: 90% (220/244) Checking out files: 91% (223/244) Checking out files: 92% (225/244) Checking out files: 93% (227/244) Checking out files: 94% (230/244) Checking out files: 95% (232/244) Checking out files: 96% (235/244) Checking out files: 97% (237/244) Checking out files: 98% (240/244) Checking out files: 99% (242/244) Checking out files: 100% (244/244) Checking out files: 100% (244/244), done. Running command git rev-parse HEAD 7867296920d055539aec295c0c41d06a4309b876 Resolved https://github.com/NVIDIA/MinkowskiEngine to commit 7867296920d055539aec295c0c41d06a4309b876 Running command python setup.py egg_info WARNING: Skipping MinkowskiEngine as it is not installed. WARNING: Running pip as the 'root' user can result in broken permissions and conflicting behaviour with the system package manager. It is recommended to use a virtual environment instead: https://pip.pypa.io/warnings/venv -------------------------------- | CUDA compilation set | --------------------------------
Using BLAS=openblas Using the default compiler running egg_info creating /tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info writing /tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info/PKG-INFO writing dependency_links to /tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info/dependency_links.txt writing requirements to /tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info/requires.txt writing top-level names to /tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info/top_level.txt writing manifest file '/tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info/SOURCES.txt' reading manifest file '/tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info/SOURCES.txt' reading manifest template 'MANIFEST.in' adding license file 'LICENSE' writing manifest file '/tmp/pip-pip-egg-info-0hd6c8nd/MinkowskiEngine.egg-info/SOURCES.txt' /tmp/pip-req-build-rxwzu6s7/setup.py:198: 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
Using BLAS=openblas Using the default compiler running install /root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/setuptools/command/install.py:34: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools. warnings.warn( 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/init.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiChannelwiseConvolution.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiSparseTensor.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiNetwork.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiNormalization.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiTensor.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiUnion.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/diagnostics.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiNonlinearity.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/sparse_matrix_functions.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/MinkowskiPruning.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiKernelGenerator.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiConvolution.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiOps.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiTensorField.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiCommon.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiBroadcast.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiPooling.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine copying ./MinkowskiEngine/MinkowskiInterpolation.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/gradcheck.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils copying ./MinkowskiEngine/utils/summary.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/quantization.py -> build/lib.linux-x86_64-cpython-38/MinkowskiEngine/utils copying ./MinkowskiEngine/utils/init.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/senet_block.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 running build_ext building 'MinkowskiEngineBackend._C' extension creating /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38 creating /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp creating /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7 creating /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src creating /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/pybind Emitting ninja build file /tmp/pip-req-build-rxwzu6s7/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 --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_kernel.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/broadcast_kernel.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_kernel.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_kernel.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/broadcast_kernel.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [2/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/coordinate_map_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_gpu.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/coordinate_map_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [3/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 /tmp/pip-req-build-rxwzu6s7/src/gpu.cu(104): warning: function "minkowski::format_size" was declared but never referenced
[4/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_manager.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/coordinate_map_manager.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_manager.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_manager.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_manager.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/coordinate_map_manager.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/coordinate_map_manager.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [5/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/local_pooling_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/local_pooling_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/local_pooling_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/local_pooling_gpu.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/local_pooling_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/local_pooling_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/local_pooling_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [6/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/convolution_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_gpu.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/convolution_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [7/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/interpolation_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/interpolation_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/interpolation_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/interpolation_gpu.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/interpolation_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/interpolation_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/interpolation_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [8/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/broadcast_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_gpu.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/broadcast_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/broadcast_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [9/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_transpose_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/convolution_transpose_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_transpose_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_transpose_gpu.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_transpose_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/convolution_transpose_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_transpose_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [10/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/global_pooling_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/global_pooling_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/global_pooling_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 FAILED: /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/global_pooling_gpu.o /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/global_pooling_gpu.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/global_pooling_gpu.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/global_pooling_gpu.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 Killed [11/21] c++ -MMD -MF /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/direct_max_pool.o.d -pthread -B /root/miniconda3/envs/py3-mink/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/direct_max_pool.cpp -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/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++ [12/21] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_kernel.o.d -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/TH -I/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/include/THC -I/usr/local/cuda/include -I/tmp/pip-req-build-rxwzu6s7/src -I/tmp/pip-req-build-rxwzu6s7/src/3rdparty -I/root/miniconda3/envs/py3-mink/include -I/root/miniconda3/envs/py3-mink/include/python3.8 -c -c /tmp/pip-req-build-rxwzu6s7/src/convolution_kernel.cu -o /tmp/pip-req-build-rxwzu6s7/build/temp.linux-x86_64-cpython-38/tmp/pip-req-build-rxwzu6s7/src/convolution_kernel.o -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_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_70,code=compute_70 -gencode=arch=compute_70,code=sm_70 -std=c++14 /tmp/pip-req-build-rxwzu6s7/src/convolution_kernel.cu(334): warning: integer conversion resulted in a change of sign
/tmp/pip-req-build-rxwzu6s7/src/convolution_kernel.cu(573): warning: integer conversion resulted in a change of sign
/tmp/pip-req-build-rxwzu6s7/src/convolution_kernel.cu(334): warning: integer conversion resulted in a change of sign
/tmp/pip-req-build-rxwzu6s7/src/convolution_kernel.cu(573): warning: integer conversion resulted in a change of sign
ninja: build stopped: subcommand failed. Traceback (most recent call last): File "/root/miniconda3/envs/py3-mink/lib/python3.8/site-packages/torch/utils/cpp_extension.py", line 1667, in _run_ninja_build subprocess.run( File "/root/miniconda3/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 "
× Running setup.py install for MinkowskiEngine did not run successfully. │ exit code: 1 ╰─> See above for output.
note: This error originates from a subprocess, and is likely not a problem with pip. full command: /root/miniconda3/envs/py3-mink/bin/python -u -c ' exec(compile('"'"''"'"''"'"'
#
distutils.core
to work with newer packaging standards.sys.argv[0]
to the underlying setup.py
, when invoking setup.py
so-c
. This avoids the following warning:import os, sys, tokenize
try:
import setuptools
except ImportError as error:
print(
"ERROR: Can not execute setup.py
since setuptools is not available in "
"the build environment.",
file=sys.stderr,
)
sys.exit(1)
file = %r sys.argv[0] = file
if os.path.exists(file):
filename = file
with tokenize.open(file) as f:
setup_py_code = f.read()
else:
filename = "
exec(compile(setup_py_code, filename, "exec"))
'"'"''"'"''"'"' % ('"'"'/tmp/pip-req-build-rxwzu6s7/setup.py'"'"',), "
× Encountered error while trying to install package. ╰─> MinkowskiEngine
note: This is an issue with the package mentioned above, not pip. hint: See above for output from the failure.
I get the same error, did you find a fix to the problem?
previously, I was able to install Minkowski on 'RTX 1080 Ti' with 'gcc 7.5' using the following command:
But now using 'RTX 3090', I can't get it to run using the above command or any of these commands:
I also tried other variations.
Everything almost gets the same error:
Basically, I have tried combinations of Pytorch=1.7.1, 1.8, and 1.9, python 3.7 and 3.8, cudatoolkit=10.2, 11.0, and 11.1. I have tried both Anaconda and pip installation. Nothing seems to be working.
Searching around, it seems a lot of deep learning libraries are facing similar issues. Any help would be greatly appreciated. Thanks