threestudio-project / threestudio

A unified framework for 3D content generation.
Apache License 2.0
6.19k stars 474 forks source link

Can't export the mesh #143

Closed qxzha closed 1 year ago

qxzha commented 1 year ago

after I have performed the training command, I want to get the mesh file. But I got an error, the info is:



/home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/tinycudann-1.7-py3.8-linux-x86_64.egg/tinycudann/modules.py:52: UserWarning: tinycudann was built for lower compute capability (86) than the system's (89). Performance may be suboptimal. warnings.warn(f"tinycudann was built for lower compute capability ({cc}) than the system's ({system_compute_capability}). Performance may be suboptimal.") Global seed set to 0 [INFO] Using 16bit Automatic Mixed Precision (AMP) [INFO] GPU available: True (cuda), used: True [INFO] TPU available: False, using: 0 TPU cores [INFO] IPU available: False, using: 0 IPUs [INFO] HPU available: False, using: 0 HPUs [INFO] You are using a CUDA device ('NVIDIA GeForce RTX 4090') that has Tensor Cores. To properly utilize them, you should set torch.set_float32_matmul_precision('medium' | 'high') which will trade-off precision for performance. For more details, read https://pytorch.org/docs/stable/generated/torch.set_float32_matmul_precision.html#torch.set_float32_matmul_precision [INFO] Restoring states from the checkpoint path at outputs/dreamfusion-if/a_zoomed_out_DSLR_photo_of_a_baby_bunny_sitting_on_top_of_a_stack_of_pancakes@20230616-112309/ckpts/last.ckpt [INFO] LOCAL_RANK: 0 - CUDA_VISIBLE_DEVICES: [0] [INFO] Loaded model weights from the checkpoint at outputs/dreamfusion-if/a_zoomed_out_DSLR_photo_of_a_baby_bunny_sitting_on_top_of_a_stack_of_pancakes@20230616-112309/ckpts/last.ckpt /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/trainer/connectors/data_connector.py:432: PossibleUserWarning: The dataloader, predict_dataloader, does not have many workers which may be a bottleneck. Consider increasing the value of the num_workers argument(try 48 which is the number of cpus on this machine) in theDataLoader` init to improve performance. rank_zero_warn( Predicting DataLoader 0: 0%| | 0/120 [00:00<?, ?it/s]/home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/loops/prediction_loop.py:233: UserWarning: predict returned None if it was on purpose, ignore this warning... self._warning_cache.warn("predict returned None if it was on purpose, ignore this warning...") Predicting DataLoader 0: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 120/120 [00:00<00:00, 202.70it/s][INFO] Using xatlas to perform UV unwrapping, may take a while ... [INFO] Exporting textures ... ╭─────────────────────────────── Traceback (most recent call last) ────────────────────────────────╮ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/utils/cpp_extension.py:1 │ │ 893 in _run_ninja_build │ │ │ │ 1890 │ │ # To work around this, we pass in the fileno directly and hope that │ │ 1891 │ │ # it is valid. │ │ 1892 │ │ stdout_fileno = 1 │ │ ❱ 1893 │ │ subprocess.run( │ │ 1894 │ │ │ command, │ │ 1895 │ │ │ stdout=stdout_fileno if verbose else subprocess.PIPE, │ │ 1896 │ │ │ stderr=subprocess.STDOUT, │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/subprocess.py:516 in run │ │ │ │ 513 │ │ │ raise │ │ 514 │ │ retcode = process.poll() │ │ 515 │ │ if check and retcode: │ │ ❱ 516 │ │ │ raise CalledProcessError(retcode, process.args, │ │ 517 │ │ │ │ │ │ │ │ │ output=stdout, stderr=stderr) │ │ 518 │ return CompletedProcess(process.args, retcode, stdout, stderr) │ │ 519 │ ╰──────────────────────────────────────────────────────────────────────────────────────────────────╯ CalledProcessError: Command '['ninja', '-v']' returned non-zero exit status 1.

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

╭─────────────────────────────── Traceback (most recent call last) ────────────────────────────────╮ │ /home/zqx/threestudio/launch.py:180 in │ │ │ │ 177 │ │ 178 │ │ 179 if name == "main": │ │ ❱ 180 │ main() │ │ 181 │ │ │ │ /home/zqx/threestudio/launch.py:176 in main │ │ │ │ 173 │ │ trainer.test(system, datamodule=dm, ckpt_path=cfg.resume) │ │ 174 │ elif args.export: │ │ 175 │ │ set_system_status(system, cfg.resume) │ │ ❱ 176 │ │ trainer.predict(system, datamodule=dm, ckpt_path=cfg.resume) │ │ 177 │ │ 178 │ │ 179 if name == "main": │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/trainer/trai │ │ ner.py:845 in predict │ │ │ │ 842 │ │ else: │ │ 843 │ │ │ model = _maybe_unwrap_optimized(model) │ │ 844 │ │ │ self.strategy._lightning_module = model │ │ ❱ 845 │ │ return call._call_and_handle_interrupt( │ │ 846 │ │ │ self, self._predict_impl, model, dataloaders, datamodule, return_predictions │ │ 847 │ │ ) │ │ 848 │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/trainer/call │ │ .py:42 in _call_and_handle_interrupt │ │ │ │ 39 │ try: │ │ 40 │ │ if trainer.strategy.launcher is not None: │ │ 41 │ │ │ return trainer.strategy.launcher.launch(trainer_fn, args, trainer=trainer, │ │ ❱ 42 │ │ return trainer_fn(args, kwargs) │ │ 43 │ │ │ 44 │ except _TunerExitException: │ │ 45 │ │ _call_teardown_hook(trainer) │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/trainer/trai │ │ ner.py:887 in _predict_impl │ │ │ │ 884 │ │ ckpt_path = self._checkpoint_connector._select_ckpt_path( │ │ 885 │ │ │ self.state.fn, ckpt_path, model_provided=model_provided, model_connected=sel │ │ 886 │ │ ) │ │ ❱ 887 │ │ results = self._run(model, ckpt_path=ckpt_path) │ │ 888 │ │ │ │ 889 │ │ assert self.state.stopped │ │ 890 │ │ self.predicting = False │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/trainer/trai │ │ ner.py:975 in _run │ │ │ │ 972 │ │ # ---------------------------- │ │ 973 │ │ # RUN THE TRAINER │ │ 974 │ │ # ---------------------------- │ │ ❱ 975 │ │ results = self._run_stage() │ │ 976 │ │ │ │ 977 │ │ # ---------------------------- │ │ 978 │ │ # POST-Training CLEAN UP │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/trainer/trai │ │ ner.py:1013 in _run_stage │ │ │ │ 1010 │ │ if self.evaluating: │ │ 1011 │ │ │ return self._evaluation_loop.run() │ │ 1012 │ │ if self.predicting: │ │ ❱ 1013 │ │ │ return self.predict_loop.run() │ │ 1014 │ │ if self.training: │ │ 1015 │ │ │ with isolate_rng(): │ │ 1016 │ │ │ │ self._run_sanity_check() │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/loops/utilit │ │ ies.py:177 in _decorator │ │ │ │ 174 │ │ else: │ │ 175 │ │ │ context_manager = torch.no_grad │ │ 176 │ │ with context_manager(): │ │ ❱ 177 │ │ │ return loop_run(self, *args, *kwargs) │ │ 178 │ │ │ 179 │ return _decorator │ │ 180 │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/loops/predic │ │ tion_loop.py:118 in run │ │ │ │ 115 │ │ │ │ break │ │ 116 │ │ │ finally: │ │ 117 │ │ │ │ self._restarting = False │ │ ❱ 118 │ │ return self.on_run_end() │ │ 119 │ │ │ 120 │ def setup_data(self) -> None: │ │ 121 │ │ trainer = self.trainer │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/loops/predic │ │ tion_loop.py:195 in on_run_end │ │ │ │ 192 │ │ │ 193 │ def on_run_end(self) -> Optional[_PREDICT_OUTPUT]: │ │ 194 │ │ """Calls on_predict_epoch_end and on_predict_end hooks and returns resul │ │ ❱ 195 │ │ results = self._on_predict_epoch_end() │ │ 196 │ │ self._on_predict_end() │ │ 197 │ │ return results │ │ 198 │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/loops/predic │ │ tion_loop.py:319 in _on_predict_epoch_end │ │ │ │ 316 │ │ """ │ │ 317 │ │ trainer = self.trainer │ │ 318 │ │ call._call_callback_hooks(trainer, "on_predict_epoch_end") │ │ ❱ 319 │ │ call._call_lightning_module_hook(trainer, "on_predict_epoch_end") │ │ 320 │ │ │ │ 321 │ │ if self.return_predictions: │ │ 322 │ │ │ return self.predictions │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/pytorch_lightning/trainer/call │ │ .py:140 in _call_lightning_module_hook │ │ │ │ 137 │ pl_module._current_fx_name = hook_name │ │ 138 │ │ │ 139 │ with trainer.profiler.profile(f"[LightningModule]{pl_module.class.name}.{hoo │ │ ❱ 140 │ │ output = fn(args, kwargs) │ │ 141 │ │ │ 142 │ # restore current_fx when nested context │ │ 143 │ pl_module._current_fx_name = prev_fx_name │ │ │ │ /home/zqx/threestudio/threestudio/systems/base.py:289 in on_predict_epoch_end │ │ │ │ 286 │ def on_predict_epoch_end(self) -> None: │ │ 287 │ │ if self.exporter.cfg.save_video: │ │ 288 │ │ │ self.on_test_epoch_end() │ │ ❱ 289 │ │ exporter_output: List[ExporterOutput] = self.exporter() │ │ 290 │ │ for out in exporter_output: │ │ 291 │ │ │ save_funcname = f"save{out.save_type}" │ │ 292 │ │ │ if not hasattr(self, save_func_name): │ │ │ │ /home/zqx/threestudio/threestudio/models/exporters/mesh_exporter.py:47 in call │ │ │ │ 44 │ │ mesh: Mesh = self.geometry.isosurface() │ │ 45 │ │ │ │ 46 │ │ if self.cfg.fmt == "obj-mtl": │ │ ❱ 47 │ │ │ return self.export_obj_with_mtl(mesh) │ │ 48 │ │ elif self.cfg.fmt == "obj": │ │ 49 │ │ │ return self.export_obj(mesh) │ │ 50 │ │ else: │ │ │ │ /home/zqx/threestudio/threestudio/models/exporters/mesh_exporter.py:104 in export_obj_with_mtl │ │ │ │ 101 │ │ │ │ return torch.from_numpy(inpaint_image).to(image) │ │ 102 │ │ │ │ │ 103 │ │ │ # Interpolate world space position │ │ ❱ 104 │ │ │ gbpos, = self.ctx.interpolate_one( │ │ 105 │ │ │ │ mesh.v_pos, rast[None, ...], mesh.t_pos_idx │ │ 106 │ │ │ ) │ │ 107 │ │ │ gb_pos = gb_pos[0] │ │ │ │ /home/zqx/threestudio/threestudio/utils/rasterize.py:78 in interpolate_one │ │ │ │ 75 │ │ rast_db=None, │ │ 76 │ │ diff_attrs=None, │ │ 77 │ ) -> Float[Tensor, "B H W C"]: │ │ ❱ 78 │ │ return self.interpolate(attr[None, ...], rast, tri, rast_db, diff_attrs) │ │ 79 │ │ │ │ /home/zqx/threestudio/threestudio/utils/rasterize.py:66 in interpolate │ │ │ │ 63 │ │ rast_db=None, │ │ 64 │ │ diff_attrs=None, │ │ 65 │ ) -> Float[Tensor, "B H W C"]: │ │ ❱ 66 │ │ return dr.interpolate( │ │ 67 │ │ │ attr.float(), rast, tri.int(), rast_db=rast_db, diff_attrs=diff_attrs │ │ 68 │ │ ) │ │ 69 │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvd │ │ iffrast/torch/ops.py:467 in interpolate │ │ │ │ 464 │ if diff_attrs: │ │ 465 │ │ return _interpolate_func_da.apply(attr, rast, tri, rast_db, diff_attrs_all, diff │ │ 466 │ else: │ │ ❱ 467 │ │ return _interpolate_func.apply(attr, rast, tri) │ │ 468 │ │ 469 #---------------------------------------------------------------------------- │ │ 470 # Texture │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/autograd/function.py:506 │ │ in apply │ │ │ │ 503 │ │ if not torch._C._are_functorch_transforms_active(): │ │ 504 │ │ │ # See NOTE: [functorch vjp and autograd interaction] │ │ 505 │ │ │ args = _functorch.utils.unwrap_dead_wrappers(args) │ │ ❱ 506 │ │ │ return super().apply(*args, *kwargs) # type: ignore[misc] │ │ 507 │ │ │ │ 508 │ │ if cls.setup_context == _SingleLevelFunction.setup_context: │ │ 509 │ │ │ raise RuntimeError( │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvd │ │ iffrast/torch/ops.py:406 in forward │ │ │ │ 403 class _interpolate_func(torch.autograd.Function): │ │ 404 │ @staticmethod │ │ 405 │ def forward(ctx, attr, rast, tri): │ │ ❱ 406 │ │ out, out_da = _get_plugin().interpolate_fwd(attr, rast, tri) │ │ 407 │ │ ctx.save_for_backward(attr, rast, tri) │ │ 408 │ │ return out, out_da │ │ 409 │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvd │ │ iffrast/torch/ops.py:118 in _get_plugin │ │ │ │ 115 │ │ │ 116 │ # Compile and load. │ │ 117 │ source_paths = [os.path.join(os.path.dirname(file), fn) for fn in source_files] │ │ ❱ 118 │ torch.utils.cpp_extension.load(name=plugin_name, sources=source_paths, extra_cflags= │ │ 119 │ │ │ 120 │ # Import, cache, and return the compiled module. │ │ 121 │ _cached_plugin[gl] = importlib.import_module(plugin_name) │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/utils/cpp_extension.py:1 │ │ 284 in load │ │ │ │ 1281 │ │ ... extra_cflags=['-O2'], │ │ 1282 │ │ ... verbose=True) │ │ 1283 │ ''' │ │ ❱ 1284 │ return _jit_compile( │ │ 1285 │ │ name, │ │ 1286 │ │ [sources] if isinstance(sources, str) else sources, │ │ 1287 │ │ extra_cflags, │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/utils/cpp_extension.py:1 │ │ 509 in _jit_compile │ │ │ │ 1506 │ │ │ │ │ │ │ │ 1507 │ │ │ │ │ │ sources = list(hipified_sources) │ │ 1508 │ │ │ │ │ │ │ ❱ 1509 │ │ │ │ │ _write_ninja_file_and_build_library( │ │ 1510 │ │ │ │ │ │ name=name, │ │ 1511 │ │ │ │ │ │ sources=sources, │ │ 1512 │ │ │ │ │ │ extra_cflags=extra_cflags or [], │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/utils/cpp_extension.py:1 │ │ 624 in _write_ninja_file_and_build_library │ │ │ │ 1621 │ │ │ 1622 │ if verbose: │ │ 1623 │ │ print(f'Building extension module {name}...', file=sys.stderr) │ │ ❱ 1624 │ _run_ninja_build( │ │ 1625 │ │ build_directory, │ │ 1626 │ │ verbose, │ │ 1627 │ │ error_prefix=f"Error building extension '{name}'") │ │ │ │ /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/utils/cpp_extension.py:1 │ │ 909 in _run_ninja_build │ │ │ │ 1906 │ │ # mypy thinks it's Optional[BaseException] and doesn't narrow │ │ 1907 │ │ if hasattr(error, 'output') and error.output: # type: ignore[union-attr] │ │ 1908 │ │ │ message += f": {error.output.decode(SUBPROCESS_DECODE_ARGS)}" # type: igno │ │ ❱ 1909 │ │ raise RuntimeError(message) from e │ │ 1910 │ │ 1911 │ │ 1912 def _get_exec_path(module_name, path): │ ╰──────────────────────────────────────────────────────────────────────────────────────────────────╯ RuntimeError: Error building extension 'nvdiffrast_plugin': [1/6] /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/cudaraster/impl/RasterImpl.cu -o RasterImpl.cuda.o FAILED: RasterImpl.cuda.o /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/cudaraster/impl/RasterImpl.cu -o RasterImpl.cuda.o nvcc fatal : Value 'c++17' is not defined for option 'std' [2/6] /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/rasterize.cu -o rasterize.cuda.o FAILED: rasterize.cuda.o /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/rasterize.cu -o rasterize.cuda.o nvcc fatal : Value 'c++17' is not defined for option 'std' [3/6] /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/interpolate.cu -o interpolate.cuda.o FAILED: interpolate.cuda.o /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/interpolate.cu -o interpolate.cuda.o nvcc fatal : Value 'c++17' is not defined for option 'std' [4/6] /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/texture.cu -o texture.cuda.o FAILED: texture.cuda.o /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/texture.cu -o texture.cuda.o nvcc fatal : Value 'c++17' is not defined for option 'std' [5/6] /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/antialias.cu -o antialias.cuda.o FAILED: antialias.cuda.o /usr/bin/nvcc -DTORCH_EXTENSION_NAME=nvdiffrast_plugin -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/torch/csrc/api/include -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/TH -isystem /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/torch/include/THC -isystem /home/zqx/miniconda3/envs/threestudio/include/python3.8 -D_GLIBCXX_USE_CXX11_ABI=0 -DCUDA_NO_HALF_OPERATORS -DCUDA_NO_HALF_CONVERSIONS -DCUDA_NO_BFLOAT16_CONVERSIONS -DCUDA_NO_HALF2_OPERATORS --expt-relaxed-constexpr -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86 --compiler-options '-fPIC' -DNVDR_TORCH -lineinfo -std=c++17 -c /home/zqx/miniconda3/envs/threestudio/lib/python3.8/site-packages/nvdiffrast-0.3.0-py3.8.egg/nvdiffrast/common/antialias.cu -o antialias.cuda.o nvcc fatal : Value 'c++17' is not defined for option 'std' ninja: build stopped: subcommand failed.


can anybody help me fix it

DSaurus commented 1 year ago

Hi,

It appears that your gcc is unable to compile nvdiffrast. You need to check out your gcc version and verify if it supports C++17.

qxzha commented 1 year ago

Thanks a lot! It works, and I will close this issue。 Thank you again!

DSaurus @.***> 于2023年6月17日周六 19:20写道:

Hi,

It appears that your gcc is unable to compile nvdiffrast. You need to check out your gcc version and verify if it supports C++17.

— Reply to this email directly, view it on GitHub https://github.com/threestudio-project/threestudio/issues/143#issuecomment-1595712431, or unsubscribe https://github.com/notifications/unsubscribe-auth/A53Y42765Z4DYBJQFB4FAFDXLWHJDANCNFSM6AAAAAAZIYWAVM . You are receiving this because you authored the thread.Message ID: @.***>

inf1111 commented 1 year ago

Thanks a lot! It works, and I will close this issue。 Thank you again! DSaurus @.***> 于2023年6月17日周六 19:20写道:

Hello @xiaoquan-serien ! Please tell what version of gcc and g++ did you install to avoid this error? I tried versions 9, 10, 11 - error is still here :(