PyTorch implementation of Pointnet2/Pointnet++

Overview

Pointnet2/Pointnet++ PyTorch

Project Status: Unmaintained. Due to finite time, I have no plans to update this code and I will not be responding to issues.

  • Implemention of Pointnet2/Pointnet++ written in PyTorch.
  • Supports Multi-GPU via nn.DataParallel.
  • Supports PyTorch version >= 1.0.0. Use v1.0 for support of older versions of PyTorch.

See the official code release for the paper (in tensorflow), charlesq34/pointnet2, for official model definitions and hyper-parameters.

The custom ops used by Pointnet++ are currently ONLY supported on the GPU using CUDA.

Setup

  • Install python -- This repo is tested with {3.6, 3.7}

  • Install pytorch with CUDA -- This repo is tested with {1.4, 1.5}. It may work with versions newer than 1.5, but this is not guaranteed.

  • Install dependencies

    pip install -r requirements.txt
    

Example training

Install with: pip install -e .

There example training script can be found in pointnet2/train.py. The training examples are built using PyTorch Lightning and Hydra.

A classifion pointnet can be trained as

python pointnet2/train.py task=cls

# Or with model=msg for multi-scale grouping

python pointnet2/train.py task=cls model=msg

Similarly, semantic segmentation can be trained by changing the task to semseg

python pointnet2/train.py task=semseg

Multi-GPU training can be enabled by passing a list of GPU ids to use, for instance

python pointnet2/train.py task=cls gpus=[0,1,2,3]

Building only the CUDA kernels

pip install pointnet2_ops_lib/.

# Or if you would like to install them directly (this can also be used in a requirements.txt)

pip install "git+git://github.com/erikwijmans/Pointnet2_PyTorch.git#egg=pointnet2_ops&subdirectory=pointnet2_ops_lib"

Contributing

This repository uses black for linting and style enforcement on python code. For c++/cuda code, clang-format is used for style. The simplest way to comply with style is via pre-commit

pip install pre-commit
pre-commit install

Citation

@article{pytorchpointnet++,
      Author = {Erik Wijmans},
      Title = {Pointnet++ Pytorch},
      Journal = {https://github.com/erikwijmans/Pointnet2_PyTorch},
      Year = {2018}
}

@inproceedings{qi2017pointnet++,
    title={Pointnet++: Deep hierarchical feature learning on point sets in a metric space},
    author={Qi, Charles Ruizhongtai and Yi, Li and Su, Hao and Guibas, Leonidas J},
    booktitle={Advances in Neural Information Processing Systems},
    pages={5099--5108},
    year={2017}
}
Comments
  • Low Accuracy on Indoor3DSeg Dataset

    Low Accuracy on Indoor3DSeg Dataset

    Hi! Could you include your trained model & accuracy on these two datasets?

    I tried the default configuration on Indoor3DSemSeg using MSG. However, the accuracy is pretty low (~0.33) on test set. Could you let me know if this is not a full implementation or I just missed something?

    Thanks!

    opened by ShilinC 13
  • about farthest point sampling

    about farthest point sampling

    Hi, authors,

    The Farthest Point Sampling (FPS) is applied in the official implementation of pointnet2. However, I could not find FPS implementation in your package? Does your package provide FPS function?

    THX!

    opened by amiltonwong 8
  • python2.7 support

    python2.7 support

    Probably a good idea to support python2.7. Supporting python2.7 will involve:

    1. Switch to pre-python3.6 typing.
    2. Add the necessary from __future__ import statements.

    These steps will also need to be repeated for my pytorch utils library: https://github.com/erikwijmans/etw_pytorch_utils

    Finally, py35 and py27 should be added to the envlist in tox.ini.

    enhancement help wanted 
    opened by erikwijmans 8
  • ImportError:_pointnet2.so: undefined symbol: PyInt_FromLong

    ImportError:_pointnet2.so: undefined symbol: PyInt_FromLong

    hi erikwijmans: environment of my computer is ubuntu16.04, cuda9.0 pytorch0.4.1 and gtx 1060 I just follow your steps: 1.mkdir build && cd build 2.cmake .. && make and successful But when I run the train_sem_seg.py , I got the error. /usr/bin/python3.5 /home/mengzhen/PointNet/Pointnet2_PyTorch/pointnet2/train/train_sem_seg.py Traceback (most recent call last): File "/home/mengzhen/PointNet/Pointnet2_PyTorch/pointnet2/train/train_sem_seg.py", line 11, in from pointnet2.models import Pointnet2SemMSG as Pointnet File "/home/mengzhen/PointNet/Pointnet2_PyTorch/pointnet2/init.py", line 1, in from . import utils File "/home/mengzhen/PointNet/Pointnet2_PyTorch/pointnet2/utils/init.py", line 1, in from . import pointnet2_utils File "/home/mengzhen/PointNet/Pointnet2_PyTorch/pointnet2/utils/pointnet2_utils.py", line 10, in from pointnet2.utils._ext import pointnet2 File "/home/mengzhen/PointNet/Pointnet2_PyTorch/pointnet2/utils/_ext/pointnet2/init.py", line 3, in from ._pointnet2 import lib as _lib, ffi as _ffi ImportError: /home/mengzhen/PointNet/Pointnet2_PyTorch/pointnet2/utils/_ext/pointnet2/_pointnet2.so: undefined symbol: PyInt_FromLong

    Process finished with exit code 1 could you help me? Thank you very much! Smm

    opened by smmdream 7
  • Pytorch 1.0.0 support issue

    Pytorch 1.0.0 support issue

    Hello, erikwijmans, I really appreciate that you wrote this awesome code in Pytorch. I tried to run this code on my conda environment (Pytorch 1.0.0 installed), got this error:

    (jmpark_py36) [email protected]:/media/rit/HDD/pdm/Pointnet2_PyTorch/build$ make Scanning dependencies of target pointnet2_ext [ 20%] Building NVCC (Device) object CMakeFiles/cuda_compile_1.dir/pointnet2/utils/csrc/cuda_compile_1_generated_ball_query_gpu.cu.o [ 40%] Building NVCC (Device) object CMakeFiles/cuda_compile_1.dir/pointnet2/utils/csrc/cuda_compile_1_generated_group_points_gpu.cu.o [ 60%] Building NVCC (Device) object CMakeFiles/cuda_compile_1.dir/pointnet2/utils/csrc/cuda_compile_1_generated_interpolate_gpu.cu.o [ 80%] Building NVCC (Device) object CMakeFiles/cuda_compile_1.dir/pointnet2/utils/csrc/cuda_compile_1_generated_sampling_gpu.cu.o [100%] Generating ../pointnet2/utils/_ext/pointnet2/_pointnet2.so Traceback (most recent call last): File "/media/rit/HDD/pdm/Pointnet2_PyTorch/pointnet2/utils/build_ffi.py", line 4, in from torch.utils.ffi import create_extension File "/home/rit/anaconda3/envs/jmpark_py36/lib/python3.6/site-packages/torch/utils/ffi/init.py", line 1, in raise ImportError("torch.utils.ffi is deprecated. Please use cpp extensions instead.") ImportError: torch.utils.ffi is deprecated. Please use cpp extensions instead. CMakeFiles/pointnet2_ext.dir/build.make:67: recipe for target '../pointnet2/utils/_ext/pointnet2/_pointnet2.so' failed make[2]: *** [../pointnet2/utils/_ext/pointnet2/_pointnet2.so] Error 1 CMakeFiles/Makefile2:67: recipe for target 'CMakeFiles/pointnet2_ext.dir/all' failed make[1]: *** [CMakeFiles/pointnet2_ext.dir/all] Error 2 Makefile:83: recipe for target 'all' failed make: *** [all] Error 2

    I think this is because of the version mismatch. Can you provide me any suggestions? Thank you!

    Regards,

    opened by chickenbestlover 7
  • report error while test train code

    report error while test train code

    python pointnet2/train.py task=cls
    

    report error:

    Epoch 1: 100%|██████████████| 385/385 [01:29<00:00,  4.31it/s, loss=1.314, train_acc=0.562, v_num=4, val_acc=0.654, val_loss=1.2]
    Epoch 00000: val_acc reached 0.65385 (best 0.65385), saving model to cls-ssg/epoch=0-val_loss=1.20-val_acc=0.654.ckpt as top 2   
    [2020-06-10 14:15:12,645][lightning][INFO] - 
    Epoch 00000: val_acc reached 0.65385 (best 0.65385), saving model to cls-ssg/epoch=0-val_loss=1.20-val_acc=0.654.ckpt as top 2
    /home/kb/.local/lib/python3.6/site-packages/torch/optim/lr_scheduler.py:200: UserWarning: Please also save or load the state of the optimzer when saving or loading the scheduler.
      warnings.warn(SAVE_STATE_WARNING, UserWarning)
    Traceback (most recent call last):
      File "pointnet2/train.py", line 61, in <module>
        main()
      File "/home/kb/.local/lib/python3.6/site-packages/hydra/main.py", line 24, in decorated_main
        strict=strict,
      File "/home/kb/.local/lib/python3.6/site-packages/hydra/_internal/utils.py", line 174, in run_hydra
        overrides=args.overrides,
      File "/home/kb/.local/lib/python3.6/site-packages/hydra/_internal/hydra.py", line 86, in run
        job_subdir_key=None,
      File "/home/kb/.local/lib/python3.6/site-packages/hydra/plugins/common/utils.py", line 109, in run_job
        ret.return_value = task_function(task_cfg)
      File "pointnet2/train.py", line 57, in main
        trainer.fit(model)
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/trainer.py", line 853, in fit
        self.dp_train(model)
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/distrib_parts.py", line 578, in dp_train
        self.run_pretrain_routine(model)
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/trainer.py", line 1015, in run_pretrain_routine
        self.train()
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/training_loop.py", line 347, in train
        self.run_training_epoch()
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/training_loop.py", line 452, in run_training_epoch
        self.call_checkpoint_callback()
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/training_loop.py", line 790, in call_checkpoint_callback
        self.checkpoint_callback.on_validation_end(self, self.get_model())
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/utilities/distributed.py", line 10, in wrapped_fn
        return fn(*args, **kwargs)
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 241, in on_validation_end
        self._do_check_save(filepath, current, epoch)
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 275, in _do_check_save
        self._save_model(filepath)
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/callbacks/model_checkpoint.py", line 142, in _save_model
        self.save_function(filepath)
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/training_io.py", line 260, in save_checkpoint
        checkpoint = self.dump_checkpoint()
      File "/home/kb/.local/lib/python3.6/site-packages/pytorch_lightning/trainer/training_io.py", line 355, in dump_checkpoint
        f' not {checkpoint["hparams_type"]}'
    ValueError: ('The acceptable hparams type is dict or argparse.Namespace,', ' not DictConfig')
    Exception ignored in: <object repr() failed>
    Traceback (most recent call last):
      File "/home/kb/.local/lib/python3.6/site-packages/tqdm/std.py", line 1086, in __del__
      File "/home/kb/.local/lib/python3.6/site-packages/tqdm/std.py", line 1293, in close
      File "/home/kb/.local/lib/python3.6/site-packages/tqdm/std.py", line 1471, in display
      File "/home/kb/.local/lib/python3.6/site-packages/tqdm/std.py", line 1089, in __repr__
      File "/home/kb/.local/lib/python3.6/site-packages/tqdm/std.py", line 1433, in format_dict
    TypeError: 'NoneType' object is not iterable
    
    opened by kaixin-bai 6
  • Best results in ModelNet40

    Best results in ModelNet40

    Thanks for your job! Pytorch is more elegant for me. I want to asks that what's your best result of classification trained on ModelNet40 using the default hyper-parameters? Or, what's the best accuracy when you tune the hyper-parameters appropriate? I'm training the model using your code and I will be appreciated if you post the best results.

    opened by zeal-github 6
  • Error: module 'pytorch_utils' has no attribute 'SharedMLP'

    Error: module 'pytorch_utils' has no attribute 'SharedMLP'

    Hi Erik, Thank you for sharing pointnet source. When I run your code I get error:

    Traceback (most recent call last): File "/home/minhnc-lab/WORKSPACES/Python/GRASP_DETECTION/PointNet/Pointnet2_PyTorch/train_cls.py", line 118, in <module> model = Pointnet(input_channels=0, num_classes=40, use_xyz=True) File "/home/minhnc-lab/WORKSPACES/Python/GRASP_DETECTION/PointNet/Pointnet2_PyTorch/models/pointnet2_msg_cls.py", line 62, in __init__ use_xyz=use_xyz File "/home/minhnc-lab/WORKSPACES/Python/GRASP_DETECTION/PointNet/Pointnet2_PyTorch/models/../utils/pointnet2_modules.py", line 107, in __init__ self.mlps.append(pt_utils.SharedMLP(mlp_spec, bn=bn)) AttributeError: module 'pytorch_utils' has no attribute 'SharedMLP'

    I can not find out pytorch_utils module. Could you share me that file?

    Thank you very much. Minhh

    opened by minhncsocial 6
  • CUDA kernel failed : invalid device function

    CUDA kernel failed : invalid device function

    I ran train_cls.py, then encounter this error:

    the error is: CUDA kernel failed : invalid device function void furthest_point_sampling_kernel_wrapper(int b, int n, int m, const float *dataset, float *temp, int *idxs) in /Pointnet2_PyTorch/pointnet2/_ext-src/src/sampling_gpu.cu

    Do you know why?

    opened by fuweifu-vtoo 5
  • Why GatherOperation needs a backward method?

    Why GatherOperation needs a backward method?

    Hello, Erik. Thanks for sharing your pytorch implementation of Pointnet2. Actually, I want to know why we need a backward method for GatherOperation in ./utils/pointnet2_utils.py. I believe there is no gradient in gather_pointt function, and do we really need gather_point_grad function?

    class GatherOperation(Function):
        @staticmethod
        def forward(ctx, features, idx):
            # type: (Any, torch.Tensor, torch.Tensor) -> torch.Tensor
            r"""
            Parameters
            ----------
            features : torch.Tensor
                (B, C, N) tensor
            idx : torch.Tensor
                (B, npoint) tensor of the features to gather
            Returns
            -------
            torch.Tensor
                (B, C, npoint) tensor
            """
    
            _, C, N = features.size()
    
            ctx.for_backwards = (idx, C, N)
    
            return _ext.gather_points(features, idx)
    
        @staticmethod
        def backward(ctx, grad_out):
            idx, C, N = ctx.for_backwards
    
            grad_features = _ext.gather_points_grad(grad_out.contiguous(), idx, N)
            return grad_features, None
    
    opened by usherbob 5
  • Compilation error CUDA can't found

    Compilation error CUDA can't found

    I did symbolic linke /usr/local/cuda to /usr/loca/cuda-9.0 Other application which use CUDA works fine and also exported CUDA_HOME. And got below error which indicate can't find CUDA.

    (py36) [email protected] ~/git/Pointnet2_PyTorch [master*]$ python setup.py build_ext running build_ext building 'pointnet2._ext' extension x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/torch/csrc/api/include -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/TH -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/THC -I/usr/local/cuda:/usr/local/cuda:/usr/local/cuda:/usr/local/cuda:/include -I/usr/include/python3.6m -I/home/spk921/pyenv/py36/include/python3.6m -c pointnet2/_ext-src/src/bindings.cpp -o build/temp.linux-x86_64-3.6/pointnet2/_ext-src/src/bindings.o -O2 -Ipointnet2/_ext-src/include -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11 x86_64-linux-gnu-gcc -pthread -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -Wdate-time -D_FORTIFY_SOURCE=2 -fPIC -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/torch/csrc/api/include -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/TH -I/home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/THC -I/usr/local/cuda:/usr/local/cuda:/usr/local/cuda:/usr/local/cuda:/include -I/usr/include/python3.6m -I/home/spk921/pyenv/py36/include/python3.6m -c pointnet2/_ext-src/src/interpolate.cpp -o build/temp.linux-x86_64-3.6/pointnet2/_ext-src/src/interpolate.o -O2 -Ipointnet2/_ext-src/include -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=0 -std=c++11 In file included from /home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/ATen/cuda/CUDAContext.h:5:0, from pointnet2/_ext-src/include/utils.h:2, from pointnet2/_ext-src/src/interpolate.cpp:2: /home/spk921/pyenv/py36/lib/python3.6/site-packages/torch/lib/include/ATen/cuda/CUDAStream.h:6:30: fatal error: cuda_runtime_api.h: No such file or directory compilation terminated. error: command 'x86_64-linux-gnu-gcc' failed with exit status 1

    opened by spk921 5
  • python setup.py build_ext --inplace

    python setup.py build_ext --inplace

    unning build_ext building 'utils._ext' extension Emitting ninja build file /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/build.ninja... Compiling objects... Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N) 1.10.2 g++ -pthread -shared -B /home/ytj/anaconda3/envs/pytorch1_6/compiler_compat -L/home/ytj/anaconda3/envs/pytorch1_6/lib -Wl,-rpath=/home/ytj/anaconda3/envs/pytorch1_6/lib -Wl,--no-as-needed -Wl,--sysroot=/ /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/group_points.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/sampling.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/bindings.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/interpolate.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/ball_query.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/sampling_gpu.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/group_points_gpu.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/ball_query_gpu.o /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/interpolate_gpu.o -L/home/ytj/anaconda3/envs/pytorch1_6/lib/python3.6/site-packages/torch/lib -L/usr/local/cuda/lib64 -lc10 -ltorch -ltorch_cpu -ltorch_python -lcudart -lc10_cuda -ltorch_cuda -o build/lib.linux-x86_64-3.6/utils/_ext.cpython-36m-x86_64-linux-gnu.so g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/group_points.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/sampling.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/bindings.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/interpolate.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/ball_query.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/sampling_gpu.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/group_points_gpu.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/ball_query_gpu.o: 没有那个文件或目录 g++: error: /home/ytj/文档/Deep_Learning/RSCNN_Pytorch1.0/build/temp.linux-x86_64-3.6/utils/_ext-src/src/interpolate_gpu.o: 没有那个文件或目录 error: command 'g++' failed with exit status 1

    opened by ytj-dasd 0
  • @pengPeterpeng I tried running the conftest.py file but getting the following error

    @pengPeterpeng I tried running the conftest.py file but getting the following error

    @pengPeterpeng I tried running the conftest.py file but getting the following error

    Traceback (most recent call last): File "conftest.py", line 16, in @pytest.helpers.register AttributeError: module 'pytest' has no attribute 'helpers'

    Were you able to resolve this error?

    Originally posted by @Rishab9991 in https://github.com/erikwijmans/Pointnet2_PyTorch/issues/126#issuecomment-888131111

    opened by 124hh1 0
  • grouping_operation function not expected result

    grouping_operation function not expected result

    First thx to your pointnet_ops_code in cpp, cuda. it so nice to me

    in my case, i first use KNN function then return idx.

    after that i use grouping_operation(xyz_trans, idx).

    i think grouping_operation is grouping points in idx from xyz_trans , right? but to me the function didnt operated to me.

    is there my fault?

    opened by rhtm02 0
  • pointnet2_ops_lib: Compilation Error

    pointnet2_ops_lib: Compilation Error

    Hi everyone! As I run pip install -r requirements.txt I am getting various compilation errors. I have attached the error logs below. I used ubuntu20.04, cuda driver 10.0, python3.7, pytorch1.8.1. Can anyone please help me out with this? Thanks alot in advance.

    $ pip install pointnet2_ops_lib/.
    
    Processing ./pointnet2_ops_lib
      Preparing metadata (setup.py) ... done
    Requirement already satisfied: torch>=1.4 in /share/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages (from pointnet2-ops==3.0.0) (1.10.2)
    Requirement already satisfied: typing-extensions in /share/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages (from torch>=1.4->pointnet2-ops==3.0.0) (4.1.1)
    Building wheels for collected packages: pointnet2-ops
      Building wheel for pointnet2-ops (setup.py) ... error
      error: subprocess-exited-with-error
      
      × python setup.py bdist_wheel did not run successfully.
      │ exit code: 1
      ╰─> [102 lines of output]
          running bdist_wheel
          running build
          running build_py
          running egg_info
          writing pointnet2_ops.egg-info/PKG-INFO
          writing dependency_links to pointnet2_ops.egg-info/dependency_links.txt
          writing requirements to pointnet2_ops.egg-info/requires.txt
          writing top-level names to pointnet2_ops.egg-info/top_level.txt
          reading manifest file 'pointnet2_ops.egg-info/SOURCES.txt'
          reading manifest template 'MANIFEST.in'
          writing manifest file 'pointnet2_ops.egg-info/SOURCES.txt'
          running build_ext
          /home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py:782: UserWarning: The detected CUDA version (10.0) has a minor version mismatch with the version that was used to compile PyTorch (10.2). Most likely this shouldn't be a problem.
            warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda))
          building 'pointnet2_ops._ext' extension
          Emitting ninja build file /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/build.ninja...
          Compiling objects...
          Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)
          [1/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [2/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [3/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [4/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [5/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [6/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [7/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [8/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [9/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/bindings.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/bindings.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          ninja: build stopped: subcommand failed.
          Traceback (most recent call last):
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1723, in _run_ninja_build
              env=env)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/subprocess.py", line 512, in run
              output=stdout, stderr=stderr)
          subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.
          
          The above exception was the direct cause of the following exception:
          
          Traceback (most recent call last):
            File "<string>", line 36, in <module>
            File "<pip-setuptools-caller>", line 34, in <module>
            File "/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/setup.py", line 38, in <module>
              include_package_data=True,
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/__init__.py", line 155, in setup
              return distutils.core.setup(**attrs)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 148, in setup
              return run_commands(dist)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 163, in run_commands
              dist.run_commands()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 967, in run_commands
              self.run_command(cmd)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 986, in run_command
              cmd_obj.run()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/wheel/bdist_wheel.py", line 299, in run
              self.run_command('build')
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 313, in run_command
              self.distribution.run_command(command)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 986, in run_command
              cmd_obj.run()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build.py", line 135, in run
              self.run_command(cmd_name)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 313, in run_command
              self.distribution.run_command(command)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 986, in run_command
              cmd_obj.run()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 79, in run
              _build_ext.run(self)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 339, in run
              self.build_extensions()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 735, in build_extensions
              build_ext.build_extensions(self)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 448, in build_extensions
              self._build_extensions_serial()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 473, in _build_extensions_serial
              self.build_extension(ext)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 202, in build_extension
              _build_ext.build_extension(self, ext)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 534, in build_extension
              depends=ext.depends)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 565, in unix_wrap_ninja_compile
              with_cuda=with_cuda)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1404, in _write_ninja_file_and_compile_objects
              error_prefix='Error compiling objects for extension')
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1733, 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 pointnet2-ops
      Running setup.py clean for pointnet2-ops
    Failed to build pointnet2-ops
    Installing collected packages: pointnet2-ops
      Running setup.py install for pointnet2-ops ... error
      error: subprocess-exited-with-error
      
      × Running setup.py install for pointnet2-ops did not run successfully.
      │ exit code: 1
      ╰─> [135 lines of output]
          running install
          /home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/command/install.py:37: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools.
            setuptools.SetuptoolsDeprecationWarning,
          running build
          running build_py
          creating build
          creating build/lib.linux-x86_64-3.7
          creating build/lib.linux-x86_64-3.7/pointnet2_ops
          copying pointnet2_ops/_version.py -> build/lib.linux-x86_64-3.7/pointnet2_ops
          copying pointnet2_ops/pointnet2_utils.py -> build/lib.linux-x86_64-3.7/pointnet2_ops
          copying pointnet2_ops/pointnet2_modules.py -> build/lib.linux-x86_64-3.7/pointnet2_ops
          copying pointnet2_ops/__init__.py -> build/lib.linux-x86_64-3.7/pointnet2_ops
          running egg_info
          writing pointnet2_ops.egg-info/PKG-INFO
          writing dependency_links to pointnet2_ops.egg-info/dependency_links.txt
          writing requirements to pointnet2_ops.egg-info/requires.txt
          writing top-level names to pointnet2_ops.egg-info/top_level.txt
          reading manifest file 'pointnet2_ops.egg-info/SOURCES.txt'
          reading manifest template 'MANIFEST.in'
          writing manifest file 'pointnet2_ops.egg-info/SOURCES.txt'
          creating build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src
          creating build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/include
          copying pointnet2_ops/_ext-src/include/ball_query.h -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/include
          copying pointnet2_ops/_ext-src/include/cuda_utils.h -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/include
          copying pointnet2_ops/_ext-src/include/group_points.h -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/include
          copying pointnet2_ops/_ext-src/include/interpolate.h -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/include
          copying pointnet2_ops/_ext-src/include/sampling.h -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/include
          copying pointnet2_ops/_ext-src/include/utils.h -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/include
          creating build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/ball_query.cpp -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/ball_query_gpu.cu -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/bindings.cpp -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/group_points.cpp -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/group_points_gpu.cu -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/interpolate.cpp -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/interpolate_gpu.cu -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/sampling.cpp -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          copying pointnet2_ops/_ext-src/src/sampling_gpu.cu -> build/lib.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          running build_ext
          /home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py:782: UserWarning: The detected CUDA version (10.0) has a minor version mismatch with the version that was used to compile PyTorch (10.2). Most likely this shouldn't be a problem.
            warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda))
          building 'pointnet2_ops._ext' extension
          creating /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7
          creating /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops
          creating /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src
          creating /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src
          Emitting ninja build file /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/build.ninja...
          Compiling objects...
          Allowing ninja to set a default number of workers... (overridable by setting the environment variable MAX_JOBS=N)
          [1/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [2/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [3/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [4/9] /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          FAILED: /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling_gpu.o
          /usr/local/cuda-10.0/bin/nvcc  -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling_gpu.cu -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling_gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options ''"'"'-fPIC'"'"'' -O3 -Xfatbin -compress-all -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -gencode=arch=compute_37,code=compute_37 -gencode=arch=compute_37,code=sm_37 -gencode=arch=compute_50,code=sm_50 -gencode=arch=compute_60,code=sm_60 -gencode=arch=compute_61,code=sm_61 -gencode=arch=compute_62,code=sm_62 -gencode=arch=compute_70,code=sm_70 -gencode=arch=compute_75,code=sm_75 -ccbin clang-9 -std=c++14
          nvcc fatal   : The version ('9.0') of the host compiler ('clang') is not supported
          [5/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/ball_query.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/ball_query.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [6/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/group_points.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/group_points.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [7/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/interpolate.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/interpolate.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [8/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/sampling.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/sampling.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          [9/9] g++ -MMD -MF /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/bindings.o.d -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -I/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/TH -I/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda-10.0/include -I/home/anam9745/miniconda3/envs/pointmlp/include/python3.7m -c -c /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/pointnet2_ops/_ext-src/src/bindings.cpp -o /share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/build/temp.linux-x86_64-3.7/pointnet2_ops/_ext-src/src/bindings.o -O3 -DTORCH_API_INCLUDE_EXTENSION_H '-DPYBIND11_COMPILER_TYPE="_gcc"' '-DPYBIND11_STDLIB="_libstdcpp"' '-DPYBIND11_BUILD_ABI="_cxxabi1011"' -DTORCH_EXTENSION_NAME=_ext -D_GLIBCXX_USE_CXX11_ABI=1 -std=c++14
          cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
          ninja: build stopped: subcommand failed.
          Traceback (most recent call last):
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1723, in _run_ninja_build
              env=env)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/subprocess.py", line 512, in run
              output=stdout, stderr=stderr)
          subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.
          
          The above exception was the direct cause of the following exception:
          
          Traceback (most recent call last):
            File "<string>", line 36, in <module>
            File "<pip-setuptools-caller>", line 34, in <module>
            File "/share/home/anam9745/pointMLP-pytorch/pointnet2_ops_lib/setup.py", line 38, in <module>
              include_package_data=True,
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/__init__.py", line 155, in setup
              return distutils.core.setup(**attrs)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 148, in setup
              return run_commands(dist)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 163, in run_commands
              dist.run_commands()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 967, in run_commands
              self.run_command(cmd)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 986, in run_command
              cmd_obj.run()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/command/install.py", line 68, in run
              return orig.install.run(self)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/install.py", line 670, in run
              self.run_command('build')
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 313, in run_command
              self.distribution.run_command(command)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 986, in run_command
              cmd_obj.run()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build.py", line 135, in run
              self.run_command(cmd_name)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 313, in run_command
              self.distribution.run_command(command)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 986, in run_command
              cmd_obj.run()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 79, in run
              _build_ext.run(self)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 339, in run
              self.build_extensions()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 735, in build_extensions
              build_ext.build_extensions(self)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 448, in build_extensions
              self._build_extensions_serial()
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 473, in _build_extensions_serial
              self.build_extension(ext)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 202, in build_extension
              _build_ext.build_extension(self, ext)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 534, in build_extension
              depends=ext.depends)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 565, in unix_wrap_ninja_compile
              with_cuda=with_cuda)
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1404, in _write_ninja_file_and_compile_objects
              error_prefix='Error compiling objects for extension')
            File "/home/anam9745/miniconda3/envs/pointmlp/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1733, 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: legacy-install-failure
    
    × Encountered error while trying to install package.
    ╰─> pointnet2-ops
    
    note: This is an issue with the package mentioned above, not pip.
    hint: See above for output from the failure.
    
    opened by nama1arpit 2
  • integrate with Lightning ecosystem CI

    integrate with Lightning ecosystem CI

    Hello and so happy to see you use Pytorch-Lightning! :tada: Just wondering if you already heard about quite the new Pytorch Lightning (PL) ecosystem CI where we would like to invite you to... You can check out our blog post about it: Stay Ahead of Breaking Changes with the New Lightning Ecosystem CI :zap: As you use PL framework for your cool project, we would like to enhance your experience and offer you safe updates to our future releases. At this moment, you run tests with a particular PL version, but it may accidentally happen that the next version will be incompatible with your project... :confused: We do not intend to change anything on our project side, but still here we have a solution - ecosystem CI with testing both - your and our latest development head we can find it very early and prevent releasing eventually bad version... :+1:

    What is needed to do?

    • have some tests, including PL integration
    • add config to ecosystem CI - https://github.com/PyTorchLightning/ecosystem-ci

    What will you get?

    • scheduled nightly testing configured for development/stable versions
    • slack notification if something went wrong to investigate
    • testing also on multi-GPU machine as our gift to you :rabbit:
    opened by Borda 0
Releases(v1.0)
Owner
Erik Wijmans
PhD student at Georgia Tech https://twitter.com/erikwijmans
Erik Wijmans
A novel Engagement Detection with Multi-Task Training (ED-MTT) system

A novel Engagement Detection with Multi-Task Training (ED-MTT) system which minimizes MSE and triplet loss together to determine the engagement level of students in an e-learning environment.

Onur Çopur 12 Nov 11, 2022
EM-POSE 3D Human Pose Estimation from Sparse Electromagnetic Trackers.

EM-POSE: 3D Human Pose Estimation from Sparse Electromagnetic Trackers This repository contains the code to our paper published at ICCV 2021. For ques

Facebook Research 62 Dec 14, 2022
Code for “ACE-HGNN: Adaptive Curvature ExplorationHyperbolic Graph Neural Network”

ACE-HGNN: Adaptive Curvature Exploration Hyperbolic Graph Neural Network This repository is the implementation of ACE-HGNN in PyTorch. Environment pyt

9 Nov 28, 2022
Multi-Objective Reinforced Active Learning

Multi-Objective Reinforced Active Learning Dependencies wandb tqdm pytorch = 1.7.0 numpy = 1.20.0 scipy = 1.1.0 pycolab == 1.2 Weights and Biases O

Markus Peschl 6 Nov 19, 2022
JAX-based neural network library

Haiku: Sonnet for JAX Overview | Why Haiku? | Quickstart | Installation | Examples | User manual | Documentation | Citing Haiku What is Haiku? Haiku i

DeepMind 2.3k Jan 04, 2023
Some tentative models that incorporate label propagation to graph neural networks for graph representation learning in nodes, links or graphs.

Some tentative models that incorporate label propagation to graph neural networks for graph representation learning in nodes, links or graphs.

zshicode 1 Nov 18, 2021
Source code for paper "ATP: AMRize Than Parse! Enhancing AMR Parsing with PseudoAMRs" @NAACL-2022

ATP: AMRize Then Parse! Enhancing AMR Parsing with PseudoAMRs Hi this is the source code of our paper "ATP: AMRize Then Parse! Enhancing AMR Parsing w

Chen Liang 13 Nov 23, 2022
Official repository of OFA. Paper: Unifying Architectures, Tasks, and Modalities Through a Simple Sequence-to-Sequence Learning Framework

Paper | Blog OFA is a unified multimodal pretrained model that unifies modalities (i.e., cross-modality, vision, language) and tasks (e.g., image gene

OFA Sys 1.4k Jan 08, 2023
Maximum Spatial Perturbation for Image-to-Image Translation (Official Implementation)

MSPC for I2I This repository is by Yanwu Xu and contains the PyTorch source code to reproduce the experiments in our CVPR2022 paper Maximum Spatial Pe

51 Dec 14, 2022
A state-of-the-art semi-supervised method for image recognition

Mean teachers are better role models Paper ---- NIPS 2017 poster ---- NIPS 2017 spotlight slides ---- Blog post By Antti Tarvainen, Harri Valpola (The

Curious AI 1.4k Jan 06, 2023
Defocus Map Estimation and Deblurring from a Single Dual-Pixel Image

Defocus Map Estimation and Deblurring from a Single Dual-Pixel Image This repository is an implementation of the method described in the following pap

21 Dec 15, 2022
Pytorch implementation of paper Semi-supervised Knowledge Transfer for Deep Learning from Private Training Data

Pytorch implementation of paper Semi-supervised Knowledge Transfer for Deep Learning from Private Training Data

Hrishikesh Kamath 31 Nov 20, 2022
An executor that loads ONNX models and embeds documents using the ONNX runtime.

ONNXEncoder An executor that loads ONNX models and embeds documents using the ONNX runtime. Usage via Docker image (recommended) from jina import Flow

Jina AI 2 Mar 15, 2022
MTCNN face detection implementation for TensorFlow, as a PIP package.

MTCNN Implementation of the MTCNN face detector for Keras in Python3.4+. It is written from scratch, using as a reference the implementation of MTCNN

Iván de Paz Centeno 1.9k Dec 30, 2022
Subnet Replacement Attack: Towards Practical Deployment-Stage Backdoor Attack on Deep Neural Networks

Subnet Replacement Attack: Towards Practical Deployment-Stage Backdoor Attack on Deep Neural Networks Official implementation of paper Towards Practic

Xiangyu Qi 8 Dec 30, 2022
Pytorch implementation of the paper "COAD: Contrastive Pre-training with Adversarial Fine-tuning for Zero-shot Expert Linking."

Expert-Linking Pytorch implementation of the paper "COAD: Contrastive Pre-training with Adversarial Fine-tuning for Zero-shot Expert Linking." This is

BoChen 12 Jan 01, 2023
Fuzzer for Linux Kernel Drivers

difuze: Fuzzer for Linux Kernel Drivers This repo contains all the sources (including setup scripts), you need to get difuze up and running. Tested on

seclab 344 Dec 27, 2022
Implementation for NeurIPS 2021 Submission: SparseFed

READ THIS FIRST This repo is an anonymized version of an existing repository of GitHub, for the AIStats 2021 submission: SparseFed: Mitigating Model P

2 Jun 15, 2022
An Exact Solver for Semi-supervised Minimum Sum-of-Squares Clustering

PC-SOS-SDP: an Exact Solver for Semi-supervised Minimum Sum-of-Squares Clustering PC-SOS-SDP is an exact algorithm based on the branch-and-bound techn

Antonio M. Sudoso 1 Nov 13, 2022