Coder Social home page Coder Social logo

Comments (27)

FeiiYin avatar FeiiYin commented on August 17, 2024 8

@stephenivy12
Sure. I changed the dockerfile slightly.
The dockerfile is as follows:

ARG BASE_IMAGE=pytorch/pytorch:1.7.1-cuda11.0-cudnn8-devel
FROM $BASE_IMAGE

# change the downloading source
RUN sed -i 's/http:\/\/archive\.ubuntu\.com\/ubuntu\//http:\/\/mirrors\.163\.com\/ubuntu\//g' /etc/apt/sources.list
RUN sed -i 's/http:\/\/archive\.ubuntu\.com\/ubuntu\//http:\/\/mirrors\.aliyun\.com\/ubuntu\//g' /etc/apt/sources.list

RUN apt-get update && apt-get install -y --no-install-recommends \
    pkg-config \
    libglvnd0 \
    libgl1 \
    libglx0 \
    libegl1 \
    libgles2 \
    libglvnd-dev \
    libgl1-mesa-dev \
    libegl1-mesa-dev \
    libgles2-mesa-dev \
    cmake \
    curl \
    libsm6 \
    libxext6 \
    libxrender-dev


ENV PYTHONDONTWRITEBYTECODE=1
ENV PYTHONUNBUFFERED=1

# for GLEW
ENV LD_LIBRARY_PATH /usr/lib64:$LD_LIBRARY_PATH

# nvidia-container-runtime
ENV NVIDIA_VISIBLE_DEVICES all
ENV NVIDIA_DRIVER_CAPABILITIES compute,utility,graphics

# Default pyopengl to EGL for good headless rendering support
ENV PYOPENGL_PLATFORM egl

COPY docker/10_nvidia.json /usr/share/glvnd/egl_vendor.d/10_nvidia.json

Build docker with the docker build -f docker/Dockerfile -t name:tagname . Note the current direction is at nvdiffrast/.
After achieving the image, install the other packages in the container as follows:

pip install imageio imageio-ffmpeg
cd nvdiffrast/
pip install .

pip install scikit-image==0.16.2
pip install scipy==1.4.1
pip install pillow==6.2.1

pip install opencv-python==3.4.9.33
pip install kornia==0.5.5
pip install dominate==2.6.0
pip install trimesh==3.9.20

Hope that helps! It took me one day to handle the environment. :)

from deep3dfacerecon_pytorch.

stephenivy12 avatar stephenivy12 commented on August 17, 2024 7

Solved. Need to install additional lib

sudo apt-get update -y
sudo apt-get install -y libegl1-mesa-dev

But the lib is dependent on X server. check this issue My server has no X server, so the lib is not installed, either.

It does not work for me...

from deep3dfacerecon_pytorch.

FeiiYin avatar FeiiYin commented on August 17, 2024 5

I recommend using the new state-of-the-art DECA as the reconstruction model, which requires an easier environment installation.

from deep3dfacerecon_pytorch.

sdulyq avatar sdulyq commented on August 17, 2024 3

Finally I solved the problem! I run the file in remote SSH, it is headless linux. I noticed that your linux driver version can not be too new or too old. 450 is ok, just like the pic. The easiest way is that when you install cuda11.0 you can install the driver meanwhile.
image
Btw, I am a docker freshman, so I don't use docker just use anaconda instead. I just install some softwares like the dockerfile.
The most import thing is the config file in ~/.bashrc. You can add the lines like me below:

export PYOPENGL_PLATFORM=egl
export PATH=/usr/local/cuda-11.0/bin${PATH:+:${PATH}}
export LD_LIBRARY_PATH=/usr/local/cuda-11.0/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}}
export CUDA_HOME=/usr/local/cuda-11.0
export CUDA_TOOLKIT_ROOT_DIR=$CUDA_HOME
export CFLAGS="-I$CUDA_HOME/include $CFLAGS"

Then run source ~/.bashrc to update.
Finally it works!

from deep3dfacerecon_pytorch.

xingmimfl avatar xingmimfl commented on August 17, 2024

same error~~

from deep3dfacerecon_pytorch.

stephenivy12 avatar stephenivy12 commented on August 17, 2024

same error

from deep3dfacerecon_pytorch.

FeiiYin avatar FeiiYin commented on August 17, 2024

same error

from deep3dfacerecon_pytorch.

FeiiYin avatar FeiiYin commented on August 17, 2024

Solved. Need to install additional lib

sudo apt-get update -y
sudo apt-get install -y libegl1-mesa-dev

But the lib is dependent on X server. check this issue
My server has no X server, so the lib is not installed, either.

from deep3dfacerecon_pytorch.

FeiiYin avatar FeiiYin commented on August 17, 2024

Does this issue help, use the default docker container to run?

from deep3dfacerecon_pytorch.

FeiiYin avatar FeiiYin commented on August 17, 2024

@stephenivy12
I tried the dockerfile provided by nvdiffrast. And it worked for me.

from deep3dfacerecon_pytorch.

stephenivy12 avatar stephenivy12 commented on August 17, 2024

@Samaritan-Infi
I am trying it too, but seems to have some problems with docker...could you share your configure procedures? Thank you!

from deep3dfacerecon_pytorch.

stephenivy12 avatar stephenivy12 commented on August 17, 2024

@Samaritan-Infi
Many thanks!!!

from deep3dfacerecon_pytorch.

DoubleYanLee avatar DoubleYanLee commented on August 17, 2024

@stephenivy12 Sure. I changed the dockerfile slightly. The dockerfile is as follows:

ARG BASE_IMAGE=pytorch/pytorch:1.7.1-cuda11.0-cudnn8-devel
FROM $BASE_IMAGE

# change the downloading source
RUN sed -i 's/http:\/\/archive\.ubuntu\.com\/ubuntu\//http:\/\/mirrors\.163\.com\/ubuntu\//g' /etc/apt/sources.list
RUN sed -i 's/http:\/\/archive\.ubuntu\.com\/ubuntu\//http:\/\/mirrors\.aliyun\.com\/ubuntu\//g' /etc/apt/sources.list

RUN apt-get update && apt-get install -y --no-install-recommends \
    pkg-config \
    libglvnd0 \
    libgl1 \
    libglx0 \
    libegl1 \
    libgles2 \
    libglvnd-dev \
    libgl1-mesa-dev \
    libegl1-mesa-dev \
    libgles2-mesa-dev \
    cmake \
    curl \
    libsm6 \
    libxext6 \
    libxrender-dev


ENV PYTHONDONTWRITEBYTECODE=1
ENV PYTHONUNBUFFERED=1

# for GLEW
ENV LD_LIBRARY_PATH /usr/lib64:$LD_LIBRARY_PATH

# nvidia-container-runtime
ENV NVIDIA_VISIBLE_DEVICES all
ENV NVIDIA_DRIVER_CAPABILITIES compute,utility,graphics

# Default pyopengl to EGL for good headless rendering support
ENV PYOPENGL_PLATFORM egl

COPY docker/10_nvidia.json /usr/share/glvnd/egl_vendor.d/10_nvidia.json

Build docker with the docker build -f docker/Dockerfile -t name:tagname . Note the current direction is at nvdiffrast/. After achieving the image, install the other packages in the container as follows:

pip install imageio imageio-ffmpeg
cd nvdiffrast/
pip install .

pip install scikit-image==0.16.2
pip install scipy==1.4.1
pip install pillow==6.2.1

pip install opencv-python==3.4.9.33
pip install kornia==0.5.5
pip install dominate==2.6.0
pip install trimesh==3.9.20

Hope that helps! It took me one day to handle the environment. :)

Thanks a lot! It solved my problem!!!!

from deep3dfacerecon_pytorch.

2502128021 avatar 2502128021 commented on August 17, 2024

I still meet trouble after try Samaritan-Infi's advice, since I work on my own docker and can not to build a new docker environment, I install the related libs in anaconda env, but it still not work for me.
Here is the problem:
loading the model from ./checkpoints/face_recon_feat0.2_augment/epoch_20.pth
0 ./datasets/examples/000002.jpg
Traceback (most recent call last):
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1515, in _run_ninja_build
env=env)
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/subprocess.py", line 438, in run
output=stdout, stderr=stderr)
subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
File "test.py", line 72, in
main(0, opt,opt.img_folder)
File "test.py", line 62, in main
model.test() # run inference
File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/models/base_model.py", line 162, in test
self.forward()
File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/models/facerecon_model.py", line 139, in forward
self.pred_vertex, self.facemodel.face_buf, feat=self.pred_color)
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 722, in call_impl
result = self.forward(*input, **kwargs)
File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/util/nvdiffrast.py", line 58, in forward
self.glctx = dr.RasterizeGLContext(device=device)
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/ops.py", line 151, in init
self.cpp_wrapper = get_plugin().RasterizeGLStateWrapper(output_db, mode == 'automatic', cuda_device_idx)
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/ops.py", line 84, in get_plugin
torch.utils.cpp_extension.load(name=plugin_name, sources=source_paths, extra_cflags=opts, extra_cuda_cflags=opts, extra_ldflags=ldflags, with_cuda=True, verbose=False)
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 974, in load
keep_intermediates=keep_intermediates)
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1179, in jit_compile
with_cuda=with_cuda)
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1279, in write_ninja_file_and_build_library
error_prefix="Error building extension '{}'".format(name))
File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1529, in run_ninja_build
raise RuntimeError(message)
RuntimeError: Error building extension 'nvdiffrast_plugin': [1/14] c++ -MMD -MF common.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/common.cpp -o common.o
[2/14] c++ -MMD -MF torch_rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp -o torch_rasterize.o
FAILED: torch_rasterize.o
c++ -MMD -MF torch_rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp -o torch_rasterize.o
In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/../common/rasterize.h:42:0,
from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp:12:
/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/../common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory
compilation terminated.
[3/14] c++ -MMD -MF rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp -o rasterize.o
FAILED: rasterize.o
c++ -MMD -MF rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp -o rasterize.o
In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.h:42:0,
from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp:9:
/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory
compilation terminated.
[4/14] c++ -MMD -MF glutil.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp -o glutil.o
FAILED: glutil.o
c++ -MMD -MF glutil.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp -o glutil.o
In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp:14:0:
/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory
compilation terminated.
[5/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS
-D__CUDA_NO_HALF_CONVERSIONS
-D__CUDA_NO_HALF2_OPERATORS
--expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cu -o rasterize.cuda.o
/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cu(19): warning: variable "_ca_temp" was declared but never referenced

[6/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/antialias.cu -o antialias.cuda.o
/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/antialias.cu(390): warning: variable "_ca_temp" was declared but never referenced

[7/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu -o interpolate.cuda.o
/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(87): warning: dynamic initialization in unreachable code
detected during instantiation of "void InterpolateFwdKernelTemplate<ENABLE_DA>(InterpolateKernelParams) [with ENABLE_DA=false]"
(125): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(135): warning: variable "_ca_temp" was declared but never referenced

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(220): warning: dynamic initialization in unreachable code
detected during instantiation of "void InterpolateGradKernelTemplate<ENABLE_DA>(InterpolateKernelParams) [with ENABLE_DA=false]"
(273): here

[8/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu -o texture.cuda.o
/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]"
(771): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable
detected during:
instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]"
(719): here
instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]"
(771): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]"
(772): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]"
(773): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable
detected during:
instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]"
(719): here
instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]"
(774): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]"
(774): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]"
(775): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]"
(776): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]"
(777): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]"
(778): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]"
(779): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]"
(783): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable
detected during:
instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]"
(719): here
instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]"
(783): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]"
(784): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]"
(785): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable
detected during:
instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]"
(719): here
instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]"
(786): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]"
(786): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]"
(787): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]"
(788): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]"
(789): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]"
(790): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]"
(791): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]"
(795): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]"
(796): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]"
(797): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]"
(801): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]"
(802): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]"
(803): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(966): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]"
(1111): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]"
(1112): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]"
(1113): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(966): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]"
(1115): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]"
(1116): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]"
(1117): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]"
(1119): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code
detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]"
(1121): here

[9/14] c++ -MMD -MF texture.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cpp -o texture.o
[10/14] c++ -MMD -MF torch_antialias.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_antialias.cpp -o torch_antialias.o
[11/14] c++ -MMD -MF torch_interpolate.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_interpolate.cpp -o torch_interpolate.o
[12/14] c++ -MMD -MF torch_texture.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_texture.cpp -o torch_texture.o
[13/14] c++ -MMD -MF torch_bindings.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_bindings.cpp -o torch_bindings.o
ninja: build stopped: subcommand failed.

It take me several days to sovle this problem, or maybe do you know how to replace nvdiffrast by pytorch3d to avoid this problem?

from deep3dfacerecon_pytorch.

UestcJay avatar UestcJay commented on August 17, 2024

Solved. Need to install additional lib

sudo apt-get update -y
sudo apt-get install -y libegl1-mesa-dev

But the lib is dependent on X server. check this issue My server has no X server, so the lib is not installed, either.

Same error occurs. Is there a way to solve it without docker? I can't install docker

from deep3dfacerecon_pytorch.

lshil00 avatar lshil00 commented on August 17, 2024

@stephenivy12 Sure. I changed the dockerfile slightly. The dockerfile is as follows:

ARG BASE_IMAGE=pytorch/pytorch:1.7.1-cuda11.0-cudnn8-devel
FROM $BASE_IMAGE

# change the downloading source
RUN sed -i 's/http:\/\/archive\.ubuntu\.com\/ubuntu\//http:\/\/mirrors\.163\.com\/ubuntu\//g' /etc/apt/sources.list
RUN sed -i 's/http:\/\/archive\.ubuntu\.com\/ubuntu\//http:\/\/mirrors\.aliyun\.com\/ubuntu\//g' /etc/apt/sources.list

RUN apt-get update && apt-get install -y --no-install-recommends \
    pkg-config \
    libglvnd0 \
    libgl1 \
    libglx0 \
    libegl1 \
    libgles2 \
    libglvnd-dev \
    libgl1-mesa-dev \
    libegl1-mesa-dev \
    libgles2-mesa-dev \
    cmake \
    curl \
    libsm6 \
    libxext6 \
    libxrender-dev


ENV PYTHONDONTWRITEBYTECODE=1
ENV PYTHONUNBUFFERED=1

# for GLEW
ENV LD_LIBRARY_PATH /usr/lib64:$LD_LIBRARY_PATH

# nvidia-container-runtime
ENV NVIDIA_VISIBLE_DEVICES all
ENV NVIDIA_DRIVER_CAPABILITIES compute,utility,graphics

# Default pyopengl to EGL for good headless rendering support
ENV PYOPENGL_PLATFORM egl

COPY docker/10_nvidia.json /usr/share/glvnd/egl_vendor.d/10_nvidia.json

Build docker with the docker build -f docker/Dockerfile -t name:tagname . Note the current direction is at nvdiffrast/. After achieving the image, install the other packages in the container as follows:

pip install imageio imageio-ffmpeg
cd nvdiffrast/
pip install .

pip install scikit-image==0.16.2
pip install scipy==1.4.1
pip install pillow==6.2.1

pip install opencv-python==3.4.9.33
pip install kornia==0.5.5
pip install dominate==2.6.0
pip install trimesh==3.9.20

Hope that helps! It took me one day to handle the environment. :)

Hi, I set up the docker image following your instruction, but get the error:
/opt/conda/lib/python3.8/site-packages/torch/cuda/__init__.py:52: UserWarning: CUDA initialization: Found no NVIDIA driver on your system. Please check that you have an NVIDIA GPU and installed a driver from http://www.nvidia.com/Download/index.aspx (Triggered internally at /opt/conda/conda-bld/pytorch_1607370172916/work/c10/cuda/CUDAFunctions.cpp:100.)
But actually I do have Nvidia Driver in my system. Could you please help me?

from deep3dfacerecon_pytorch.

e3u3 avatar e3u3 commented on August 17, 2024

I gave up. The original version of Deep3DFaceRecon used tf_mesh_renderer as the differential renderer, and much easier to install.

from deep3dfacerecon_pytorch.

OliverGrace avatar OliverGrace commented on August 17, 2024

I recommend using the new state-of-the-art DECA as the reconstruction model, which requires an easier environment installation.

Yeah, I ended up using DECA. Many thx!

from deep3dfacerecon_pytorch.

yangchunyu-yangchunyu avatar yangchunyu-yangchunyu commented on August 17, 2024

Is there a way to solve it without docker?

from deep3dfacerecon_pytorch.

UestcJay avatar UestcJay commented on August 17, 2024

from deep3dfacerecon_pytorch.

lvZic avatar lvZic commented on August 17, 2024

I still meet trouble after try Samaritan-Infi's advice, since I work on my own docker and can not to build a new docker environment, I install the related libs in anaconda env, but it still not work for me. Here is the problem: loading the model from ./checkpoints/face_recon_feat0.2_augment/epoch_20.pth 0 ./datasets/examples/000002.jpg Traceback (most recent call last): File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1515, in _run_ninja_build env=env) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/subprocess.py", line 438, in run output=stdout, stderr=stderr) subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "test.py", line 72, in main(0, opt,opt.img_folder) File "test.py", line 62, in main model.test() # run inference File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/models/base_model.py", line 162, in test self.forward() File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/models/facerecon_model.py", line 139, in forward self.pred_vertex, self.facemodel.face_buf, feat=self.pred_color) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 722, in call_impl result = self.forward(*input, **kwargs) File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/util/nvdiffrast.py", line 58, in forward self.glctx = dr.RasterizeGLContext(device=device) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/ops.py", line 151, in init self.cpp_wrapper = get_plugin().RasterizeGLStateWrapper(output_db, mode == 'automatic', cuda_device_idx) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/ops.py", line 84, in get_plugin torch.utils.cpp_extension.load(name=plugin_name, sources=source_paths, extra_cflags=opts, extra_cuda_cflags=opts, extra_ldflags=ldflags, with_cuda=True, verbose=False) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 974, in load keep_intermediates=keep_intermediates) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1179, in jit_compile with_cuda=with_cuda) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1279, in write_ninja_file_and_build_library error_prefix="Error building extension '{}'".format(name)) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1529, in run_ninja_build raise RuntimeError(message) RuntimeError: Error building extension 'nvdiffrast_plugin': [1/14] c++ -MMD -MF common.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/common.cpp -o common.o [2/14] c++ -MMD -MF torch_rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp -o torch_rasterize.o FAILED: torch_rasterize.o c++ -MMD -MF torch_rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp -o torch_rasterize.o In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/../common/rasterize.h:42:0, from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp:12: /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/../common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory compilation terminated. [3/14] c++ -MMD -MF rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp -o rasterize.o FAILED: rasterize.o c++ -MMD -MF rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp -o rasterize.o In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.h:42:0, from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp:9: /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory compilation terminated. [4/14] c++ -MMD -MF glutil.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp -o glutil.o FAILED: glutil.o c++ -MMD -MF glutil.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp -o glutil.o In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp:14:0: /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory compilation terminated. [5/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS -D__CUDA_NO_HALF_CONVERSIONS -D__CUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cu -o rasterize.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cu(19): warning: variable "_ca_temp" was declared but never referenced

[6/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/antialias.cu -o antialias.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/antialias.cu(390): warning: variable "_ca_temp" was declared but never referenced

[7/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu -o interpolate.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(87): warning: dynamic initialization in unreachable code detected during instantiation of "void InterpolateFwdKernelTemplate<ENABLE_DA>(InterpolateKernelParams) [with ENABLE_DA=false]" (125): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(135): warning: variable "_ca_temp" was declared but never referenced

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(220): warning: dynamic initialization in unreachable code detected during instantiation of "void InterpolateGradKernelTemplate<ENABLE_DA>(InterpolateKernelParams) [with ENABLE_DA=false]" (273): here

[8/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu -o texture.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (771): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (771): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (772): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (773): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (774): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (774): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (775): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (776): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (777): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (778): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (779): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (783): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (783): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (784): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (785): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (786): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (786): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (787): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (788): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (789): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (790): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (791): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (795): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (796): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (797): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (801): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (802): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (803): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(966): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (1111): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (1112): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (1113): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(966): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (1115): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (1116): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (1117): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (1119): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (1121): here

[9/14] c++ -MMD -MF texture.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cpp -o texture.o [10/14] c++ -MMD -MF torch_antialias.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_antialias.cpp -o torch_antialias.o [11/14] c++ -MMD -MF torch_interpolate.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_interpolate.cpp -o torch_interpolate.o [12/14] c++ -MMD -MF torch_texture.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_texture.cpp -o torch_texture.o [13/14] c++ -MMD -MF torch_bindings.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_bindings.cpp -o torch_bindings.o ninja: build stopped: subcommand failed.

It take me several days to sovle this problem, or maybe do you know how to replace nvdiffrast by pytorch3d to avoid this problem?

have u found the solution? i have met the same problem as u.

from deep3dfacerecon_pytorch.

foocker avatar foocker commented on August 17, 2024

I recommend using the new state-of-the-art DECA as the reconstruction model, which requires an easier environment installation.

Yeah, I ended up using DECA. Many thx!

is deca's mat is the same as deep3d_pytorch? i see, it's not.

from deep3dfacerecon_pytorch.

tmddus49 avatar tmddus49 commented on August 17, 2024

I'm not sure this can be help for all of you, but this worked for me

sudo apt-get install libgl-dev

from here

from deep3dfacerecon_pytorch.

IncludeSuper avatar IncludeSuper commented on August 17, 2024

I still meet trouble after try Samaritan-Infi's advice, since I work on my own docker and can not to build a new docker environment, I install the related libs in anaconda env, but it still not work for me. Here is the problem: loading the model from ./checkpoints/face_recon_feat0.2_augment/epoch_20.pth 0 ./datasets/examples/000002.jpg Traceback (most recent call last): File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1515, in _run_ninja_build env=env) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/subprocess.py", line 438, in run output=stdout, stderr=stderr) subprocess.CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

During handling of the above exception, another exception occurred:

Traceback (most recent call last): File "test.py", line 72, in main(0, opt,opt.img_folder) File "test.py", line 62, in main model.test() # run inference File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/models/base_model.py", line 162, in test self.forward() File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/models/facerecon_model.py", line 139, in forward self.pred_vertex, self.facemodel.face_buf, feat=self.pred_color) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/nn/modules/module.py", line 722, in call_impl result = self.forward(*input, **kwargs) File "/home/datas/18sdf/tmp/Deep3DFaceRecon_pytorch/util/nvdiffrast.py", line 58, in forward self.glctx = dr.RasterizeGLContext(device=device) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/ops.py", line 151, in init self.cpp_wrapper = get_plugin().RasterizeGLStateWrapper(output_db, mode == 'automatic', cuda_device_idx) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/ops.py", line 84, in get_plugin torch.utils.cpp_extension.load(name=plugin_name, sources=source_paths, extra_cflags=opts, extra_cuda_cflags=opts, extra_ldflags=ldflags, with_cuda=True, verbose=False) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 974, in load keep_intermediates=keep_intermediates) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1179, in jit_compile with_cuda=with_cuda) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1279, in write_ninja_file_and_build_library error_prefix="Error building extension '{}'".format(name)) File "/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/utils/cpp_extension.py", line 1529, in run_ninja_build raise RuntimeError(message) RuntimeError: Error building extension 'nvdiffrast_plugin': [1/14] c++ -MMD -MF common.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/common.cpp -o common.o [2/14] c++ -MMD -MF torch_rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp -o torch_rasterize.o FAILED: torch_rasterize.o c++ -MMD -MF torch_rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp -o torch_rasterize.o In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/../common/rasterize.h:42:0, from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_rasterize.cpp:12: /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/../common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory compilation terminated. [3/14] c++ -MMD -MF rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp -o rasterize.o FAILED: rasterize.o c++ -MMD -MF rasterize.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp -o rasterize.o In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.h:42:0, from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cpp:9: /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory compilation terminated. [4/14] c++ -MMD -MF glutil.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp -o glutil.o FAILED: glutil.o c++ -MMD -MF glutil.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp -o glutil.o In file included from /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.cpp:14:0: /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/glutil.h:53:19: fatal error: GL/gl.h: No such file or directory compilation terminated. [5/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS -D__CUDA_NO_HALF_CONVERSIONS -D__CUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cu -o rasterize.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/rasterize.cu(19): warning: variable "_ca_temp" was declared but never referenced

[6/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/antialias.cu -o antialias.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/antialias.cu(390): warning: variable "_ca_temp" was declared but never referenced

[7/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu -o interpolate.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(87): warning: dynamic initialization in unreachable code detected during instantiation of "void InterpolateFwdKernelTemplate<ENABLE_DA>(InterpolateKernelParams) [with ENABLE_DA=false]" (125): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(135): warning: variable "_ca_temp" was declared but never referenced

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/interpolate.cu(220): warning: dynamic initialization in unreachable code detected during instantiation of "void InterpolateGradKernelTemplate<ENABLE_DA>(InterpolateKernelParams) [with ENABLE_DA=false]" (273): here

[8/14] /usr/local/cuda/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -gencode=arch=compute_61,code=sm_61 --compiler-options '-fPIC' -DNVDR_TORCH -std=c++14 -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu -o texture.cuda.o /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (771): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (771): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (772): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (773): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (774): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (774): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (775): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (776): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (777): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (778): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (779): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (783): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (783): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (784): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(716): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (785): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(459): warning: statement is unreachable detected during: instantiation of "void calculateMipLevel<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(int &, int &, float &, const TextureKernelParams &, int, float3, float4 *, float3 *) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (719): here instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (786): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (786): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (787): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (788): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (789): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (790): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (791): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (795): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (796): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (797): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float, C=1, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (801): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float2, C=2, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (802): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(742): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureFwdKernelTemplate<T,C,CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with T=float4, C=4, CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (803): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(966): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=0]" (1111): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=1]" (1112): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=false, FILTER_MODE=2]" (1113): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(966): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=0]" (1115): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=1]" (1116): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=false, FILTER_MODE=2]" (1117): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=false, BIAS_ONLY=true, FILTER_MODE=2]" (1119): here

/root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cu(1022): warning: dynamic initialization in unreachable code detected during instantiation of "void TextureGradKernelTemplate<CUBE_MODE,BIAS_ONLY,FILTER_MODE>(TextureKernelParams) [with CUBE_MODE=true, BIAS_ONLY=true, FILTER_MODE=2]" (1121): here

[9/14] c++ -MMD -MF texture.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/common/texture.cpp -o texture.o [10/14] c++ -MMD -MF torch_antialias.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_antialias.cpp -o torch_antialias.o [11/14] c++ -MMD -MF torch_interpolate.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_interpolate.cpp -o torch_interpolate.o [12/14] c++ -MMD -MF torch_texture.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_texture.cpp -o torch_texture.o [13/14] c++ -MMD -MF torch_bindings.o.d -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/torch/csrc/api/include -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/TH -isystem /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/torch/include/THC -isystem /usr/local/cuda/include -isystem /root/anaconda3/envs/deep3d_pytorch/include/python3.6m -D_GLIBCXX_USE_CXX11_ABI=0 -fPIC -std=c++14 -DNVDR_TORCH -c /root/anaconda3/envs/deep3d_pytorch/lib/python3.6/site-packages/nvdiffrast/torch/torch_bindings.cpp -o torch_bindings.o ninja: build stopped: subcommand failed.

It take me several days to sovle this problem, or maybe do you know how to replace nvdiffrast by pytorch3d to avoid this problem?

I also encounter this problem now, I can't run my program, is there a way to do it through docker, because I am not familiar with docker

from deep3dfacerecon_pytorch.

buithikieu11 avatar buithikieu11 commented on August 17, 2024

docker build -f docker/Dockerfile -t name:tagname .

i have this error after edited the dockerfile:
ERROR: failed to solve: process "/bin/sh -c apt-get update && apt-get install -y --no-install-recommends pkg-config libglvnd0 libgl1 libglx0 libegl1 libgles2 libglvnd-dev libgl1-mesa-dev libegl1-mesa-dev libgles2-mesa-dev cmake curl libsm6 libxext6 libxrender-dev" did not complete successfully: exit code: 100
Do you have any solutions to help me please

from deep3dfacerecon_pytorch.

vikiba avatar vikiba commented on August 17, 2024

Solved. Need to install additional lib

sudo apt-get update -y
sudo apt-get install -y libegl1-mesa-dev

But the lib is dependent on X server. check this issue My server has no X server, so the lib is not installed, either.

This immediately solved the issue for me. Thank you!!!

from deep3dfacerecon_pytorch.

daqiudi avatar daqiudi commented on August 17, 2024

i soved this bug,you can do it:
1.sudo dpkg –configure -a
2.sudo apt-get install -f
3.sudo apt-get clean && sudo apt-get update
4.sudo apt-get upgrade
5.sudo apt-get install aptitude
6.sudo aptitude install libegl1-mesa-dev

from deep3dfacerecon_pytorch.

Related Issues (20)

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.