Open gamug94 opened 1 year ago
Thanks a lot for this. It worked! But still I am stuck in the next step. It says its 'out of memory'
You're welcome. I am glad that it helped someone!
I don't understand exactly where you are stuck. Could it be that you are trying to run it on a gpu with not enough VRAM for the data that you are feeding the program with? The Readme says:
OPTIMIZER The optimizer uses PyTorch and CUDA extensions in a Python environment to produce trained models.
Hardware Requirements CUDA-ready GPU with Compute Capability 7.0+ 24 GB VRAM (to train to paper evaluation quality) Please see FAQ for smaller VRAM configurations
The FAQ explains how to deal with smaller VRAM configurations
I don't have 24 GB of VRAM for training, what do I do? The VRAM consumption is determined by the number of points that are being optimized, which increases over time. If you only want to train to 7k iterations, you will need significantly less. To do the full training routine and avoid running out of memory, you can increase the --densify_grad_threshold, --densification_interval or reduce the value of --densify_until_iter. Note however that this will affect the quality of the result. Also try setting --test_iterations to -1 to avoid memory spikes during testing. If --densify_grad_threshold is very high, no densification should occur and training should complete if the scene itself loads successfully.
24 GB of VRAM for reference quality training is still a lot! Can't we do it with less? Yes, most likely. By our calculations it should be possible with way less memory (~8GB). If we can find the time we will try to achieve this. If some PyTorch veteran out there wants to tackle this, we look forward to your pull request!
I am using a 24GB VRAM GPU and I did not face this problem, so I can't say for sure what is the problem. Maybe you could try again with smaller and/or fewer input photos.
For someone who still struggling with building wheels for the submodules, I found this post which may help: https://github.com/NVlabs/tiny-cuda-nn/issues/280#issuecomment-1478703676. This post helped me solve the issue "host_config.h cannot find crtdefs.h", I also installed ninja FYI.
Thanks for sharing, got it from your experience
everything works for me up until installing submodules, it gives me: ImportError: DLL load failed: %1 is not a valid Win32 application.
everything works for me up until installing submodules, it gives me:
ImportError: DLL load failed: %1 is not a valid Win32 application.
Did you open the terminal or change directory to run the command to install the submodules while inside the "gaussian-splatting" folder? Could you be a little more detailed on the error and the command that you ran?
After half-day struggling, I setup the env and record the steps here for further reference:
My environment:
# create the conda environment
conda create -n gaussian_splatting python=3.10
conda activate gaussian_splatting
# make sure conda ready to find where vs2019: https://github.com/graphdeco-inria/gaussian-splatting/issues/237
conda install -c anaconda vs2019_win-64
# install pytorch, it really depends on which cuda sdk version you installed, pls following the link to get the right version
pip install torch==2.0.0+cu118 torchvision==0.15.0+cu118 torchaudio==2.0.0+cu118 -f https://download.pytorch.org/whl/torch_stable.html
SET DISTUTILS_USE_SDK=1
pip install submodules\diff-gaussian-rasterization
pip install submodules\simple-knn
pip install plyfile
pip install tqdm
Combining the solution from @iiijasdf and @gamug94 finally worked for me.
My configuration: Winserver2019 ,VS2022, CUDA_HOME=C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8
(open a new prompt window after solution part2 if it still not work. In my case it's like part1->error->part2->error->open new prompt window->redo part1->solved)
good!
You are the best. It's working THX
I followed the README and the video at https://www.youtube.com/watch?v=UXtuigy_wYc but i fell in a slump for a few hours due to persistent errors in installing as suggested. As many others pointed out when running the command
conda env create --file environment.yml
I ran into several errors related to the diff-gaussian-rasterization such as module not found or errors in building the wheel when trying alternatives. After many hours trying to figure them out and looking online I found these two comments 1) #317by ishipachev and 2) as a reply to #297 by wgcban which combined gave me part of the solution to my problem. Since it may help others in the same situation I am posting the solution that I found as follows:PREPARATION (Windows11 with rtx3090) installed git (as readme) installed conda (as readme) installed visual studio 2019 community (selecting the "Desktop Development with C++") installed Cuda toolkit v.11.7 from the Nvidia website installed COLMAP (as readme) installed ImageMagik (as readme) installed FFMPEG (as readme)
I git cloned the gaussian-splatting repository to a location of choice by opening cmd to the folder that I wanted to use then ran
git clone https://github.com/graphdeco-inria/gaussian-splatting --recursive
CONDA ENVIRONMENT I created the environment in conda using:
conda create -n gaussian_splatting python=3.7
activated the environmentconda activate gaussian_splatting
I then installed the dependencies step by stepconda install pytorch==1.13.1 torchvision==0.14.1 torchaudio==0.13.1 pytorch-cuda=11.7 -c pytorch -c nvidia
I changed directory to the directory where I cloned the repository with cd then I ranpip install submodules/diff-gaussian-rasterization
andpip install submodules/simple-knn
also I had to install manually the plyfile withpip install plyfile
and tqdm withpip install tqdm
And that's it. I could keep on following the tutorial and avoid the error when running python train.py P.S. do not run the
conda env create --file environment.yml
or it breaksI believe that the reason is as ishipachev pointed out in his post that the environment.yml using cudatoolkit=11.6 along with cudatoolkit v11.8 could be the source of the errors and should be made more clear in the readme or tutorial which version of each dependency is needed. (But since other people are running it without problem, it may be fine and "only a few users' problem IDK") I am new to this so please take my advice with a pinch of salt.
You are the best. It's working THX
Hi all I am trying to run GS on Ubuntu 22 and when I run
conda env create --file environment.yml
I get the same error as #373. When i try commands given by @gamug94 everything goes well until I run
pip install submodules/diff-gaussian-rasterization
which gives me a bunch of errors as follows:
Building wheel for diff-gaussian-rasterization (setup.py) ... error
error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully.
│ exit code: 1
╰─> [55 lines of output]
and
RuntimeError:
The detected CUDA version (12.3) mismatches the version that was used to compile
PyTorch (11.7). Please make sure to use the same CUDA versions.
[end of output]
note: This error originates from a subprocess, and is likely not a problem with pip.
ERROR: Failed building wheel for diff-gaussian-rasterization
Running setup.py clean for diff-gaussian-rasterization
Failed to build diff-gaussian-rasterization
Installing collected packages: diff-gaussian-rasterization
Running setup.py install for diff-gaussian-rasterization ... error
error: subprocess-exited-with-error
× Running setup.py install for diff-gaussian-rasterization did not run successfully.
│ exit code: 1
╰─> [59 lines of output]
running install
and finally
RuntimeError:
The detected CUDA version (12.3) mismatches the version that was used to compile
PyTorch (11.7). Please make sure to use the same CUDA versions.
[end of output]
note: This error originates from a subprocess, and is likely not a problem with pip.
error: legacy-install-failure
× Encountered error while trying to install package.
╰─> diff-gaussian-rasterization
I have tried everything I could think of, still no luck, Do I have to downgrade CUDA for this? I would appreciate any suggestions
Yeah, I think you should try with CUDA11.7, since that is the version that I used in this workaround.(11.8 was giving me problems at the time) There is stuff that is incompatible with CUDA12.X but compatible with 11.X versions. That being said it's been 5months so maybe now there are also other ways to do this not available at that time, but it should still work with 11.7.
Hi,
I also trying this on Ubuntu 22.04, and the terminator show after I run pip install submodules/diff-gaussian-rasterization/
:
error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully.
│ exit code: 1
╰─> [48 lines of output]
Traceback (most recent call last):
File "<string>", line 36, in <module>
File "<pip-setuptools-caller>", line 34, in <module>
File "/home/zdhc/Documents/thesis_code/gaussian-splatting/submodules/diff-gaussian-rasterization/setup.py", line 32, in <module>
'build_ext': BuildExtension
And, I don't know how to solve this problem.
Visual Studio 2022
for the problem ?Thanks!
I followed the README and the video at https://www.youtube.com/watch?v=UXtuigy_wYc but i fell in a slump for a few hours due to persistent errors in installing as suggested. As many others pointed out when running the command
conda env create --file environment.yml
I ran into several errors related to the diff-gaussian-rasterization such as module not found or errors in building the wheel when trying alternatives. After many hours trying to figure them out and looking online I found these two comments 1) #317by ishipachev and 2) as a reply to #297 by wgcban which combined gave me part of the solution to my problem. Since it may help others in the same situation I am posting the solution that I found as follows:PREPARATION (Windows11 with rtx3090) installed git (as readme) installed conda (as readme) installed visual studio 2019 community (selecting the "Desktop Development with C++") installed Cuda toolkit v.11.7 from the Nvidia website installed COLMAP (as readme) installed ImageMagik (as readme) installed FFMPEG (as readme)
I git cloned the gaussian-splatting repository to a location of choice by opening cmd to the folder that I wanted to use then ran
git clone https://github.com/graphdeco-inria/gaussian-splatting --recursive
CONDA ENVIRONMENT I created the environment in conda using:
conda create -n gaussian_splatting python=3.7
activated the environmentconda activate gaussian_splatting
I then installed the dependencies step by stepconda install pytorch==1.13.1 torchvision==0.14.1 torchaudio==0.13.1 pytorch-cuda=11.7 -c pytorch -c nvidia
I changed directory to the directory where I cloned the repository with cd then I ranpip install submodules/diff-gaussian-rasterization
andpip install submodules/simple-knn
also I had to install manually the plyfile withpip install plyfile
and tqdm withpip install tqdm
And that's it. I could keep on following the tutorial and avoid the error when running python train.py P.S. do not run the
conda env create --file environment.yml
or it breaksI believe that the reason is as ishipachev pointed out in his post that the environment.yml using cudatoolkit=11.6 along with cudatoolkit v11.8 could be the source of the errors and should be made more clear in the readme or tutorial which version of each dependency is needed. (But since other people are running it without problem, it may be fine and "only a few users' problem IDK") I am new to this so please take my advice with a pinch of salt.
Fllow #297 I met error
C:\Users\CyanBoros\source\repos\gaussian-splatting>python train.py -s data -m data/output
Traceback (most recent call last):
File "C:\Users\CyanBoros\source\repos\gaussian-splatting\train.py", line 16, in
from gaussian_renderer import render, network_gui
File "C:\Users\CyanBoros\source\repos\gaussian-splatting\gaussian_renderer\__init__.py", line 14, in
from diff_gaussian_rasterization import GaussianRasterizationSettings, GaussianRasterizer
File "C:\Users\CyanBoros\.conda\envs\gaussian_splatting\Lib\site-packages\diff_gaussian_rasterization__init__.py", line 15, in
from . import _C
ImportError: DLL load failed while importing _C: The specified program cannot be found.
But the problem disappered when I follow your tutorial step by step!
Thanks!
I am currently running Ubuntu Server 22.04 with CUDA 11.7 in an anaconda environment and encountering this same issue. none of the suggested fixes appear to work.
when attempting to install both simple-knn, and diff-gaussian-rasterization, it errors as follows
pip install submodules/diff-gaussian-rasterization
Processing ./submodules/diff-gaussian-rasterization
Preparing metadata (setup.py) ... done
Building wheels for collected packages: diff-gaussian-rasterization
Building wheel for diff-gaussian-rasterization (setup.py) ... error
error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully.
│ exit code: 1
╰─> [72 lines of output]
/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/cuda/__init__.py:88: UserWarning: CUDA initialization: Unexpected error from cudaGetDeviceCount(). Did you run some cuda functions before calling NumCudaDevices() that might have already set an error? Error 804: forward compatibility was attempted on non supported HW (Triggered internally at /opt/conda/conda-bld/pytorch_1670525541035/work/c10/cuda/CUDAFunctions.cpp:109.)
return torch._C._cuda_getDeviceCount() > 0
No CUDA runtime is found, using CUDA_HOME='/usr'
running bdist_wheel
running build
running build_py
creating build
creating build/lib.linux-x86_64-cpython-37
creating build/lib.linux-x86_64-cpython-37/diff_gaussian_rasterization
copying diff_gaussian_rasterization/__init__.py -> build/lib.linux-x86_64-cpython-37/diff_gaussian_rasterization
running build_ext
/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py:387: UserWarning: The detected CUDA version (11.5) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem.
warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda))
building 'diff_gaussian_rasterization._C' extension
creating /home/yolup/gaussian-splatting/submodules/diff-gaussian-rasterization/build/temp.linux-x86_64-cpython-37
creating /home/yolup/gaussian-splatting/submodules/diff-gaussian-rasterization/build/temp.linux-x86_64-cpython-37/cuda_rasterizer
/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/cuda/__init__.py:497: UserWarning: Can't initialize NVML
warnings.warn("Can't initialize NVML")
Traceback (most recent call last):
File "<string>", line 36, in <module>
File "<pip-setuptools-caller>", line 34, in <module>
File "/home/yolup/gaussian-splatting/submodules/diff-gaussian-rasterization/setup.py", line 32, in <module>
'build_ext': BuildExtension
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/__init__.py", line 87, in setup
return distutils.core.setup(**attrs)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 185, in setup
return run_commands(dist)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 201, in run_commands
dist.run_commands()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 969, in run_commands
self.run_command(cmd)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/dist.py", line 1208, in run_command
super().run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
cmd_obj.run()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/wheel/bdist_wheel.py", line 325, in run
self.run_command("build")
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
self.distribution.run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/dist.py", line 1208, in run_command
super().run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
cmd_obj.run()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build.py", line 132, in run
self.run_command(cmd_name)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
self.distribution.run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/dist.py", line 1208, in run_command
super().run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
cmd_obj.run()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 84, in run
_build_ext.run(self)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 346, in run
self.build_extensions()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 843, in build_extensions
build_ext.build_extensions(self)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 468, in build_extensions
self._build_extensions_serial()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 494, in _build_extensions_serial
self.build_extension(ext)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 246, in build_extension
_build_ext.build_extension(self, ext)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 556, in build_extension
depends=ext.depends,
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 649, in unix_wrap_ninja_compile
cuda_post_cflags = unix_cuda_flags(cuda_post_cflags)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 548, in unix_cuda_flags
cflags + _get_cuda_arch_flags(cflags))
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1780, in _get_cuda_arch_flags
arch_list[-1] += '+PTX'
IndexError: list index out of range
[end of output]
note: This error originates from a subprocess, and is likely not a problem with pip.
ERROR: Failed building wheel for diff-gaussian-rasterization
Running setup.py clean for diff-gaussian-rasterization
Failed to build diff-gaussian-rasterization
Installing collected packages: diff-gaussian-rasterization
Running setup.py install for diff-gaussian-rasterization ... error
error: subprocess-exited-with-error
× Running setup.py install for diff-gaussian-rasterization did not run successfully.
│ exit code: 1
╰─> [76 lines of output]
/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/cuda/__init__.py:88: UserWarning: CUDA initialization: Unexpected error from cudaGetDeviceCount(). Did you run some cuda functions before calling NumCudaDevices() that might have already set an error? Error 804: forward compatibility was attempted on non supported HW (Triggered internally at /opt/conda/conda-bld/pytorch_1670525541035/work/c10/cuda/CUDAFunctions.cpp:109.)
return torch._C._cuda_getDeviceCount() > 0
No CUDA runtime is found, using CUDA_HOME='/usr'
running install
/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/command/install.py:37: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools.
setuptools.SetuptoolsDeprecationWarning,
running build
running build_py
creating build
creating build/lib.linux-x86_64-cpython-37
creating build/lib.linux-x86_64-cpython-37/diff_gaussian_rasterization
copying diff_gaussian_rasterization/__init__.py -> build/lib.linux-x86_64-cpython-37/diff_gaussian_rasterization
running build_ext
/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py:387: UserWarning: The detected CUDA version (11.5) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem.
warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda))
building 'diff_gaussian_rasterization._C' extension
creating /home/yolup/gaussian-splatting/submodules/diff-gaussian-rasterization/build/temp.linux-x86_64-cpython-37
creating /home/yolup/gaussian-splatting/submodules/diff-gaussian-rasterization/build/temp.linux-x86_64-cpython-37/cuda_rasterizer
/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/cuda/__init__.py:497: UserWarning: Can't initialize NVML
warnings.warn("Can't initialize NVML")
Traceback (most recent call last):
File "<string>", line 36, in <module>
File "<pip-setuptools-caller>", line 34, in <module>
File "/home/yolup/gaussian-splatting/submodules/diff-gaussian-rasterization/setup.py", line 32, in <module>
'build_ext': BuildExtension
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/__init__.py", line 87, in setup
return distutils.core.setup(**attrs)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 185, in setup
return run_commands(dist)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/core.py", line 201, in run_commands
dist.run_commands()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 969, in run_commands
self.run_command(cmd)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/dist.py", line 1208, in run_command
super().run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
cmd_obj.run()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/command/install.py", line 68, in run
return orig.install.run(self)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/install.py", line 698, in run
self.run_command('build')
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
self.distribution.run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/dist.py", line 1208, in run_command
super().run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
cmd_obj.run()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build.py", line 132, in run
self.run_command(cmd_name)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/cmd.py", line 318, in run_command
self.distribution.run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/dist.py", line 1208, in run_command
super().run_command(command)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/dist.py", line 988, in run_command
cmd_obj.run()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 84, in run
_build_ext.run(self)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 346, in run
self.build_extensions()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 843, in build_extensions
build_ext.build_extensions(self)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 468, in build_extensions
self._build_extensions_serial()
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 494, in _build_extensions_serial
self.build_extension(ext)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/command/build_ext.py", line 246, in build_extension
_build_ext.build_extension(self, ext)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/setuptools/_distutils/command/build_ext.py", line 556, in build_extension
depends=ext.depends,
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 649, in unix_wrap_ninja_compile
cuda_post_cflags = unix_cuda_flags(cuda_post_cflags)
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 548, in unix_cuda_flags
cflags + _get_cuda_arch_flags(cflags))
File "/home/yolup/anaconda3/envs/gaussian_splatting/lib/python3.7/site-packages/torch/utils/cpp_extension.py", line 1780, in _get_cuda_arch_flags
arch_list[-1] += '+PTX'
IndexError: list index out of range
[end of output]
note: This error originates from a subprocess, and is likely not a problem with pip.
error: legacy-install-failure
× Encountered error while trying to install package.
╰─> diff-gaussian-rasterization
note: This is an issue with the package mentioned above, not pip.
hint: See above for output from the failure.
both installations error in exactly the same way.
I don't know much about Ubuntu, I'm sorry.
However, from your error message it seems that your system is using CUDA 11.5. If you have both versions installed, you should check that your system is using 11.7 for this process. Also the error states: "UserWarning: CUDA initialization: Unexpected error from cudaGetDeviceCount()"
Are you using a GPU that supports cuda 11.7? (A recent Nvidia GPU)
I don't know much about Ubuntu, I'm sorry.
However, from your error message it seems that your system is using CUDA 11.5. If you have both versions installed, you should check that your system is using 11.7 for this process. Also the error states: "UserWarning: CUDA initialization: Unexpected error from cudaGetDeviceCount()"
Are you using a GPU that supports cuda 11.7? (A recent Nvidia GPU)
sorry for the late reply, I keep going to and quitting 3D gaussian splatting. it worked great on my windows PC but I want to deploy it to a server because my server is more powerful. the GPU in my servers are a 3090Ti and an RTX 4000 Ada, those should be new enough to support CUDA 11.7, and I have no idea how CUDA 11.5 is installed, I will try to fix that now.
edit 1:
The following NEW packages will be INSTALLED:
cudatoolkit nvidia/linux-64::cudatoolkit-11.7.0-hd8887f6_10
Proceed ([y]/n)? y
Downloading and Extracting Packages:
Preparing transaction: done
Verifying transaction: done
Executing transaction: - By downloading and using the CUDA Toolkit conda packages, you accept the terms and conditions of the CUDA End User License Agreement (EULA): https://docs.nvidia.com/cuda/eula/index.html
done
(gaussian_splatting) yolup@sierra:~/gaussian-splatting$ nvcc --version
nvcc: NVIDIA (R) Cuda compiler driver
Copyright (c) 2005-2021 NVIDIA Corporation
Built on Thu_Nov_18_09:45:30_PST_2021
Cuda compilation tools, release 11.5, V11.5.119
Build cuda_11.5.r11.5/compiler.30672275_0
here is what happens when I attempt to ensure I have the right version, I suspect that the compilation tool doesn't use the same versioning as the toolkit.
edit 2:
I installed cudatoolkit-dev package and it updated my nvcc installation to the appropriate version. After updating nvcc to the proper version, it appears to at least install diff-gaussian-rasterization and simple-knn properly, I will now see if the whole thing works.
@ It work,Ohhhh,you are my hero!!! Thanks a lot!!!!
Hi..
Just wanna add my solution on Windows 11 laptop (this is especially when you have error message list index out of range when determining Torch CUDA arch list such as _get_cuda_arch_flags arch_list[-1] += '+PTX'
):
conda create -n gaussian_splatting python=3.9
conda activate gaussian_splatting
# this line below is explained in https://pytorch.org/get-started/previous-versions/ search for CUDA 11.7 compatible. If you want to install another version of CUDA e.g the latest version, you need to search compatible dependencies in this link
conda install pytorch==2.0.1 torchvision==0.15.2 torchaudio==2.0.2 pytorch-cuda=11.7 -c pytorch -c nvidia
# verify pytorch version
python -c "import torch; print(torch.__version__)"
pip install plyfile tqdm
# make sure TORCH_CUDA_ARCH_LIST="your_CUDA_arch" is set in env, check this link https://stackoverflow.com/questions/68496906/pytorch-installation-for-different-cuda-architectures
# you can see your arch list using `nvcc --list-gpu-arch`
cd gaussian-splatting
pip install submodules/diff-gaussian-rasterization
pip install submodules/simple-knn
hope it helps!
ps: if you have problem installing and wanna retry install, clean conda first: conda clean --all
and remove your env conda remove --all -n gaussian_splatting
before trying to do reinstall
Hi...
I basicly follow all the step above but get following. could somebody give me a hint
Processing c:\users\steph\desktop\ai\gaussian-splatting\submodules\diff-gaussian-rasterization Preparing metadata (setup.py) ... done Building wheels for collected packages: diff-gaussian-rasterization Building wheel for diff-gaussian-rasterization (setup.py) ... error error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully. │ exit code: 1 ╰─> [20 lines of output] running bdist_wheel C:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterization__init.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext C:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:358: UserWarning: Error checking compiler version for cl: [WinError 2] The system cannot find the file specified warnings.warn(f'Error checking compiler version for {compiler}: {error}') building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include\TH -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\include" -IC:\Users\steph\anaconda3\envs\gaussian_splatting\include -IC:\Users\steph\anaconda3\envs\gaussian_splatting\Include "-IC:\Program Files\Microsoft Visual Studio\2022\Community\VC\Tools\MSVC\14.41.34120\include" "-IC:\Program Files\Microsoft Visual Studio\2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-IC:\Program Files\Microsoft Visual Studio\2022\Community\VC\Auxiliary\VS\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\cppwinrt" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -D__CUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -IC:\Users\steph\Desktop\AI\gaussian-splatting\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. ERROR: Failed building wheel for diff-gaussian-rasterization Running setup.py clean for diff-gaussian-rasterization Failed to build diff-gaussian-rasterization Installing collected packages: diff-gaussian-rasterization Running setup.py install for diff-gaussian-rasterization ... error error: subprocess-exited-with-error
× Running setup.py install for diff-gaussian-rasterization did not run successfully. │ exit code: 1 ╰─> [22 lines of output] running install C:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\setuptools\command\install.py:37: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools. setuptools.SetuptoolsDeprecationWarning, running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterization__init.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext C:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) C:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:358: UserWarning: Error checking compiler version for cl: [WinError 2] The system cannot find the file specified warnings.warn(f'Error checking compiler version for {compiler}: {error}') building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include\TH -IC:\Users\steph\anaconda3\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\include" -IC:\Users\steph\anaconda3\envs\gaussian_splatting\include -IC:\Users\steph\anaconda3\envs\gaussian_splatting\Include "-IC:\Program Files\Microsoft Visual Studio\2022\Community\VC\Tools\MSVC\14.41.34120\include" "-IC:\Program Files\Microsoft Visual Studio\2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-IC:\Program Files\Microsoft Visual Studio\2022\Community\VC\Auxiliary\VS\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.22621.0\cppwinrt" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -D__CUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -IC:\Users\steph\Desktop\AI\gaussian-splatting\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.7\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. error: legacy-install-failure
× Encountered error while trying to install package. ╰─> diff-gaussian-rasterization
note: This is an issue with the package mentioned above, not pip. hint: See above for output from the failure. /
@Jiachenyu1994 could you try different CUDA teoolkit version, e.g. the latest version (not 11.7) and install the compatible py-torch version (see https://pytorch.org/get-started/previous-versions/ for reference)?
When you git the repo from the github, it's better to add the "--recursive" at the end. Without add it, I failed to install the packages in the submodules, since these packages have not been pulled from GitHub to the local environment.
CUDA11.6按照你的方法,我还是出了同样的问题。 (gaussian_splatting) D:\code\gaussian-splatting_cuda11.6>pip install submodules/diff-gaussian-rasterization Processing d:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization Preparing metadata (setup.py) ... done Building wheels for collected packages: diff-gaussian-rasterization Building wheel for diff-gaussian-rasterization (setup.py) ... error error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully. │ exit code: 1 ╰─> [20 lines of output] running bdist_wheel D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterization__init.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:387: UserWarning: The detected CUDA version (11.8) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem. warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda)) building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\TH -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include" -ID:\soft\Anaconda\envs\gaussian_splatting\include -ID:\soft\Anaconda\envs\gaussian_splatting\Include "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Auxiliary\VS\include" "-ID:\Windows Kits\10\include\10.0.22621.0\ucrt" "-ID:\Windows Kits\10\include\10.0.22621.0\um" "-ID:\Windows Kits\10\include\10.0.22621.0\shared" "-ID:\Windows Kits\10\include\10.0.22621.0\winrt" "-ID:\Windows Kits\10\include\10.0.22621.0\cppwinrt" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -D__CUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -ID:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. ERROR: Failed building wheel for diff-gaussian-rasterization Running setup.py clean for diff-gaussian-rasterization Failed to build diff-gaussian-rasterization Installing collected packages: diff-gaussian-rasterization Running setup.py install for diff-gaussian-rasterization ... error error: subprocess-exited-with-error
× Running setup.py install for diff-gaussian-rasterization did not run successfully. │ exit code: 1 ╰─> [22 lines of output] running install D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\setuptools\command\install.py:37: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools. setuptools.SetuptoolsDeprecationWarning, running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterization__init.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:387: UserWarning: The detected CUDA version (11.8) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem. warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda)) building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\TH -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include" -ID:\soft\Anaconda\envs\gaussian_splatting\include -ID:\soft\Anaconda\envs\gaussian_splatting\Include "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Auxiliary\VS\include" "-ID:\Windows Kits\10\include\10.0.22621.0\ucrt" "-ID:\Windows Kits\10\include\10.0.22621.0\um" "-ID:\Windows Kits\10\include\10.0.22621.0\shared" "-ID:\Windows Kits\10\include\10.0.22621.0\winrt" "-ID:\Windows Kits\10\include\10.0.22621.0\cppwinrt" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -D__CUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -ID:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. error: legacy-install-failure
× Encountered error while trying to install package. ╰─> diff-gaussian-rasterization
note: This is an issue with the package mentioned above, not pip. hint: See above for output from the failure. WARNING: There was an error checking the latest version of pip.
CUDA11.6按照你的方法,我还是出了同样的问题。 (gaussian_splatting) D:\code\gaussian-splatting_cuda11.6>pip install submodules/diff-gaussian-rasterization Processing d:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization Preparing metadata (setup.py) ... done Building wheels for collected packages: diff-gaussian-rasterization Building wheel for diff-gaussian-rasterization (setup.py) ... error error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully. │ exit code: 1 ╰─> [20 lines of output] running bdist_wheel D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterizationinit.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:387: UserWarning: The detected CUDA version (11.8) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem. warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda)) building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\TH -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include" -ID:\soft\Anaconda\envs\gaussian_splatting\include -ID:\soft\Anaconda\envs\gaussian_splatting\Include "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Auxiliary\VS\include" "-ID:\Windows Kits\10\include\10.0.22621.0\ucrt" "-ID:\Windows Kits\10\include\10.0.22621.0\um" "-ID:\Windows Kits\10\include\10.0.22621.0\shared" "-ID:\Windows Kits\10\include\10.0.22621.0\winrt" "-ID:\Windows Kits\10\include\10.0.22621.0\cppwinrt" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -ID:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. ERROR: Failed building wheel for diff-gaussian-rasterization Running setup.py clean for diff-gaussian-rasterization Failed to build diff-gaussian-rasterization Installing collected packages: diff-gaussian-rasterization Running setup.py install for diff-gaussian-rasterization ... error error: subprocess-exited-with-error
× Running setup.py install for diff-gaussian-rasterization did not run successfully. │ exit code: 1 ╰─> [22 lines of output] running install D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\setuptools\command\install.py:37: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools. setuptools.SetuptoolsDeprecationWarning, running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterizationinit.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:387: UserWarning: The detected CUDA version (11.8) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem. warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda)) building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\TH -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include" -ID:\soft\Anaconda\envs\gaussian_splatting\include -ID:\soft\Anaconda\envs\gaussian_splatting\Include "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Auxiliary\VS\include" "-ID:\Windows Kits\10\include\10.0.22621.0\ucrt" "-ID:\Windows Kits\10\include\10.0.22621.0\um" "-ID:\Windows Kits\10\include\10.0.22621.0\shared" "-ID:\Windows Kits\10\include\10.0.22621.0\winrt" "-ID:\Windows Kits\10\include\10.0.22621.0\cppwinrt" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -ID:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. error: legacy-install-failure
× Encountered error while trying to install package. ╰─> diff-gaussian-rasterization
note: This is an issue with the package mentioned above, not pip. hint: See above for output from the failure. WARNING: There was an error checking the latest version of pip.
CUDA11.6按照你的方法,我还是出了同样的问题。 (gaussian_splatting) D:\code\gaussian-splatting_cuda11.6>pip install submodules/diff-gaussian-rasterization Processing d:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization Preparing metadata (setup.py) ... done Building wheels for collected packages: diff-gaussian-rasterization Building wheel for diff-gaussian-rasterization (setup.py) ... error error: subprocess-exited-with-error
× python setup.py bdist_wheel did not run successfully. │ exit code: 1 ╰─> [20 lines of output] running bdist_wheel D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterizationinit.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:387: UserWarning: The detected CUDA version (11.8) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem. warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda)) building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\TH -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include" -ID:\soft\Anaconda\envs\gaussian_splatting\include -ID:\soft\Anaconda\envs\gaussian_splatting\Include "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Auxiliary\VS\include" "-ID:\Windows Kits\10\include\10.0.22621.0\ucrt" "-ID:\Windows Kits\10\include\10.0.22621.0\um" "-ID:\Windows Kits\10\include\10.0.22621.0\shared" "-ID:\Windows Kits\10\include\10.0.22621.0\winrt" "-ID:\Windows Kits\10\include\10.0.22621.0\cppwinrt" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -ID:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. ERROR: Failed building wheel for diff-gaussian-rasterization Running setup.py clean for diff-gaussian-rasterization Failed to build diff-gaussian-rasterization Installing collected packages: diff-gaussian-rasterization Running setup.py install for diff-gaussian-rasterization ... error error: subprocess-exited-with-error
× Running setup.py install for diff-gaussian-rasterization did not run successfully. │ exit code: 1 ╰─> [22 lines of output] running install D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\setuptools\command\install.py:37: SetuptoolsDeprecationWarning: setup.py install is deprecated. Use build and pip and other standards-based tools. setuptools.SetuptoolsDeprecationWarning, running build running build_py creating build creating build\lib.win-amd64-cpython-37 creating build\lib.win-amd64-cpython-37\diff_gaussian_rasterization copying diff_gaussian_rasterizationinit.py -> build\lib.win-amd64-cpython-37\diff_gaussian_rasterization running build_ext D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:476: UserWarning: Attempted to use ninja as the BuildExtension backend but we could not find ninja.. Falling back to using the slow distutils backend. warnings.warn(msg.format('we could not find ninja.')) D:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\utils\cpp_extension.py:387: UserWarning: The detected CUDA version (11.8) has a minor version mismatch with the version that was used to compile PyTorch (11.7). Most likely this shouldn't be a problem. warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda)) building 'diff_gaussian_rasterization._C' extension creating build\temp.win-amd64-cpython-37 creating build\temp.win-amd64-cpython-37\Release creating build\temp.win-amd64-cpython-37\Release\cuda_rasterizer "C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc" -c cuda_rasterizer/backward.cu -o build\temp.win-amd64-cpython-37\Release\cuda_rasterizer/backward.obj -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\torch\csrc\api\include -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\TH -ID:\soft\Anaconda\envs\gaussian_splatting\lib\site-packages\torch\include\THC "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include" -ID:\soft\Anaconda\envs\gaussian_splatting\include -ID:\soft\Anaconda\envs\gaussian_splatting\Include "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Tools\MSVC\14.41.34120\ATLMFC\include" "-ID:\Microsoft Visual Studio2022\Community\VC\Auxiliary\VS\include" "-ID:\Windows Kits\10\include\10.0.22621.0\ucrt" "-ID:\Windows Kits\10\include\10.0.22621.0\um" "-ID:\Windows Kits\10\include\10.0.22621.0\shared" "-ID:\Windows Kits\10\include\10.0.22621.0\winrt" "-ID:\Windows Kits\10\include\10.0.22621.0\cppwinrt" "-IC:\Program Files (x86)\Windows Kits\NETFXSDK\4.8\include\um" -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcompiler /EHsc -Xcompiler /wd4190 -Xcompiler /wd4018 -Xcompiler /wd4275 -Xcompiler /wd4267 -Xcompiler /wd4244 -Xcompiler /wd4251 -Xcompiler /wd4819 -Xcompiler /MD -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -ID:\code\gaussian-splatting_cuda11.6\submodules\diff-gaussian-rasterization\third_party/glm/ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --use-local-env C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\include\crt/host_config.h(153): fatal error C1189: #error: -- unsupported Microsoft Visual Studio version! Only the versions between 2017 and 2022 (inclusive) are supported! The nvcc flag '-allow-unsupported-compiler' can be used to override this version check; however, using an unsupported host compiler may cause compilation failure or incorrect run time execution. Use at your own risk. backward.cu error: command 'C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.8\bin\nvcc.exe' failed with exit code 2 [end of output]
note: This error originates from a subprocess, and is likely not a problem with pip. error: legacy-install-failure
× Encountered error while trying to install package. ╰─> diff-gaussian-rasterization
note: This is an issue with the package mentioned above, not pip. hint: See above for output from the failure. WARNING: There was an error checking the latest version of pip.
using cuda 11.8
(gaussian_splatting) C:\Users\A\gaussian-splatting>pip install plyfile WARNING: Retrying (Retry(total=4, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=3, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=2, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=0, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ ERROR: Could not find a version that satisfies the requirement plyfile (from versions: none) ERROR: No matching distribution found for plyfile
(gaussian_splatting) C:\Users\A\gaussian-splatting>pip install plyfile WARNING: Retrying (Retry(total=4, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=3, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=2, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=0, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ ERROR: Could not find a version that satisfies the requirement plyfile (from versions: none) ERROR: No matching distribution found for plyfile
are you using proxy to download pip packages? You might should shut down that proxy and try again
(gaussian_splatting) C:\Users\A\gaussian-splatting>pip install plyfile WARNING: Retrying (Retry(total=4, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=3, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=2, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=1, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ WARNING: Retrying (Retry(total=0, connect=None, read=None, redirect=None, status=None)) after connection broken by 'ProxyError('Cannot connect to proxy.', OSError(0, 'Error'))': /simple/plyfile/ ERROR: Could not find a version that satisfies the requirement plyfile (from versions: none) ERROR: No matching distribution found for plyfile
It's a common error.Try to use anthor proxy such as aliyun.
@Yo1up what about add
export PATH="/root/anaconda3/bin:$PATH"
in ~/.bashrc,then run
source ~/.bashrc
I followed the README and the video at https://www.youtube.com/watch?v=UXtuigy_wYc but i fell in a slump for a few hours due to persistent errors in installing as suggested. As many others pointed out when running the command
conda env create --file environment.yml
I ran into several errors related to the diff-gaussian-rasterization such as module not found or errors in building the wheel when trying alternatives. After many hours trying to figure them out and looking online I found these two comments 1) #317by ishipachev and 2) as a reply to #297 by wgcban which combined gave me part of the solution to my problem. Since it may help others in the same situation I am posting the solution that I found as follows:PREPARATION (Windows11 with rtx3090) installed git (as readme) installed conda (as readme) installed visual studio 2019 community (selecting the "Desktop Development with C++") _installed Cuda toolkit v.11.7 from the Nvidia website_ installed COLMAP (as readme) installed ImageMagik (as readme) installed FFMPEG (as readme)
I git cloned the gaussian-splatting repository to a location of choice by opening cmd to the folder that I wanted to use then ran
git clone https://github.com/graphdeco-inria/gaussian-splatting --recursive
CONDA ENVIRONMENT I created the environment in conda using:
conda create -n gaussian_splatting python=3.7
activated the environmentconda activate gaussian_splatting
I then installed the dependencies step by stepconda install pytorch==1.13.1 torchvision==0.14.1 torchaudio==0.13.1 pytorch-cuda=11.7 -c pytorch -c nvidia
I changed directory to the directory where I cloned the repository with cd then I ranpip install submodules/diff-gaussian-rasterization
andpip install submodules/simple-knn
also I had to install manually the plyfile withpip install plyfile
and tqdm withpip install tqdm
And that's it. I could keep on following the tutorial and avoid the error when running python train.py P.S. do not run the
conda env create --file environment.yml
or it breaksI believe that the reason is as ishipachev pointed out in his post that the environment.yml using cudatoolkit=11.6 along with cudatoolkit v11.8 could be the source of the errors and should be made more clear in the readme or tutorial which version of each dependency is needed. (But since other people are running it without problem, it may be fine and "only a few users' problem IDK") I am new to this so please take my advice with a pinch of salt.