Giter VIP home page Giter VIP logo

ad-nerf's Introduction

AD-NeRF: Audio Driven Neural Radiance Fields for Talking Head Synthesis

PyTorch implementation for the paper "AD-NeRF: Audio Driven Neural Radiance Fields for Talking Head Synthesis (ICCV 2021)".
Authors: Yudong Guo, Keyu Chen, Sen Liang, Yong-Jin Liu, Hujun Bao and Juyong Zhang.

Prerequisites

  • You can create an anaconda environment called adnerf with:

    conda env create -f environment.yml
    conda activate adnerf
    
  • PyTorch3D

    Recommend install from a local clone

    git clone https://github.com/facebookresearch/pytorch3d.git
    cd pytorch3d && pip install -e .
    
  • Basel Face Model 2009

    Put "01_MorphableModel.mat" to data_util/face_tracking/3DMM/; cd data_util/face_tracking; run

    python convert_BFM.py
    

Train AD-NeRF

  • Data Preprocess ($id Obama for example)

    bash process_data.sh Obama
    
    • Input: A portrait video at 25fps containing voice audio. (dataset/vids/$id.mp4)
    • Output: folder dataset/$id that contains all files for training
  • Train Two NeRFs (Head-NeRF and Torso-NeRF)

    • Train Head-NeRF with command
      python NeRFs/HeadNeRF/run_nerf.py --config dataset/$id/HeadNeRF_config.txt
      
    • Copy latest trainied model from dataset/$id/logs/$id_head to dataset/$id/logs/$id_com
    • Train Torso-NeRF with command
      python NeRFs/TorsoNeRF/run_nerf.py --config dataset/$id/TorsoNeRF_config.txt
      
    • You may need the pretrained models to avoid bad initialization. #3

Run AD-NeRF for rendering

  • Reconstruct original video with audio input
    python NeRFs/TorsoNeRF/run_nerf.py --config dataset/$id/TorsoNeRFTest_config.txt --aud_file=dataset/$id/aud.npy --test_size=300
    
  • Drive the target person with another audio input
    python NeRFs/TorsoNeRF/run_nerf.py --config dataset/$id/TorsoNeRFTest_config.txt --aud_file=${deepspeechfile.npy} --test_size=-1
    

Citation

If you find our work useful in your research, please consider citing our paper:

@inproceedings{guo2021adnerf,
  title={AD-NeRF: Audio Driven Neural Radiance Fields for Talking Head Synthesis},
  author={Yudong Guo and Keyu Chen and Sen Liang and Yongjin Liu and Hujun Bao and Juyong Zhang},
  booktitle={IEEE/CVF International Conference on Computer Vision (ICCV)},
  year={2021}
}

If you have questions, feel free to contact [email protected].

Acknowledgments

We use face-parsing.PyTorch for parsing head and torso maps, and DeepSpeech for audio feature extraction. The NeRF model is implemented based on NeRF-pytorch.

ad-nerf's People

Contributors

yudongguo avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

ad-nerf's Issues

How to improve 3d pose results?

Hi
Thanks for your great work.

I trained AD-NeRF with custom training dataset.
But I have problems with tracking parameters so the rendering results have flickering on torso.
(I trained with your pretrained nerf models)
I found that training with your pretrained parameters showed good results.
Is there any good way to improve tracking parameters by face_tracker.py for better torso and neck part?
Usually head nerf model is trained well but torso model fails to train.

image

关于测试视频

您好,请问除了Obama的视频之外,能否提供一下paper中其他视频的连接?

IndexError: list index out of range

Traceback (most recent call last):
File "data_util/process_data.py", line 110, in
tmp_img = cv2.imread(os.path.join(ori_imgs_dir, str(valid_img_ids[0])+'.jpg'))
IndexError: list index out of range

Please, could you help me handle this one also?

Problem about loading the torso pretrained models

Hi, yudong
When I try to load the torso pretrained models for a better initialization. I get an error.
image
So why the pretrained models donot have the ['network_audattnet_state_dict']. How can I handle this issue?
Thanks!

训练时间长的问题

您好,我用Mac电脑,训练 Obama视频,跑了约10个小时,step还没跑完,麻烦问一下,是我训练有问题吗? 还是就是这么慢的

Single NeRF Model

In the video (at the 02:55 mark) you show examples when training with only a single NeRF. I was wondering if you still had that code available, as there are some things I want to try with a single model for the head and torso.

Could you release the model you used before the split into torso nerf and head nerf, or if this is possible with the current code, could you tell me how to do it?

Would it be enough to use orig_imgs instead and change the sample_rate to have the torso appear in the head-nerf?

Thank you in advance.

Torso not added to final output

I trained the Obama example and I get expected results from the HeadNeRF, but when I train and render the TorsoNeRF, I get results that look very similar (i.e. a floating head, torso is missing). I only trained for 10'000 iterations, but from my experience with NeRF, the correct shapes should appear rather quickly.

Could it be that there is a setting that needs to be turned on, or a bug in the code, that prevents the Torso from being learned by the TorsoNeRF? Or does it take a large amount of iterations for the Torso to appear?

I used the commands as specified in the README.

Thanks for your help, this is a very cool project!

HeadNeRF output:
000
TorsoNeRF output:
000

关于DeepSpeech提取的特征问题?

您好,我下载使用deepspeech-0_1_0-b90017e8.pb.zip,但是针对obama的语音提取得到的aud.npy与您提供的Obama_test环境中的aud.npy不一样,请问是什么原因?程序没有做任何的改动,非常感谢

Head and lip movement in output video stops after 29 seconds

Hello,
thanks for your great work.
I have some problems at inferencing time.
My output video (attached) has no lip movement and headmovement after 29 seconds.
What have I done wrong and how can I solve the problem?
I used your pretrained checkpoints.

obama.mp4

Far scene boundary and background

I want to know where the z-far and z-near values are used and how this relates to the background image.

I'm asking because I have models of my own and I tried using the poses generated by your model for them. Everything works well, except for the background; in the first few iterations the background image is used (i.e. last sample on ray works) but then the network starts to learn a background anyways.
I suspect the near/far boundaries are somehow involved with this, but when I tried looking through the code I couldn't find the z-far value used anywhere.

Me question is this: How far "back" is the last sample on the ray, where you place the background RGB value? How are the near/far boundaries used? What could lead to the network trying to learn a background even if one is provided?

step 6 in data preapare

--- Estimate Head Pose ---
600 2.0984575748443604 -3.9449377059936523
700 2.07585072517395 -4.621486663818359
800 2.0680198669433594 -5.326531410217285
900 2.0562641620635986 -5.979220867156982
1000 2.0497548580169678 -6.662752628326416
1100 2.046555995941162 -7.34714937210083
1200 2.0465006828308105 -8.076155662536621
1300 2.047314167022705 -8.815178871154785
1400 2.052002191543579 -9.595290184020996
find best focal 1200
2.0739803314208984 -8.418037414550781
Traceback (most recent call last):
File "data_util/face_tracking/face_tracker.py", line 219, in
sel_light.to(device_render))
File "/data/liujingxiu/software/anaconda3/lib/python3.6/site-packages/torch/nn/modules/module.py", line 722, in _call_impl
result = self.forward(*input, **kwargs)
File "/data/liujingxiu/TalkingHead/AD-NeRF-master/data_util/face_tracking/render_3dmm.py", line 189, in forward
rendered_img = self.renderer(mesh)
TypeError: 'NoneType' object is not callable

what should I do?

detect lands & estimate head pose

## I followed all Prerequisites. But when go for data preprocessing i got this error. Please help me

--- Step 2: detect landmarks ---
Traceback (most recent call last):
File "data_util/process_data.py", line 110, in
tmp_img = cv2.imread(os.path.join(ori_imgs_dir, str(valid_img_ids[0])+'.jpg'))
IndexError: list index out of range
Traceback (most recent call last):
File "data_util/process_data.py", line 110, in
tmp_img = cv2.imread(os.path.join(ori_imgs_dir, str(valid_img_ids[0])+'.jpg'))
IndexError: list index out of range
File "data_util/process_data.py", line 110, in
tmp_img = cv2.imread(os.path.join(ori_imgs_dir, str(valid_img_ids[0])+'.jpg'))
IndexError: list index out of range

Expected Inference Time

Hi @YudongGuo, I wanted to know what is the expected inference time to generate output for let's say 300 frames or 12sec video. For me, it took around 5 hours to produce the output of duration 12sec [300 frames]. Is this the expected time or am I missing something? Thanks.

Train Head-NeRF with command OOM

Hi

When I Trainning AD-NeRF, the Data Preprocess step passed OK, but I have encounter OOM when executing Train Head-NeRF with command, I use RTX2070 8GB GPU card. should I modify chunk=1024*32 to to avoid OOM, or there are improper setting in my enviroment. Below are error message:

$ python NeRFs/HeadNeRF/run_nerf.py --config dataset/Obama/HeadNeRF_config.txt

WARNING: CPU random generator seem to be failing, disabling hardware random number generation
WARNING: RDRND generated: 0xffffffff 0xffffffff 0xffffffff 0xffffffff
Loaded audface (7279,) [450, 450, 1200.0, 225.0, 225.0] /mnt/data/hz/test/NeRF/dataset/Obama
Found ckpts []
Not ndc!
N_rand 2048 no_batching True sample_rate 0.95
Begin
TRAIN views are [   0    1    2 ... 7269 7270 7271]
VAL views are [7272 7273 7274 7275 7276 7277 7278]
  0%|                                                | 0/400000 [00:03<?, ?it/s]
Traceback (most recent call last):
  File "NeRFs/HeadNeRF/run_nerf.py", line 965, in <module>
    train()
  File "NeRFs/HeadNeRF/run_nerf.py", line 893, in train
    **render_kwargs_train)
  File "NeRFs/HeadNeRF/run_nerf.py", line 106, in render_dynamic_face
    all_ret = batchify_rays(rays, bc_rgb, aud_para, chunk, **kwargs)
  File "NeRFs/HeadNeRF/run_nerf.py", line 58, in batchify_rays
    aud_para, **kwargs)
  File "NeRFs/HeadNeRF/run_nerf.py", line 463, in render_rays
    raw = network_query_fn(pts, viewdirs, aud_para, network_fn)
  File "NeRFs/HeadNeRF/run_nerf.py", line 262, in network_query_fn
    embed_fn=embed_fn, embeddirs_fn=embeddirs_fn, netchunk=args.netchunk)
  File "NeRFs/HeadNeRF/run_nerf.py", line 46, in run_network
    outputs_flat = batchify(fn, netchunk)(embedded)
  File "NeRFs/HeadNeRF/run_nerf.py", line 29, in ret
    return torch.cat([fn(inputs[i:i+chunk]) for i in range(0, inputs.shape[0], chunk)], 0)
  File "NeRFs/HeadNeRF/run_nerf.py", line 29, in <listcomp>
    return torch.cat([fn(inputs[i:i+chunk]) for i in range(0, inputs.shape[0], chunk)], 0)
  File "/home/hztest/test/anaconda3/envs/nerf/lib/python3.7/site-packages/torch/nn/modules/module.py", line 889, in _call_impl
    result = self.forward(*input, **kwargs)
  File "/mnt/data/hz/test/NeRF/NeRFs/HeadNeRF/run_nerf_helpers.py", line 193, in forward
    h = F.relu(h)
  File "/home/hztest/test/anaconda3/envs/nerf/lib/python3.7/site-packages/torch/nn/functional.py", line 1206, in relu
    result = torch.relu(input)
RuntimeError: CUDA out of memory. Tried to allocate 32.00 MiB (GPU 0; 7.79 GiB total capacity; 6.65 GiB already allocated; 2.06 MiB free; 6.68 GiB reserved in total by PyTorch)

No file 3DMM_info.npy when doing step6 in process_data.py

Hi, yudong
When I run the process_data.py, there is an error in step 6. Can you tell me where can I find the 3DMM_info.npy?

Here is the details:
Traceback (most recent call last):
File "data_util/face_tracking/face_tracker.py", line 47, in
id_dim, exp_dim, tex_dim, point_num)
File "...../code/AD-NeRF-master/data_util/face_tracking/facemodel.py", line 16, in init
modelpath, '3DMM_info.npy'), allow_pickle=True).item()
File "..../anaconda3/envs/adnerf_cu11/lib/python3.7/site-packages/numpy/lib/npyio.py", line 417, in load
fid = stack.enter_context(open(os_fspath(file), "rb"))
FileNotFoundError: [Errno 2] No such file or directory: '..../code/AD-NeRF-master/data_util/face_tracking/3DMM/3DMM_info.npy'

Effect of input video length on output quality

I was wondering if you tested how the length of the input video affects the quality of the output. From my experience with similar models, lowering the number of training frames lowers the quality of the output (as would be expected).

Did you try training on a very long/short input video? I know the paper mentions most clips where of length 2-3 minutes, which is roughly 3000-5000 frames. Is this by choice, because it produces optimal results, or arbitrary? When I trained with a 1.5 minute long video, the results seemed not as good as in the Obama example.

If you did not test this, I'm happy to do it and report the results.

arguments of pre-trained model

Hello,
Is there any arguments guid for pre-trained model??
I got error when I run script on default setting.

python NeRFs/TorsoNeRF/run_nerf.py --config dataset/Obama/TorsoNeRFTest_config.txt --aud_file=dataset/Obama/aud.npy --test_size=300 --ft_path ./pretrained_models/600000_body.tar

RuntimeError: Error(s) in loading state_dict for FaceNeRF:
        size mismatch for pts_linears.0.weight: copying a param with shape torch.Size([256, 169]) from checkpoint, the shape in current model is torch.Size([256, 127]).
        size mismatch for pts_linears.5.weight: copying a param with shape torch.Size([256, 425]) from checkpoint, the shape in current model is torch.Size([256, 383]).

cpu

GIVE CPU VIRSION

about create environment

hi @YudongGuo , it's an awsome work. I want to run it in my machine, but it seems somthing wrong happened.

conda env create -f environment.yml
conda activate adnerf
git clone https://github.com/facebookresearch/pytorch3d.git

and then run

cd pytorch3d && pip install -e .

happens:

Looking in indexes: https://pypi.tuna.tsinghua.edu.cn/simple
Obtaining file:///p300/adnerf/pytorch3d
Requirement already satisfied: fvcore in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from pytorch3d==0.5.0) (0.1.5.post20210617)
Requirement already satisfied: iopath in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from pytorch3d==0.5.0) (0.1.8)
Requirement already satisfied: pyyaml>=5.1 in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from fvcore->pytorch3d==0.5.0) (5.4.1)
Requirement already satisfied: yacs>=0.1.6 in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from fvcore->pytorch3d==0.5.0) (0.1.8)
Requirement already satisfied: tabulate in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from fvcore->pytorch3d==0.5.0) (0.8.9)
Requirement already satisfied: tqdm in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from fvcore->pytorch3d==0.5.0) (4.59.0)
Requirement already satisfied: Pillow in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from fvcore->pytorch3d==0.5.0) (8.2.0)
Requirement already satisfied: termcolor>=1.1 in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from fvcore->pytorch3d==0.5.0) (1.1.0)
Requirement already satisfied: numpy in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from fvcore->pytorch3d==0.5.0) (1.20.2)
Requirement already satisfied: portalocker in /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages (from iopath->pytorch3d==0.5.0) (2.3.0)
Installing collected packages: pytorch3d
  Running setup.py develop for pytorch3d
    ERROR: Command errored out with exit status 1:
     command: /root/Anacondas/anaconda3/envs/adnerf/bin/python -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'/p300/adnerf/pytorch3d/setup.py'"'"'; __file__='"'"'/p300/adnerf/pytorch3d/setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' develop --no-deps
         cwd: /p300/adnerf/pytorch3d/
    Complete output (1106 lines):
    running develop
    running egg_info
    writing pytorch3d.egg-info/PKG-INFO
    writing dependency_links to pytorch3d.egg-info/dependency_links.txt
    writing requirements to pytorch3d.egg-info/requires.txt
    writing top-level names to pytorch3d.egg-info/top_level.txt
    reading manifest file 'pytorch3d.egg-info/SOURCES.txt'
    writing manifest file 'pytorch3d.egg-info/SOURCES.txt'
    running build_ext
    building 'pytorch3d._C' extension
    Emitting ninja build file /p300/adnerf/pytorch3d/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/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/util.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/util.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/util.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [2/54] /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend.o.d -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend.cu -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend.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'"'"'' -std=c++14 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -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_61,code=compute_61 -gencode=arch=compute_61,code=sm_61
    FAILED: /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend.o
    /usr/local/cuda/bin/nvcc --generate-dependencies-with-compile --dependency-output /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend.o.d -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend.cu -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend.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'"'"'' -std=c++14 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -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_61,code=compute_61 -gencode=arch=compute_61,code=sm_61
    nvcc fatal   : Unknown option '-generate-dependencies-with-compile'
    [3/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    /p300/adnerf/pytorch3d/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.cpp: In function ‘at::Tensor MeshNormalConsistencyFindVerticesCpu(const at::Tensor&)’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.cpp:46:35: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
       for (int64_t i_pair = 0; i_pair < pairs.size(); ++i_pair) {
                                ~~~~~~~^~~~~~~~~~~~~~
    [4/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/gather_scatter/gather_scatter_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/gather_scatter/gather_scatter_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/gather_scatter/gather_scatter_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    [5/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_cam_gradients.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_cam_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_cam_gradients.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_cam_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_cam_gradients.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_cam_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_cam_gradients.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_cam_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_cam_gradients.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_cam_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_cam_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [6/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_sphere_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_sphere_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_sphere_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_sphere_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_sphere_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:34:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_sphere_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.norm_sphere_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h: In instantiation of ‘void pulsar::Renderer::norm_sphere_gradients(pulsar::Renderer::Renderer, int) [with bool DEV = false]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.norm_sphere_gradients.instantiate.h:16:24:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../host/commands.h:346:34: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
       for (uint VARNAME = 0; VARNAME < (N); ++VARNAME) {
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.norm_sphere_gradients.device.h:28:3: note: in expansion of macro ‘GET_PARALLEL_IDX_1D’
       GET_PARALLEL_IDX_1D(idx, num_balls);
       ^
    [7/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_gradients.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_gradients.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_gradients.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_gradients.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_gradients.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:34:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_gradients.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_gradients.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_gradients.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_gradients.device.h: In instantiation of ‘void pulsar::Renderer::calc_gradients(pulsar::CamInfo, const float*, float, const float3*, const float*, const float*, const float*, uint, const float*, const float*, const pulsar::Renderer::DrawInfo*, const pulsar::Renderer::IntersectInfo*, bool, bool, bool, bool, bool, float*, float*, float3*, pulsar::CamGradInfo*, float*, int*, int, uint, uint) [with bool DEV = false; float3 = float3; uint = unsigned int]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_gradients.instantiate.h:45:22:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../host/commands.h:348:8: warning: variable ‘blockDim’ set but not used [-Wunused-but-set-variable]
       int2 blockDim;                                                  \
            ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../host/commands.h:348:8: note: in definition of macro ‘GET_PARALLEL_IDS_2D’
       int2 blockDim;                                                  \
            ^~~~~~~~
    [8/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.render.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.render.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.render.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.render.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.render.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.render.instantiate.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.render.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h: In instantiation of ‘void pulsar::Renderer::render(const size_t*, const pulsar::Renderer::IntersectInfo*, const pulsar::Renderer::DrawInfo*, const float*, const int*, const float*, pulsar::CamInfo, float, float, uint, const float*, uint, int, int, int, int, float*, float*, int) [with bool DEV = false; size_t = long unsigned int; uint = unsigned int]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.render.instantiate.h:42:1:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h:178:39: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
            !loading_done && n_pixels_done < thread_block.size();
                             ~~~~~~~~~~~~~~^~~~~~~~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.render.device.h:285:32: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
               tracker.get_n_hits() >= max_n_hits;
               ~~~~~~~~~~~~~~~~~~~~~^~~~~~~~~~~~~
    [9/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:9:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h: In instantiation of ‘void pulsar::Renderer::fill_bg(pulsar::Renderer::Renderer, pulsar::CamInfo, const float*, float, uint) [with bool DEV = false; uint = unsigned int]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:19:20:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h:49:25: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
           for (int i = 0; i < cam.n_channels; ++i) {
                           ~~^~~~~~~~~~~~~~~~
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:34:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.fill_bg.device.h:14,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.fill_bg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.fill_bg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../host/commands.h:348:8: warning: variable ‘blockDim’ set but not used [-Wunused-but-set-variable]
       int2 blockDim;                                                  \
            ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../host/commands.h:348:8: note: in definition of macro ‘GET_PARALLEL_IDS_2D’
       int2 blockDim;                                                  \
            ^~~~~~~~
    [10/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_signature.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_signature.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_signature.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_signature.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_signature.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_signature.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_signature.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_signature.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.calc_signature.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.calc_signature.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.calc_signature.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [11/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.create_selector.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.create_selector.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.create_selector.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.create_selector.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.create_selector.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.create_selector.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.create_selector.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.create_selector.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.create_selector.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.create_selector.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.create_selector.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [12/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH/TH.h:4:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:32,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h: In instantiation of  ‘void pulsar::Renderer::backward_dbg(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, const uint&, const uint&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:36:24:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:50:34: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
           num_balls > 0 && num_balls <= self->max_num_balls,
                            ~~~~~~~~~~^~~~~~~~~~
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH/THGeneral.h:102:35: note: in definition of macro ‘THArgCheck’
       _THArgCheck(__FILE__, __LINE__, __VA_ARGS__);                       \
                                       ^~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:49:3: note: in expansion of macro ‘ARGCHECK’
       ARGCHECK(
       ^
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:34:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward_dbg.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h: In instantiation of ‘void SUM_WS(T*, T*, size_t, char*, size_t, cudaStream_t) [with T = pulsar::CamGradInfo; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward_dbg.device.h:142:9:   required from ‘void pulsar::Renderer::backward_dbg(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, const uint&, const uint&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward_dbg.instantiate.h:36:24:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:284:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
       for (int i = 0; i < (NUM_OBJECTS); ++i) {
                       ~~^~~~~~~~~~~~~~~
    [13/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/warnings.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/warnings.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/warnings.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/warnings.cpp:9:0:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/./global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/./global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/./global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/warnings.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/warnings.cpp:9:0:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/./global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [14/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.destruct.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.destruct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.destruct.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.destruct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.destruct.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.destruct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.destruct.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.destruct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.destruct.device.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.destruct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.destruct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [15/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH/TH.h:4:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:32,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h: In instantiation of ‘void pulsar::Renderer::backward(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:34:24:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:48:34: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
           num_balls > 0 && num_balls <= self->max_num_balls,
                            ~~~~~~~~~~^~~~~~~~~~
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH/THGeneral.h:102:35: note: in definition of macro ‘THArgCheck’
       _THArgCheck(__FILE__, __LINE__, __VA_ARGS__);                       \
                                       ^~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:47:3: note: in expansion of macro ‘ARGCHECK’
       ARGCHECK(
       ^
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:34:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h: In instantiation of ‘void SUM_WS(T*, T*, size_t, char*, size_t, cudaStream_t) [with T = pulsar::CamGradInfo; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:149:11:   required from ‘void pulsar::Renderer::backward(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:34:24:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:284:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
       for (int i = 0; i < (NUM_OBJECTS); ++i) {
                       ~~^~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h: In instantiation of ‘void SUM_WS(T*, T*, size_t, char*, size_t, cudaStream_t) [with T = pulsar::IntWrapper; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:157:11:   required from ‘void pulsar::Renderer::backward(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:34:24:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:284:21: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
    [16/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.construct.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.construct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.construct.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.construct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.construct.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.construct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.construct.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.construct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.construct.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.construct.instantiate.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.construct.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [17/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH/TH.h:4:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:32,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h: In instantiation of ‘void pulsar::Renderer::forward(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const float*, const size_t&, const uint&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:27:24:   required from here
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:43:34: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
           num_balls > 0 && num_balls <= self->max_num_balls,
                            ~~~~~~~~~~^~~~~~~~~~
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH/THGeneral.h:102:35: note: in definition of macro ‘THArgCheck’
       _THArgCheck(__FILE__, __LINE__, __VA_ARGS__);                       \
                                       ^~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:42:3: note: in expansion of macro ‘ARGCHECK’
       ARGCHECK(
       ^
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././commands.h:34:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/renderer.forward.instantiate.h:9,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/renderer.forward.cpu.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:205:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < (NUM_OBJECTS); ++i) {                           \
                         ~~^~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:234:3: note: in expansion of macro ‘SORT_ASCENDING’
       SORT_ASCENDING(          \
       ^~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:96:3: note: in expansion of macro ‘SORT_ASCENDING_WS’
       SORT_ASCENDING_WS(
       ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:208:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < (NUM_OBJECTS); ++i) {                           \
                         ~~^~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:234:3: note: in expansion of macro ‘SORT_ASCENDING’
       SORT_ASCENDING(          \
       ^~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:96:3: note: in expansion of macro ‘SORT_ASCENDING_WS’
       SORT_ASCENDING_WS(
       ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:205:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < (NUM_OBJECTS); ++i) {                           \
                         ~~^~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:234:3: note: in expansion of macro ‘SORT_ASCENDING’
       SORT_ASCENDING(          \
       ^~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:105:3: note: in expansion of macro ‘SORT_ASCENDING_WS’
       SORT_ASCENDING_WS(
       ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:208:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < (NUM_OBJECTS); ++i) {                           \
                         ~~^~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:234:3: note: in expansion of macro ‘SORT_ASCENDING’
       SORT_ASCENDING(          \
       ^~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:105:3: note: in expansion of macro ‘SORT_ASCENDING_WS’
       SORT_ASCENDING_WS(
       ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:205:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < (NUM_OBJECTS); ++i) {                           \
                         ~~^~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:234:3: note: in expansion of macro ‘SORT_ASCENDING’
       SORT_ASCENDING(          \
       ^~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:114:3: note: in expansion of macro ‘SORT_ASCENDING_WS’
       SORT_ASCENDING_WS(
       ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:208:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < (NUM_OBJECTS); ++i) {                           \
                         ~~^~~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:234:3: note: in expansion of macro ‘SORT_ASCENDING’
       SORT_ASCENDING(          \
       ^~~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:114:3: note: in expansion of macro ‘SORT_ASCENDING_WS’
       SORT_ASCENDING_WS(
       ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:240:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < (NUM_ITEMS); ++i) {                               \
                         ~~^~~~~~~~~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:253:3: note: in expansion of macro ‘REDUCE’
       REDUCE(REDUCE_PTR, RESULT_PTR, NUM_ITEMS, REDUCE_OP, REDUCE_INIT)
       ^~~~~~
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:133:3: note: in expansion of macro ‘REDUCE_WS’
       REDUCE_WS(
       ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:267:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < NUM_ITEMS; ++i) {   \
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:206:9: note: in expansion of macro ‘SELECT_FLAGS_WS’
             SELECT_FLAGS_WS(
             ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:267:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < NUM_ITEMS; ++i) {   \
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:216:9: note: in expansion of macro ‘SELECT_FLAGS_WS’
             SELECT_FLAGS_WS(
             ^
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:267:23: warning: comparison between signed and unsigned integer expressions [-Wsign-compare]
         for (int i = 0; i < NUM_ITEMS; ++i) {   \
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/host/../include/./renderer.forward.device.h:226:9: note: in expansion of macro ‘SELECT_FLAGS_WS’
             SELECT_FLAGS_WS(
             ^
    [18/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/alpha_composite_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/alpha_composite_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/alpha_composite_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/alpha_composite_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [19/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/tensor_util.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/tensor_util.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/tensor_util.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/tensor_util.cpp:13:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [20/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [21/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./camera.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./camera.h:13,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./camera.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/math.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.cpp:10:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/./commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/./commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/math.h:13:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/camera.cpp:10:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/./commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [22/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/norm_weighted_sum_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/norm_weighted_sum_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/norm_weighted_sum_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/norm_weighted_sum_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [23/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_points/rasterize_points_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_points/rasterize_points_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_points/rasterize_points_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_points/rasterize_points_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [24/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/blending/sigmoid_alpha_blend_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [25/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/face_areas_normals/face_areas_normals_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/face_areas_normals/face_areas_normals_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/face_areas_normals/face_areas_normals_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/face_areas_normals/face_areas_normals_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [26/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/knn/knn_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/knn/knn_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/knn/knn_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/knn/knn_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [27/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/weighted_sum_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/weighted_sum_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/weighted_sum_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/compositing/weighted_sum_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [28/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_meshes/rasterize_meshes_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_meshes/rasterize_meshes_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_meshes/rasterize_meshes_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/rasterize_meshes/rasterize_meshes_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [29/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/point_mesh/point_mesh_cpu.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/point_mesh/point_mesh_cpu.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/point_mesh/point_mesh_cpu.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/point_mesh/point_mesh_cpu.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    [30/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./renderer.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./renderer.h:12,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.cpp:9:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./renderer.h:12:0,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.cpp:9:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/./../global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.cpp:10:0:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/commands.h:30:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/commands.h:31:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/renderer.cpp:10:0:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/pulsar/pytorch/../include/commands.h:33:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    [31/54] c++ -MMD -MF /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/ext.o.d -pthread -B /root/Anacondas/anaconda3/envs/adnerf/compiler_compat -Wl,--sysroot=/ -Wsign-compare -DNDEBUG -g -fwrapv -O3 -Wall -Wstrict-prototypes -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/p300/adnerf/pytorch3d/pytorch3d/csrc -I/root/Anacondas/anaconda3/envs/adnerf/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/TH -I/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/THC -I/usr/local/cuda/include -I/root/Anacondas/anaconda3/envs/adnerf/include/python3.7m -c -c /p300/adnerf/pytorch3d/pytorch3d/csrc/ext.cpp -o /p300/adnerf/pytorch3d/build/temp.linux-x86_64-3.7/p300/adnerf/pytorch3d/pytorch3d/csrc/ext.o -std=c++14 -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
    cc1plus: warning: command line option ‘-Wstrict-prototypes’ is valid for C/ObjC but not for C++
    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/ext.cpp:10:0:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/./pulsar/global.h:46:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic push

    /p300/adnerf/pytorch3d/pytorch3d/csrc/./pulsar/global.h:47:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic ignored "-Weverything"

    In file included from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/Parallel.h:140:0,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/utils.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn/cloneable.h:5,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/nn.h:3,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/csrc/api/include/torch/all.h:13,
                     from /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/torch/extension.h:4,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/./pulsar/global.h:48,
                     from /p300/adnerf/pytorch3d/pytorch3d/csrc/ext.cpp:10:
    /root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/include/ATen/ParallelOpenMP.h:83:0: warning: ignoring #pragma omp parallel [-Wunknown-pragmas]
     #pragma omp parallel for if ((end - begin) >= grain_size)

    In file included from /p300/adnerf/pytorch3d/pytorch3d/csrc/ext.cpp:10:0:
    /p300/adnerf/pytorch3d/pytorch3d/csrc/./pulsar/global.h:49:0: warning: ignoring #pragma clang diagnostic [-Wunknown-pragmas]
     #pragma clang diagnostic pop

    ninja: build stopped: subcommand failed.
    Traceback (most recent call last):
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1673, in _run_ninja_build
        env=env)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/subprocess.py", line 481, in run
        output=stdout, stderr=stderr)
    subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

    The above exception was the direct cause of the following exception:

    Traceback (most recent call last):
      File "<string>", line 1, in <module>
      File "/p300/adnerf/pytorch3d/setup.py", line 150, in <module>
        "": ["*.json"],
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/setuptools/__init__.py", line 153, in setup
        return distutils.core.setup(**attrs)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/core.py", line 148, in setup
        dist.run_commands()
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/dist.py", line 966, in run_commands
        self.run_command(cmd)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/dist.py", line 985, in run_command
        cmd_obj.run()
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/setuptools/command/develop.py", line 34, in run
        self.install_for_development()
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/setuptools/command/develop.py", line 136, in install_for_development
        self.run_command('build_ext')
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/cmd.py", line 313, in run_command
        self.distribution.run_command(command)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/dist.py", line 985, in run_command
        cmd_obj.run()
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 79, in run
        _build_ext.run(self)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/command/build_ext.py", line 339, in run
        self.build_extensions()
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 708, in build_extensions
        build_ext.build_extensions(self)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/command/build_ext.py", line 448, in build_extensions
        self._build_extensions_serial()
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/command/build_ext.py", line 473, in _build_extensions_serial
        self.build_extension(ext)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 196, in build_extension
        _build_ext.build_extension(self, ext)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/distutils/command/build_ext.py", line 533, in build_extension
        depends=ext.depends)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 538, in unix_wrap_ninja_compile
        with_cuda=with_cuda)
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1359, in _write_ninja_file_and_compile_objects
        error_prefix='Error compiling objects for extension')
      File "/root/Anacondas/anaconda3/envs/adnerf/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1683, in _run_ninja_build
        raise RuntimeError(message) from e
    RuntimeError: Error compiling objects for extension
    ----------------------------------------
ERROR: Command errored out with exit status 1: /root/Anacondas/anaconda3/envs/adnerf/bin/python -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'/p300/adnerf/pytorch3d/setup.py'"'"'; __file__='"'"'/p300/adnerf/pytorch3d/setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' develop --no-deps Check the logs for full command output

where, my conda info is:

    conda version : 4.10.3
    conda-build version : 3.21.4
         python version : 3.8.8.final.0
       virtual packages : __cuda=11.0=0
                          __linux=3.10.0=0
                          __glibc=2.27=0
                          __unix=0=0
                          __archspec=1=x86_64

thanks!

The output video has no sound

Hi, I tried your pre-trained model, but the output video seems to not embedded any sound. I checked out the code and found the VideoWriter didn't write sound or did I miss something?

About test

Hi, yudong
I read the test code and find that the test process is performed on the trainset ranther than the testset. I wonder whether this is reasonable?
Thanks!

about canonical space

你好,我对于该方法中,使用pose parameters {R, t} 完成camera space到canonical space的转换这一步感到比较抽象,阅读了论文和参考论文后仍不太理解。请问有什么参考资料可供详细了解和学习吗?

Сontinue training

Hello,
what is the best option to continue training (after default 400k iters, for example)? And would it be useful at all? (in cases where trained model does not provide any noticeable mouth movement).

Correct pytorch3D version?

I'm having issues installing pytorch3D in the conda environment you provided. Using "conda install pytorch3d -c pytorch3d" doesn't work, I suspect it has something to do with the python, cuda, pytorch and torchvision version.

Could you kindly let me know, which installation method you used, so I can follow the same steps, it might save me a lot of trouble.

关于生成自己数据

您好!想请问一下估算出来的rigid pose parameters 其中的rotation matrix 和translation veter分别是怎么得到的哇

coords_norect.shape[0] = 0.

ValueError
a must be greater than 0 unless no samples are taken
File "/apdcephfs/private_quincheng/LipSync/AD-NeRF/NeRFs/HeadNeRF/run_nerf.py", line 862, in train
coords_norect.shape[0], size=[norect_num], replace=False) # (N_rand,)
File "/apdcephfs/private_quincheng/LipSync/AD-NeRF/NeRFs/HeadNeRF/run_nerf.py", line 965, in
train()

I found coords_norect.shape[0] = 0.
How to fix this error?

关于 tracking parameters

你好,我使用奥巴马开源模型在pretrained_models/TorsoNeRFTest_config.txt或者在自己处理完obama数据后生成的TorsoNeRFTest_config.txt下测试,均出现身体脱节抖动问题,我认为这个问题是因为我处理生成的obama数据和开源的模型不匹配,涉及到tracking parameters等,因此是否我在自己处理的数据上重新训练,将不会有身体脱节抖动问题呢?

请问3DMM重建用到的是什么模型?

作者您好,感谢您开源出色的工作。
有相关问题想请教您:
1.留意到在data_util/face_tracking.py 中有涉及到对3DMM 参数的重建,想请问下 这个3DMM参数重建使用的是什么模型呢?(RingNet、微软那篇或者DECA等?)
2.我按照您的数据预处理方式处理了Obama的视频,目前在训练Obama_head的阶段,我发现迭代300000次非常的耗时间(这可能与NeRF本身训练有关),可否加速训练?
感谢您出色的工作,期待您的答复,谢谢!

Video FPS set to 50 in deepspeech_features.py

Hi @YudongGuo, I have noticed that the video fps is set to 50 for the generation of deepspeech features. Will this value be updated based on the FPS of our output? And I noticed by default the output video FPS is 25, then should this value not be 25?

Deepspeech model

Hi Yudong,

I am very interested in your excellent work. When I want to load the deepspeech model ('deepspeech-0.9.2-models.pbmm'), it raised the error ('google.protobuf.message.DecodeError: Error parsing message'). My conda environment is followed your command by 'environment.yml'. Can u help me address this issue?

Best regards,
Allen

About video_fps

Great work! And I notice that you set video_fps=50 in deepspeech_features.py. If the input video is 30fps, do I need to adjust this parameter? Or is there anything I should change?

ResolvePackageNotFound while creating env from yml

Is anyone has issue while creating env from yml on Mac OS 10.15.7?

Collecting package metadata (repodata.json): done
Solving environment: failed

ResolvePackageNotFound:

  • tk==8.6.10=hbc83047_0
  • hdf5==1.10.2=hba1933b_1
  • zstd==1.4.9=haebb681_0
  • freetype==2.10.4=h5ab3b9f_0
  • numba==0.53.1=py37ha9443f7_0
  • libwebp-base==1.2.0=h27cfd23_0
  • gst-plugins-base==1.14.0=hbbd80ab_1
  • libuuid==1.0.3=h1bed415_2
  • mkl_random==1.2.1=py37ha9443f7_2
  • lcms2==2.12=h3be6417_0
  • libglu==9.0.0=hf484d3e_1
  • cudatoolkit==11.1.1=h6406543_8
  • gstreamer==1.14.0=hb453b48_1
  • openssl==1.1.1k=h27cfd23_0
  • ca-certificates==2021.5.25=h06a4308_1
  • kiwisolver==1.3.1=py37h2531618_0
  • mkl-service==2.3.0=py37h27cfd23_1
  • libgcc-ng==9.3.0=h5101ec6_17
  • ncurses==6.2=he6710b0_1
  • libopencv==3.4.2=hb342d67_1
  • cairo==1.14.12=h8948797_3
  • mkl==2021.2.0=h06a4308_296
  • libgfortran-ng==7.5.0=ha8ba4b0_17
  • libtiff==4.2.0=h85742a9_0
  • libuv==1.41.0=h7f98852_0
  • libstdcxx-ng==9.3.0=hd4cf53a_17
  • scipy==1.6.2=py37had2a1c9_1
  • pytorch==1.8.1=py3.7_cuda11.1_cudnn8.0.5_0
  • scikit-learn==0.24.2=py37ha9443f7_0
  • glib==2.63.1=h5a9c865_0
  • certifi==2021.5.30=py37h06a4308_0
  • fontconfig==2.13.1=h6c09931_0
  • tbb==2020.3=hfd86e86_0
  • python==3.7.1=h0371630_7
  • zlib==1.2.11=h7b6447c_3
  • jasper==2.0.14=h07fcdf6_1
  • libxml2==2.9.10=hb55368b_3
  • matplotlib==3.3.4=py37h06a4308_0
  • xz==5.2.5=h7b6447c_0
  • pip==21.1.2=py37h06a4308_0
  • llvmlite==0.36.0=py37h612dafd_4
  • libedit==3.1.20210216=h27cfd23_1
  • lz4-c==1.9.3=h2531618_0
  • numpy==1.20.2=py37h2d18471_0
  • pandas==1.2.4=py37h2531618_0
  • dbus==1.13.18=hb2f20db_0
  • pillow==8.2.0=py37he98fc37_0
  • _openmp_mutex==4.5=1_gnu
  • expat==2.4.1=h2531618_2
  • libxcb==1.14=h7b6447c_0
  • py-opencv==3.4.2=py37hb342d67_1
  • ninja==1.10.2=h4bd325d_0
  • jpeg==9b=h024ee3a_2
  • libpng==1.6.37=hbc83047_0
  • sqlite==3.33.0=h62c20be_0
  • freeglut==3.0.0=hf484d3e_5
  • libvpx==1.7.0=h439df22_0
  • harfbuzz==1.8.8=hffaf4a1_0
  • readline==7.0=h7b6447c_5
  • bzip2==1.0.8=h7b6447c_0
  • mkl_fft==1.3.0=py37h42c9631_2
  • libgfortran4==7.5.0=ha8ba4b0_17
  • libopus==1.3.1=h7b6447c_0
  • pixman==0.40.0=h7b6447c_0
  • sip==4.19.8=py37hf484d3e_0
  • intel-openmp==2021.2.0=h06a4308_610
  • matplotlib-base==3.3.4=py37h62a2d02_0
  • setuptools==52.0.0=py37h06a4308_0
  • pyqt==5.9.2=py37h05f1152_2
  • libffi==3.2.1=hf484d3e_1007
  • numpy-base==1.20.2=py37hfae3a4d_0
  • icu==58.2=he6710b0_3
  • ffmpeg==4.0=hcdf2ecd_0
  • pcre==8.44=he6710b0_0
  • libgomp==9.3.0=h5101ec6_17
  • tornado==6.1=py37h27cfd23_0
  • libllvm10==10.0.1=hbcb73fb_5
  • qt==5.9.7=h5867ecd_1
  • graphite2==1.3.14=h23475e2_0

pytorch3d

Hello, mine is RTX3090, now the installation of pytorch3d error, the problem can not install nvidiacub, I custom installation can not be called, this place how do you solve?

Increase accuracy of torso parsing

(Firstly, I want to apologize for creating multiple issues; if this is bothersome or you are very busy just let me know and I will try to work these out myself. In this case, feel free to close the issue.)

I've tried several videos now, and in many cases the parsing is not very accurate for the torso, especially when the subject is a woman with long hair. The problem is, if the torso isn't correctly parsed, it influences the generated background image.

Are there parameters in the parsing model that can be adjusted, or is it just not perfect regarding the torso? Do you have any recommendations for what to change if the results of step 3 in the preprocessing aren't good?

Here are some examples:
1
253
7011

About applying AudioAttNet only after 300k steps

Hi Yudong,

Thanks for releasing your code for the audio-driven NeRF! I love the idea of using NeRF to solve this problem, and your implementation is pretty decent and neat.

I have a question in your implementation. I observed that the AudioAttNet is not applied in the first 300k steps (or more specifically, the values given by args.nosmo_iters, default to be 300k), and only applied after the 300k steps. That basically means it will not be used in the HeadNeRF training (which default to have 300k steps at max) and only in TorsoNeRF combined training. May I kindly ask the reason behind this way of implementation? And/or is there a reason to choose 300k as a specific point to apply AudioAttNet?

Thanks in advance!

RuntimeError: The size of tensor a (50) must match the size of tensor b (2) at non-singleton dimension 3

Hi,

I met a runtime error when I try to run this code:

File "/home//AD-NeRF/data_util/face_tracking/render_3dmm.py", line 75, in forward
images = softmax_rgb_blend(
File "/home/
/envs/pytorch3d/lib/python3.8/site-packages/pytorch3d/renderer/blending.py", line 188, in softmax_rgb_blend
z_inv = (zfar - fragments.zbuf) / (zfar - znear) * mask
RuntimeError: The size of tensor a (50) must match the size of tensor b (2) at non-singleton dimension 3

I use pytorch3d 0.4.0 version.

Is there any information to solve this issue?

Which cuda and setup you use?

Hi,

i would like to jump into this research and setup new fresh maschine with 2 x rtx 3090. I use cuda 11.2 and i have issue with deepseach setup.

Which version of cude do you use to run the obama demo?

Tensorflow 1.5.1 is working, but doenst support cuda 11.2. Minium for cuda 11.2/tensorflow seems version 2.x or higher, but deepspeech is not compabtible with that.

This is my output when i use tensorflow 2.x or higher.

Issue output is:
Traceback (most recent call last):
File "data_util/deepspeech_features/extract_ds_features.py", line 128, in
main()
File "data_util/deepspeech_features/extract_ds_features.py", line 124, in main
metainfo_file_path=args.metainfo)
File "data_util/deepspeech_features/extract_ds_features.py", line 84, in extract_features
deepspeech_pb_path=deepspeech_pb_path)
File "/opt/3tbdrive1/experiments/AD-NeRF/data_util/deepspeech_features/deepspeech_features.py", line 42, in conv_audios_to_deepspeech
deepspeech_pb_path)
File "/opt/3tbdrive1/experiments/AD-NeRF/data_util/deepspeech_features/deepspeech_features.py", line 105, in prepare_deepspeech_net
logits_ph = graph.get_tensor_by_name("deepspeech/logits:0")
File "/opt/3tbdrive1/experiments/AD-NeRF/venv/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 3902, in get_tensor_by_name
return self.as_graph_element(name, allow_tensor=True, allow_operation=False)
File "/opt/3tbdrive1/experiments/AD-NeRF/venv/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 3726, in as_graph_element
return self._as_graph_element_locked(obj, allow_tensor, allow_operation)
File "/opt/3tbdrive1/experiments/AD-NeRF/venv/lib/python3.6/site-packages/tensorflow/python/framework/ops.py", line 3768, in _as_graph_element_locked
"graph." % (repr(name), repr(op_name)))
KeyError: "The name 'deepspeech/logits:0' refers to a Tensor which does not exist. The operation, 'deepspeech/logits', does not exist in the graph."

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.