MrForExample / ComfyUI-3D-Pack

An extensive node suite that enables ComfyUI to process 3D inputs (Mesh & UV Texture, etc) using cutting edge algorithms (3DGS, NeRF, etc.)
MIT License
2.41k stars 246 forks source link

Docker Error: No CUDA runtime is found, using CUDA_HOME='/usr/local/cuda' #86

Open kadirnar opened 8 months ago

kadirnar commented 8 months ago
Processing ./tgs/models/snowflake/pointnet2_ops_lib
  Preparing metadata (setup.py): started
  Preparing metadata (setup.py): finished with status 'error'
  error: subprocess-exited-with-error

  × python setup.py egg_info did not run successfully.
  │ exit code: 1
  ╰─> [13 lines of output]
      No CUDA runtime is found, using CUDA_HOME='/usr/local/cuda'
      Traceback (most recent call last):
        File "<string>", line 2, in <module>
        File "<pip-setuptools-caller>", line 34, in <module>
        File "/home/user/app/custom_nodes/ComfyUI-3D-Pack/tgs/models/snowflake/pointnet2_ops_lib/setup.py", line 20, in <module>
          os.environ["TORCH_CUDA_ARCH_LIST"] = ".".join(map(str, torch.cuda.get_device_capability()))
        File "/home/user/.pyenv/versions/3.10.12/lib/python3.10/site-packages/torch/cuda/__init__.py", line 381, in get_device_capability
          prop = get_device_properties(device)
        File "/home/user/.pyenv/versions/3.10.12/lib/python3.10/site-packages/torch/cuda/__init__.py", line 395, in get_device_properties
          _lazy_init()  # will define _get_device_properties
        File "/home/user/.pyenv/versions/3.10.12/lib/python3.10/site-packages/torch/cuda/__init__.py", line 247, in _lazy_init
          torch._C._cuda_init()
      RuntimeError: Found no NVIDIA driver on your system. Please check that you have an NVIDIA GPU and installed a driver from http://www.nvidia.com/Download/index.aspx
      [end of output]

  note: This error originates from a subprocess, and is likely not a problem with pip.
error: metadata-generation-failed
DenisKochetov commented 8 months ago

Did you use docker image with cuda installed?

kalemas commented 8 months ago

i ve advanced a bit with

ARG CUDA_VERSION=12.2.0-devel
FROM docker.io/nvidia/cuda:${CUDA_VERSION}-ubuntu22.04

and https://stackoverflow.com/a/61737404

but still failed to docker build with ComfyUI-3D-Pack

Details

Building wheel for pytorch3d (setup.py): still running...
  Building wheel for pytorch3d (setup.py): still running...
  Building wheel for pytorch3d (setup.py): still running...
  Building wheel for pytorch3d (setup.py): still running...
  Building wheel for pytorch3d (setup.py): still running...
  Building wheel for pytorch3d (setup.py): still running...
  Building wheel for pytorch3d (setup.py): finished with status 'error'
  error: subprocess-exited-with-error

  × python setup.py bdist_wheel did not run successfully.
  │ exit code: 1
  ╰─> [824 lines of output]
      /tmp/pip-req-build-7dblm11p/setup.py:84: UserWarning: The environment variable `CUB_HOME` was not found. NVIDIA CUB is required for compilation and can be downloaded from `https://github.com/NVIDIA/cub/releases`. You can unpack it to a location of your choice and set the environment variable `CUB_HOME` to the folder containing the `CMakeListst.txt` file.
        warnings.warn(
      running bdist_wheel
      /home/user/.local/lib/python3.11/site-packages/torch/utils/cpp_extension.py:500: 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.linux-x86_64-cpython-311
      creating build/lib.linux-x86_64-cpython-311/projects
      copying projects/__init__.py -> build/lib.linux-x86_64-cpython-311/projects
      creating build/lib.linux-x86_64-cpython-311/pytorch3d
      copying pytorch3d/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/marching_cubes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/iou_box3d.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/mesh_filtering.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/knn.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/perspective_n_points.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/cubify.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/vert_align.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/subdivide_meshes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/ball_query.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/points_to_volumes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/cameras_alignment.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/marching_cubes_data.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/mesh_face_areas_normals.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/points_normals.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/packed_to_padded.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/interp_face_attrs.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/graph_conv.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/sample_farthest_points.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/laplacian_matrices.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/sample_points_from_meshes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      copying pytorch3d/ops/points_alignment.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/ops
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/utils
      copying pytorch3d/utils/torus.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/utils
      copying pytorch3d/utils/checkerboard.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/utils
      copying pytorch3d/utils/ico_sphere.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/utils
      copying pytorch3d/utils/camera_conversions.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/utils
      copying pytorch3d/utils/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/utils
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron
      copying pytorch3d/implicitron/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron
      copying pytorch3d/implicitron/eval_demo.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/loss
      copying pytorch3d/loss/mesh_normal_consistency.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/loss
      copying pytorch3d/loss/point_mesh_distance.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/loss
      copying pytorch3d/loss/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/loss
      copying pytorch3d/loss/mesh_edge_loss.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/loss
      copying pytorch3d/loss/mesh_laplacian_smoothing.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/loss
      copying pytorch3d/loss/chamfer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/loss
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/compositing.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/camera_conversions.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/blending.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/materials.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/camera_utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/lighting.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/cameras.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/splatter_blend.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      copying pytorch3d/renderer/fisheyecameras.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/transforms
      copying pytorch3d/transforms/so3.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/transforms
      copying pytorch3d/transforms/transform3d.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/transforms
      copying pytorch3d/transforms/rotation_conversions.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/transforms
      copying pytorch3d/transforms/math.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/transforms
      copying pytorch3d/transforms/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/transforms
      copying pytorch3d/transforms/se3.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/transforms
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/structures
      copying pytorch3d/structures/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/structures
      copying pytorch3d/structures/volumes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/structures
      copying pytorch3d/structures/meshes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/structures
      copying pytorch3d/structures/pointclouds.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/structures
      copying pytorch3d/structures/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/structures
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/datasets
      copying pytorch3d/datasets/shapenet_base.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets
      copying pytorch3d/datasets/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets
      copying pytorch3d/datasets/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/vis
      copying pytorch3d/vis/texture_vis.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/vis
      copying pytorch3d/vis/plotly_vis.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/vis
      copying pytorch3d/vis/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/vis
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/pluggable_formats.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/obj_io.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/pluggable.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/off_io.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/ply_io.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/experimental_gltf_io.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/mtl_io.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      copying pytorch3d/io/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/io
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/common
      copying pytorch3d/common/linear_with_repeat.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/common
      copying pytorch3d/common/compat.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/common
      copying pytorch3d/common/datatypes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/common
      copying pytorch3d/common/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/common
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/third_party
      copying pytorch3d/implicitron/third_party/hyperlayers.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/third_party
      copying pytorch3d/implicitron/third_party/pytorch_prototyping.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/third_party
      copying pytorch3d/implicitron/third_party/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/third_party
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/evaluation
      copying pytorch3d/implicitron/evaluation/evaluate_new_view_synthesis.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/evaluation
      copying pytorch3d/implicitron/evaluation/evaluator.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/evaluation
      copying pytorch3d/implicitron/evaluation/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/evaluation
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/load_blender.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/train_eval_data_loader_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/orm_types.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/data_source.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/rendered_mesh_dataset_map_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/load_llff.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/sql_dataset.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/json_index_dataset_map_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/json_index_dataset.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/visualize.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/dataset_map_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/frame_data.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/data_loader_map_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/dataset_base.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/scene_batch_sampler.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/sql_dataset_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/blender_dataset_map_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/types.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/json_index_dataset_map_provider_v2.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/single_sequence_dataset.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      copying pytorch3d/implicitron/dataset/llff_dataset_map_provider.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/dataset
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      copying pytorch3d/implicitron/models/overfit_model.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      copying pytorch3d/implicitron/models/base_model.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      copying pytorch3d/implicitron/models/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      copying pytorch3d/implicitron/models/model_dbir.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      copying pytorch3d/implicitron/models/metrics.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      copying pytorch3d/implicitron/models/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      copying pytorch3d/implicitron/models/generic_model.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/video_writer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/metric_utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/vis_utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/point_cloud_utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/image_utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/eval_video_trajectory.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/config.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/model_io.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/depth_cleanup.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/rasterize_mc.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/circle_fitting.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/stats.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      copying pytorch3d/implicitron/tools/camera_utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/tools
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/view_pooler
      copying pytorch3d/implicitron/models/view_pooler/feature_aggregator.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/view_pooler
      copying pytorch3d/implicitron/models/view_pooler/view_sampler.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/view_pooler
      copying pytorch3d/implicitron/models/view_pooler/view_pooler.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/view_pooler
      copying pytorch3d/implicitron/models/view_pooler/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/view_pooler
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/base.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/neural_radiance_field.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/scene_representation_networks.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/voxel_grid.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/idr_feature_field.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/voxel_grid_implicit_function.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      copying pytorch3d/implicitron/models/implicit_function/decoding_functions.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/implicit_function
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/global_encoder
      copying pytorch3d/implicitron/models/global_encoder/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/global_encoder
      copying pytorch3d/implicitron/models/global_encoder/autodecoder.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/global_encoder
      copying pytorch3d/implicitron/models/global_encoder/global_encoder.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/global_encoder
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/rgb_net.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/base.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/lstm_renderer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/raymarcher.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/ray_point_refiner.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/ray_sampler.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/ray_tracing.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/sdf_renderer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      copying pytorch3d/implicitron/models/renderer/multipass_ea.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/renderer
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/feature_extractor
      copying pytorch3d/implicitron/models/feature_extractor/feature_extractor.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/feature_extractor
      copying pytorch3d/implicitron/models/feature_extractor/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/feature_extractor
      copying pytorch3d/implicitron/models/feature_extractor/resnet_feature_extractor.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/feature_extractor
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/visualization
      copying pytorch3d/implicitron/models/visualization/render_flyaround.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/visualization
      copying pytorch3d/implicitron/models/visualization/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron/models/visualization
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points
      copying pytorch3d/renderer/points/renderer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points
      copying pytorch3d/renderer/points/compositor.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points
      copying pytorch3d/renderer/points/rasterizer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points
      copying pytorch3d/renderer/points/rasterize_points.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points
      copying pytorch3d/renderer/points/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      copying pytorch3d/renderer/implicit/raysampling.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      copying pytorch3d/renderer/implicit/sample_pdf.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      copying pytorch3d/renderer/implicit/renderer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      copying pytorch3d/renderer/implicit/harmonic_embedding.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      copying pytorch3d/renderer/implicit/raymarching.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      copying pytorch3d/renderer/implicit/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      copying pytorch3d/renderer/implicit/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/implicit
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/shading.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/renderer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/shader.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/rasterize_meshes.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/textures.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/clip.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      copying pytorch3d/renderer/mesh/rasterizer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/mesh
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/opengl
      copying pytorch3d/renderer/opengl/opengl_utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/opengl
      copying pytorch3d/renderer/opengl/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/opengl
      copying pytorch3d/renderer/opengl/rasterizer_opengl.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/opengl
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points/pulsar
      copying pytorch3d/renderer/points/pulsar/renderer.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points/pulsar
      copying pytorch3d/renderer/points/pulsar/unified.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points/pulsar
      copying pytorch3d/renderer/points/pulsar/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/renderer/points/pulsar
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/r2n2
      copying pytorch3d/datasets/r2n2/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/r2n2
      copying pytorch3d/datasets/r2n2/r2n2.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/r2n2
      copying pytorch3d/datasets/r2n2/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/r2n2
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/shapenet
      copying pytorch3d/datasets/shapenet/shapenet_core.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/shapenet
      copying pytorch3d/datasets/shapenet/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/shapenet
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/common/workaround
      copying pytorch3d/common/workaround/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/common/workaround
      copying pytorch3d/common/workaround/symeig3x3.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/common/workaround
      copying pytorch3d/common/workaround/utils.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/common/workaround
      creating build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron_trainer
      copying projects/implicitron_trainer/visualize_reconstruction.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron_trainer
      copying projects/implicitron_trainer/experiment.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron_trainer
      copying projects/implicitron_trainer/__init__.py -> build/lib.linux-x86_64-cpython-311/pytorch3d/implicitron_trainer
      copying pytorch3d/datasets/r2n2/r2n2_synset_dict.json -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/r2n2
      copying pytorch3d/datasets/shapenet/shapenet_synset_dict_v1.json -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/shapenet
      copying pytorch3d/datasets/shapenet/shapenet_synset_dict_v2.json -> build/lib.linux-x86_64-cpython-311/pytorch3d/datasets/shapenet
      running build_ext
      /home/user/.local/lib/python3.11/site-packages/torch/utils/cpp_extension.py:415: UserWarning: The detected CUDA version (12.2) has a minor version mismatch with the version that was used to compile PyTorch (12.1). Most likely this shouldn't be a problem.
        warnings.warn(CUDA_MISMATCH_WARN.format(cuda_str_version, torch.version.cuda))
      /home/user/.local/lib/python3.11/site-packages/torch/utils/cpp_extension.py:425: UserWarning: There are no x86_64-linux-gnu-g++ version bounds defined for CUDA version 12.2
        warnings.warn(f'There are no {compiler_name} version bounds defined for CUDA version {cuda_str_version}')
      building 'pytorch3d._C' extension
      creating build/temp.linux-x86_64-cpython-311
      creating build/temp.linux-x86_64-cpython-311/tmp
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ball_query
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/blending
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/face_areas_normals
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/gather_scatter
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/interp_face_attrs
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/knn
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/mesh_normal_consistency
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/packed_to_padded_tensor
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/point_mesh
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/points_to_volumes
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/pytorch
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/rasterize_coarse
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/rasterize_meshes
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/rasterize_points
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/sample_farthest_points
      creating build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/sample_pdf
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ball_query/ball_query.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ball_query/ball_query.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ball_query/ball_query_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ball_query/ball_query_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/blending/sigmoid_alpha_blend.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/blending/sigmoid_alpha_blend.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/blending/sigmoid_alpha_blend_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/blending/sigmoid_alpha_blend_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/alpha_composite.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/alpha_composite.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/alpha_composite_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/alpha_composite_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/norm_weighted_sum.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/norm_weighted_sum.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/norm_weighted_sum_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/norm_weighted_sum_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/weighted_sum.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/weighted_sum.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/weighted_sum_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/compositing/weighted_sum_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ext.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ext.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ext.cpp:10:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/./pulsar/global.h:46: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         46 | #pragma clang diagnostic push
            |
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/./pulsar/global.h:47: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         47 | #pragma clang diagnostic ignored "-Weverything"
            |
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ext.cpp:10:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/./pulsar/global.h:49: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         49 | #pragma clang diagnostic pop
            |
      In file included from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/Exceptions.h:14,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include/torch/python.h:11,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/extension.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/./pulsar/global.h:48,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ext.cpp:10:
      /home/user/.local/lib/python3.11/site-packages/torch/include/pybind11/pybind11.h: In instantiation of ‘class pybind11::class_ >’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/ext.cpp:107:70:   required from here
      /home/user/.local/lib/python3.11/site-packages/torch/include/pybind11/pybind11.h:1496:7: warning: ‘pybind11::class_ >’ declared with greater visibility than its base ‘pybind11::detail::generic_type’ [-Wattributes]
       1496 | class class_ : public detail::generic_type {
            |       ^~~~~~
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/face_areas_normals/face_areas_normals.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/face_areas_normals/face_areas_normals.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/face_areas_normals/face_areas_normals_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/face_areas_normals/face_areas_normals_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/gather_scatter/gather_scatter.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/gather_scatter/gather_scatter.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/gather_scatter/gather_scatter_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/gather_scatter/gather_scatter_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/interp_face_attrs/interp_face_attrs.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/interp_face_attrs/interp_face_attrs.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d_cpu.cpp:15:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_utils.h: In function ‘float BoxVolume(const face_verts&, const vec3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_utils.h:320:21: warning: comparison of integer expressions of different signedness: ‘int’ and ‘std::vector > >::size_type’ {aka ‘long unsigned int’} [-Wsign-compare]
        320 |   for (int t = 0; t < box_tris.size(); ++t) {
            |                   ~~^~~~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_utils.h: In function ‘face_verts BoxIntersections(const face_verts&, const face_verts&, const vec3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_utils.h:721:23: warning: comparison of integer expressions of different signedness: ‘int’ and ‘std::vector > >::size_type’ {aka ‘long unsigned int’} [-Wsign-compare]
        721 |     for (int t = 0; t < out_tris.size(); ++t) {
            |                     ~~^~~~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_utils.h:725:25: warning: comparison of integer expressions of different signedness: ‘int’ and ‘std::vector > >::size_type’ {aka ‘long unsigned int’} [-Wsign-compare]
        725 |       for (int v = 0; v < tri_updated.size(); ++v) {
            |                       ~~^~~~~~~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d_cpu.cpp: In function ‘std::tuple IoUBox3DCpu(const at::Tensor&, const at::Tensor&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d_cpu.cpp:80:29: warning: comparison of integer expressions of different signedness: ‘int’ and ‘std::vector > >::size_type’ {aka ‘long unsigned int’} [-Wsign-compare]
         80 |         for (int b1 = 0; b1 < box1_intersect.size(); ++b1) {
            |                          ~~~^~~~~~~~~~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d_cpu.cpp:81:31: warning: comparison of integer expressions of different signedness: ‘int’ and ‘std::vector > >::size_type’ {aka ‘long unsigned int’} [-Wsign-compare]
         81 |           for (int b2 = 0; b2 < box2_intersect.size(); ++b2) {
            |                            ~~~^~~~~~~~~~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/iou_box3d/iou_box3d_cpu.cpp:93:29: warning: comparison of integer expressions of different signedness: ‘int’ and ‘std::vector > >::size_type’ {aka ‘long unsigned int’} [-Wsign-compare]
         93 |         for (int b2 = 0; b2 < box2_intersect.size(); ++b2) {
            |                          ~~~^~~~~~~~~~~~~~~~~~~~~~~
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/knn/knn.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/knn/knn.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/knn/knn.cu(500): warning #68-D: integer conversion resulted in a change of sign
              if (p2_idx == -1) {
                            ^

      Remark: The warnings can be suppressed with "-diag-suppress "

      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/knn/knn.cu(500): warning #68-D: integer conversion resulted in a change of sign
              if (p2_idx == -1) {
                            ^

      Remark: The warnings can be suppressed with "-diag-suppress "

      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/knn/knn_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/knn/knn_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes/marching_cubes.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes/marching_cubes.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes/marching_cubes.cu: In function ‘std::tuple MarchingCubesCuda(const at::Tensor&, float)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes/marching_cubes.cu:520:218: warning: ‘at::GenericPackedTensorAccessor at::Tensor::packed_accessor() const & [with T = long int; long unsigned int N = 2; PtrTraits = at::RestrictPtrTraits; index_t = long int]’ is deprecated: packed_accessor is deprecated, use packed_accessor32 or packed_accessor64 instead [-Wdeprecated-declarations]
        520 |   GenerateFacesKernel<<>>(
            |                                                                                                                                                                                                                          ^
      /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/core/TensorBody.h:256:1: note: declared here
        256 |   GenericPackedTensorAccessor packed_accessor() const & {
            | ^ ~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes/marching_cubes.cu:520:284: warning: ‘at::GenericPackedTensorAccessor at::Tensor::packed_accessor() const & [with T = long int; long unsigned int N = 1; PtrTraits = at::RestrictPtrTraits; index_t = long int]’ is deprecated: packed_accessor is deprecated, use packed_accessor32 or packed_accessor64 instead [-Wdeprecated-declarations]
        520 |   GenerateFacesKernel<<>>(
            |                                                                                                                                                                                                                                                                                            ^
      /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/core/TensorBody.h:256:1: note: declared here
        256 |   GenericPackedTensorAccessor packed_accessor() const & {
            | ^ ~~~~~~~~~~~~~
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes/marching_cubes_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/marching_cubes/marching_cubes_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.cpp: In function ‘at::Tensor MeshNormalConsistencyFindVerticesCpu(const at::Tensor&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/mesh_normal_consistency/mesh_normal_consistency_cpu.cpp:46:35: warning: comparison of integer expressions of different signedness: ‘int64_t’ {aka ‘long int’} and ‘std::vector >::size_type’ {aka ‘long unsigned int’} [-Wsign-compare]
         46 |   for (int64_t i_pair = 0; i_pair < pairs.size(); ++i_pair) {
            |                            ~~~~~~~^~~~~~~~~~~~~~
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=  Running setup.py clean for pytorch3d
\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/packed_to_padded_tensor/packed_to_padded_tensor_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/point_mesh/point_mesh_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/point_mesh/point_mesh_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/point_mesh/point_mesh_cuda.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/point_mesh/point_mesh_cuda.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/points_to_volumes/points_to_volumes.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/points_to_volumes/points_to_volumes.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/points_to_volumes/points_to_volumes_cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/points_to_volumes/points_to_volumes_cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.backward.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.backward.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.backward_dbg.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.backward_dbg.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.calc_gradients.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.calc_gradients.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.calc_signature.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.calc_signature.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.construct.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.construct.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.create_selector.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.create_selector.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.destruct.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.destruct.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.fill_bg.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.fill_bg.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.forward.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.forward.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.norm_cam_gradients.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.norm_cam_gradients.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.norm_sphere_gradients.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.norm_sphere_gradients.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      /usr/local/cuda/bin/nvcc -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.render.gpu.cu -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/cuda/renderer.render.gpu.o -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr --compiler-options '-fPIC' -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_89,code=compute_89 -gencode=arch=compute_89,code=sm_89
      x86_64-linux-gnu-gcc -Wsign-compare -DNDEBUG -g -fwrapv -O2 -Wall -g -fstack-protector-strong -Wformat -Werror=format-security -g -fwrapv -O2 -fPIC -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK -I/tmp/pip-req-build-7dblm11p/pytorch3d/csrc -I/home/user/.local/lib/python3.11/site-packages/torch/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include -I/home/user/.local/lib/python3.11/site-packages/torch/include/TH -I/home/user/.local/lib/python3.11/site-packages/torch/include/THC -I/usr/local/cuda/include -I/usr/include/python3.11 -c /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp -o build/temp.linux-x86_64-cpython-311/tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.o -std=c++17 -DTORCH_API_INCLUDE_EXTENSION_H -DPYBIND11_COMPILER_TYPE=\"_gcc\" -DPYBIND11_STDLIB=\"_libstdcpp\" -DPYBIND11_BUILD_ABI=\"_cxxabi1011\" -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:46: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         46 | #pragma clang diagnostic push
            |
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:47: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         47 | #pragma clang diagnostic ignored "-Weverything"
            |
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:49: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         49 | #pragma clang diagnostic pop
            |
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././commands.h:29: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         29 | #pragma clang diagnostic push
            |
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././commands.h:30: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         30 | #pragma clang diagnostic ignored "-Weverything"
            |
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././commands.h:31: warning: ignoring ‘#pragma clang diagnostic’ [-Wunknown-pragmas]
         31 | #pragma clang diagnostic pop
            |
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h: In constructor ‘pulsar::CamGradInfo::CamGradInfo()’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:18:24: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         18 |   cam_pos = make_float3(0.f, 0.f, 0.f);
            |             ~~~~~~~~~~~^~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:19:33: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         19 |   pixel_0_0_center = make_float3(0.f, 0.f, 0.f);
            |                      ~~~~~~~~~~~^~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:20:28: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         20 |   pixel_dir_x = make_float3(0.f, 0.f, 0.f);
            |                 ~~~~~~~~~~~^~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:21:28: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         21 |   pixel_dir_y = make_float3(0.f, 0.f, 0.f);
            |                 ~~~~~~~~~~~^~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 outer_product_sum(const float3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:42:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         42 |   return make_float3(
            |          ~~~~~~~~~~~^
         43 |       a.x * a.x + a.x * a.y + a.x * a.z,
            |       ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
         44 |       a.x * a.y + a.y * a.y + a.y * a.z,
            |       ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
         45 |       a.x * a.z + a.y * a.z + a.z * a.z);
            |       ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 operator+(const float3&, const float3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:50:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         50 |   return make_float3(a.x + b.x, a.y + b.y, a.z + b.z);
            |          ~~~~~~~~~~~^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 operator/(const float3&, const float&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:78:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         78 |   return make_float3(a.x / b, a.y / b, a.z / b);
            |          ~~~~~~~~~~~^~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 operator-(const float3&, const float3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:82:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         82 |   return make_float3(a.x - b.x, a.y - b.y, a.z - b.z);
            |          ~~~~~~~~~~~^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 operator*(const float3&, const float&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:86:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         86 |   return make_float3(a.x * b, a.y * b, a.z * b);
            |          ~~~~~~~~~~~^~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 operator*(const float3&, const float3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:90:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
         90 |   return make_float3(a.x * b.x, a.y * b.y, a.z * b.z);
            |          ~~~~~~~~~~~^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 rotate(const float3&, const float3&, const float3&, const float3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:111:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
        111 |   return make_float3(
            |          ~~~~~~~~~~~^
        112 |       dir_x.x * v.x + dir_x.y * v.y + dir_x.z * v.z,
            |       ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
        113 |       dir_y.x * v.x + dir_y.y * v.y + dir_y.z * v.z,
            |       ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
        114 |       dir_z.x * v.x + dir_z.y * v.y + dir_z.z * v.z);
            |       ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h: In function ‘float3 cross(const float3&, const float3&)’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././math.h:127:21: error: call of overloaded ‘make_float3(float, float, float)’ is ambiguous
        127 |   return make_float3(
            |          ~~~~~~~~~~~^
        128 |       a.y * b.z - a.z * b.y, a.z * b.x - a.x * b.z, a.x * b.y - a.y * b.x);
            |       ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
      In file included from /usr/local/cuda/include/vector_functions.h:172,
                       from /usr/local/cuda/include/cuda_fp16.h:131,
                       from /usr/local/cuda/include/cusparse.h:59,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContextLight.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/cuda/CUDAContext.h:3,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:51,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /usr/local/cuda/include/vector_functions.hpp:243:34: note: candidate: ‘float3 make_float3(float, float, float)’
        243 | __VECTOR_FUNCTIONS_DECL__ float3 make_float3(float x, float y, float z)
            |                                  ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:70:15: note: candidate: ‘float3 make_float3(const float&, const float&, const float&)’
         70 | inline float3 make_float3(const float& x, const float& y, const float& z) {
            |               ^~~~~~~~~~~
      In file included from /home/user/.local/lib/python3.11/site-packages/torch/include/c10/util/Exception.h:4,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/c10/core/Device.h:5,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/core/TensorBody.h:11,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/core/Tensor.h:3,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/ATen/Tensor.h:3,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/autograd/function_hook.h:3,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/autograd/cpp_hook.h:2,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/autograd/variable.h:6,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/autograd/autograd.h:3,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include/torch/autograd.h:3,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/csrc/api/include/torch/all.h:7,
                       from /home/user/.local/lib/python3.11/site-packages/torch/include/torch/extension.h:5,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././../global.h:48,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h: In instantiation of ‘void pulsar::Renderer::backward(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:34:24:   required from here
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:48:34: warning: comparison of integer expressions of different signedness: ‘const size_t’ {aka ‘const long unsigned int’} and ‘int’ [-Wsign-compare]
         48 |       num_balls > 0 && num_balls <= self->max_num_balls,
            |                        ~~~~~~~~~~^~~~~~~~~~~~~~~~~~~~~~
      /home/user/.local/lib/python3.11/site-packages/torch/include/c10/macros/Macros.h:207:64: note: in definition of macro ‘C10_UNLIKELY’
        207 | #define C10_UNLIKELY(expr) (__builtin_expect(static_cast(expr), 0))
            |                                                                ^~~~
      /home/user/.local/lib/python3.11/site-packages/torch/include/c10/util/Exception.h:533:7: note: in expansion of macro ‘C10_UNLIKELY_OR_CONST’
        533 |   if (C10_UNLIKELY_OR_CONST(!(cond))) {            \
            |       ^~~~~~~~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:160:3: note: in expansion of macro ‘TORCH_CHECK’
        160 |   TORCH_CHECK(cond, "invalid argument ", argN, ": ", __VA_ARGS__)
            |   ^~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:47:3: note: in expansion of macro ‘ARGCHECK’
         47 |   ARGCHECK(
            |   ^~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././commands.h:32,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:334:9: warning: ‘void* memset(void*, int, size_t)’ clearing an object of non-trivial type ‘struct pulsar::CamGradInfo’; use assignment or value-initialization instead [-Wclass-memaccess]
        334 |   memset((VAR), (VAL), sizeof(TYPE) * (SIZE))
            |   ~~~~~~^~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:106:3: note: in expansion of macro ‘MEMSET’
        106 |   MEMSET(self->grad_cam_buf_d, 0, CamGradInfo, num_balls, stream);
            |   ^~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:13,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././camera.h:65:8: note: ‘struct pulsar::CamGradInfo’ declared here
         65 | struct CamGradInfo {
            |        ^~~~~~~~~~~
      In file included from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././commands.h:32,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/././camera.device.h:14,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:12,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:9,
                       from /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/renderer.backward.cpu.cpp:9:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h: In instantiation of ‘void SUM_WS(T*, T*, size_t, char*, size_t, cudaStream_t) [with T = pulsar::CamGradInfo; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:149:11:   required from ‘void pulsar::Renderer::backward(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:34:24:   required from here
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:285:21: warning: comparison of integer expressions of different signedness: ‘int’ and ‘size_t’ {aka ‘long unsigned int’} [-Wsign-compare]
        285 |   for (int i = 0; i < (NUM_OBJECTS); ++i) {
            |                   ~~^~~~~~~~~~~~~~~
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h: In instantiation of ‘void SUM_WS(T*, T*, size_t, char*, size_t, cudaStream_t) [with T = pulsar::IntWrapper; size_t = long unsigned int; cudaStream_t = CUstream_st*]’:
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./renderer.backward.device.h:157:11:   required from ‘void pulsar::Renderer::backward(pulsar::Renderer::Renderer*, const float*, const float*, const float*, const float*, const float*, const float*, const pulsar::CamInfo&, const float&, float, const uint&, const float*, const size_t&, const uint&, const bool&, const bool&, const bool&, const bool&, const bool&, cudaStream_t) [with bool DEV = false; uint = unsigned int; size_t = long unsigned int; cudaStream_t = CUstream_st*]’
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/renderer.backward.instantiate.h:34:24:   required from here
      /tmp/pip-req-build-7dblm11p/pytorch3d/csrc/pulsar/host/../include/./././../host/commands.h:285:21: warning: comparison of integer expressions of different signedness: ‘int’ and ‘size_t’ {aka ‘long unsigned int’} [-Wsign-compare]
      error: command '/usr/bin/x86_64-linux-gnu-gcc' failed with exit code 1
      [end of output]

  note: This error originates from a subprocess, and is likely not a problem with pip.
  ERROR: Failed building wheel for pytorch3d
  Building wheel for torch_scatter (setup.py): started
  Building wheel for torch_scatter (setup.py): still running...
  Building wheel for torch_scatter (setup.py): still running...
  Building wheel for torch_scatter (setup.py): still running...
  Building wheel for torch_scatter (setup.py): still running...
  Building wheel for torch_scatter (setup.py): still running...
  Building wheel for torch_scatter (setup.py): still running...
  Building wheel for torch_scatter (setup.py): finished with status 'done'
  Created wheel for torch_scatter: filename=torch_scatter-2.1.2-cp311-cp311-linux_x86_64.whl size=3665773 sha256=2448eab5ba0f452bc4c3caa7d2bcf7061e232265ecb6eda225a4d1cbcff84d33
  Stored in directory: /tmp/pip-ephem-wheel-cache-ggllyqsb/wheels/fa/26/ab/08e8b8230fe29a7c209f0f26e92b097146f076d2184f24598f
  Building wheel for kiui (setup.py): started
  Building wheel for kiui (setup.py): finished with status 'done'
  Created wheel for kiui: filename=kiui-0.2.5-py3-none-any.whl size=3061009 sha256=b0fcf178cdf4357003ff26c1598e2365e31cdc69b9723c442452c2a3e6ef6a0e
  Stored in directory: /tmp/pip-ephem-wheel-cache-ggllyqsb/wheels/20/3c/17/e791a15a84c4c4e2281c95331ff68b27a12f93ce8aa4c0aaf9
  Building wheel for torchmcubes (setup.py): started
  Building wheel for torchmcubes (setup.py): still running...
  Building wheel for torchmcubes (setup.py): still running...
  Building wheel for torchmcubes (setup.py): finished with status 'done'
  Created wheel for torchmcubes: filename=torchmcubes-0.1.0-cp311-cp311-linux_x86_64.whl size=5676896 sha256=e27559d2f9ac4dba33cccfc5812ac8ccd801b5e37749dc552b06349e9ff067f0
  Stored in directory: /tmp/pip-ephem-wheel-cache-ggllyqsb/wheels/bd/e1/84/f21e10a2014f7050ca7b035444b92fe2c50ae556894f1a00ec
Successfully built pygltflib pyhocon pointnet2_ops simple_knn diff_gaussian_rasterization nvdiffrast torch_scatter kiui torchmcubes
Failed to build pytorch3d
ERROR: Could not build wheels for pytorch3d, which is required to install pyproject.toml-based projects
The command '/bin/sh -c git clone "https://github.com/MrForExample/ComfyUI-3D-Pack" &&     cd ComfyUI-3D-Pack &&     git reset --hard b4e136aa559ec2ac6786e1dcf449da7d9182b1c7 &&     pip install --no-cache -r requirements.txt -r requirements_post.txt' returned a non-zero code: 1
ERROR: Service 'comfyui' failed to build : Build failed

 *  The terminal process "/bin/bash '-c', 'docker-compose up --build -d'" terminated with exit code: 1. 
 *  Terminal will be reused by tasks, press any key to close it. 

kalemas commented 8 months ago

Sorry, i ve changed CUDA_VERSION to 12.1.0-devel and docker build succeeded.

kalemas commented 8 months ago

this particular error would be resolved with #107

kadirnar commented 8 months ago

@kalemas @DenisKochetov

My Docker file: https://huggingface.co/spaces/ArtGAN/Diffusion-API/blob/main/Dockerfile

I made Cuda version 12.1.0. I will try again.

kadirnar commented 8 months ago

:/

image
kalemas commented 8 months ago

@kadirnar look at https://github.com/MrForExample/ComfyUI-3D-Pack/pull/107/files#diff-dd2c0eb6ea5cfc6c4bd4eac30934e2d5746747af48fef6da689e85b752f39557R43

GPU is not available at build time without that

kadirnar commented 8 months ago

@kadirnar look at https://github.com/MrForExample/ComfyUI-3D-Pack/pull/107/files#diff-dd2c0eb6ea5cfc6c4bd4eac30934e2d5746747af48fef6da689e85b752f39557R43

GPU is not available at build time without that

I don't know much about Docker. Can you check it? I'm still getting errors. image

Processing ./tgs/models/snowflake/pointnet2_ops_lib
  Preparing metadata (setup.py): started
  Preparing metadata (setup.py): finished with status 'error'
  error: subprocess-exited-with-error

  × python setup.py egg_info did not run successfully.
  │ exit code: 1
  ╰─> [13 lines of output]
      No CUDA runtime is found, using CUDA_HOME='/usr/local/cuda'
      Traceback (most recent call last):
        File "<string>", line 2, in <module>
        File "<pip-setuptools-caller>", line 34, in <module>
        File "/home/user/app/custom_nodes/ComfyUI-3D-Pack/tgs/models/snowflake/pointnet2_ops_lib/setup.py", line 20, in <module>
          os.environ["TORCH_CUDA_ARCH_LIST"] = ".".join(map(str, torch.cuda.get_device_capability()))
        File "/home/user/.pyenv/versions/3.10.12/lib/python3.10/site-packages/torch/cuda/__init__.py", line 439, in get_device_capability
          prop = get_device_properties(device)
        File "/home/user/.pyenv/versions/3.10.12/lib/python3.10/site-packages/torch/cuda/__init__.py", line 453, in get_device_properties
          _lazy_init()  # will define _get_device_properties
        File "/home/user/.pyenv/versions/3.10.12/lib/python3.10/site-packages/torch/cuda/__init__.py", line 302, in _lazy_init
          torch._C._cuda_init()
      RuntimeError: Found no NVIDIA driver on your system. Please check that you have an NVIDIA GPU and installed a driver from http://www.nvidia.com/Download/index.aspx
      [end of output]
kadirnar commented 8 months ago

@MrForExample Can you help?

kalemas commented 8 months ago

Read the note from stackoverflow carefully! Its about host setup, not container itself.

kadirnar commented 8 months ago

Read the note from stackoverflow carefully! Its about host setup, not container itself.

I use the HuggingFace platform. GPU is not working during the build process. So I can't load the requirements_post.txt file. How can I install this? image

webcoderz commented 8 months ago

i have gpu runtime installed and nvidia-container-runtime im still unable to build it..

it seems like just setting the nvidia runtime and docker daemon config isnt enough anymore.. you have to disable buildkit to get it to work.. DOCKER_BUILDKIT=0 docker build -t comfy3d .

YanWenKun commented 8 months ago

I just prebuilt the wheels and integrated in Docker image, hope that could save you some time!