Created
November 7, 2024 16:46
-
-
Save VRehnberg/305ca832646b7e61f929a609ec7b99a7 to your computer and use it in GitHub Desktop.
(partial) EasyBuild log for failed build of /cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-2bo2npnz/files_pr21763/p/PyTorch3D/PyTorch3D-0.7.8-foss-2023a-CUDA-12.1.1.eb (PR(s) #21763)
This file contains hidden or bidirectional Unicode text that may be interpreted or compiled differently than what appears below. To review, open the file in an editor that reveals hidden Unicode characters.
Learn more about bidirectional Unicode characters
example_cpu = example.cpu() | |
self.assertEqual(example_cpu.device, torch.device("cpu")) | |
example_gpu = example.cuda() | |
self.assertEqual(example_gpu.device.type, "cuda") | |
self.assertIsNotNone(example_gpu.device.index) | |
> example_gpu1 = example.cuda(1) | |
tests/test_rendering_utils.py:66: | |
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/utils.py:188: in cuda | |
return self.to(f"cuda:{device}" if device is not None else "cuda") | |
_ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ _ | |
self = TensorPropertiesTestClass(), device = 'cuda:1' | |
def to(self, device: Device = "cpu") -> "TensorProperties": | |
""" | |
In place operation to move class properties which are tensors to a | |
specified device. If self has a property "device", update this as well. | |
""" | |
device_ = make_device(device) | |
for k in dir(self): | |
v = getattr(self, k) | |
if k == "device": | |
setattr(self, k, device_) | |
if torch.is_tensor(v) and v.device != device_: | |
> setattr(self, k, v.to(device_)) | |
E RuntimeError: CUDA error: invalid device ordinal | |
E CUDA kernel errors might be asynchronously reported at some other API call, so the stacktrace below might be incorrect. | |
E For debugging consider passing CUDA_LAUNCH_BLOCKING=1. | |
E Compile with `TORCH_USE_CUDA_DSA` to enable device-side assertions. | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/utils.py:180: RuntimeError | |
====================================================================================== warnings summary ====================================================================================== | |
tests/test_rotation_conversions.py:269 | |
/dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/tests/test_rotation_conversions.py:269: DeprecationWarning: distutils Version classes are deprecated. Use packaging.version instead. | |
@unittest.skipIf(LooseVersion(torch.__version__) < "1.9", "recent torchscript only") | |
../../../../../../apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/site-packages/setuptools/_distutils/version.py:345 | |
../../../../../../apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/site-packages/setuptools/_distutils/version.py:345 | |
/apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/site-packages/setuptools/_distutils/version.py:345: DeprecationWarning: distutils Version classes are deprecated. Use packaging.version instead. | |
other = LooseVersion(other) | |
tests/test_so3.py:258 | |
/dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/tests/test_so3.py:258: DeprecationWarning: distutils Version classes are deprecated. Use packaging.version instead. | |
@unittest.skipIf(LooseVersion(torch.__version__) < "1.9", "recent torchscript only") | |
../../../../../../apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/site-packages/pkg_resources/__init__.py:121 | |
/apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/site-packages/pkg_resources/__init__.py:121: DeprecationWarning: pkg_resources is deprecated as an API | |
warnings.warn("pkg_resources is deprecated as an API", DeprecationWarning) | |
tests/test_cameras.py: 5 warnings | |
tests/test_cameras_alignment.py: 30 warnings | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/cameras.py:1248: PendingDeprecationWarning: SfMOrthographicCameras is deprecated, | |
Use OrthographicCameras instead. | |
SfMOrthographicCameras will be removed in future releases. | |
warnings.warn( | |
tests/test_cameras.py::TestCamerasCommon::test_clone | |
/dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/tests/common_testing.py:85: UserWarning: TypedStorage is deprecated. It will be removed in the future and UntypedStorage will be the only storage class. This should only matter to you if you are using storages directly. To access UntypedStorage directly, use tensor.untyped_storage() instead of tensor.storage() | |
self.assertNotEqual(tensor1.storage().data_ptr(), tensor2.storage().data_ptr()) | |
tests/test_cameras.py: 5 warnings | |
tests/test_cameras_alignment.py: 30 warnings | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/cameras.py:482: PendingDeprecationWarning: OpenGLPerspectiveCameras is deprecated, | |
Use FoVPerspectiveCameras instead. | |
OpenGLPerspectiveCameras will be removed in future releases. | |
warnings.warn( | |
tests/test_cameras.py: 5 warnings | |
tests/test_cameras_alignment.py: 30 warnings | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/cameras.py:768: PendingDeprecationWarning: OpenGLOrthographicCameras is deprecated, | |
Use FoVOrthographicCameras instead. | |
OpenGLOrthographicCameras will be removed in future releases. | |
warnings.warn( | |
tests/test_cameras.py: 5 warnings | |
tests/test_cameras_alignment.py: 30 warnings | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/cameras.py:1010: PendingDeprecationWarning: SfMPerspectiveCameras is deprecated, | |
Use PerspectiveCameras instead. | |
SfMPerspectiveCameras will be removed in future releases. | |
warnings.warn( | |
tests/test_cameras_alignment.py::TestCamerasAlignment::test_corresponding_cameras_alignment | |
tests/test_points_alignment.py::TestCorrespondingPointsAlignment::test_corresponding_points_alignment | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/points_alignment.py:324: UserWarning: The size of one of the point clouds is <= dim+1. corresponding_points_alignment cannot return a unique rotation. | |
warnings.warn( | |
tests/test_harmonic_embedding.py::TestHarmonicEmbedding::test_correct_behavior_between_ipe_and_its_estimation_from_harmonic_embedding | |
/apps/Test/software/PyTorch/2.1.2-foss-2023a-CUDA-12.1.1/lib/python3.11/site-packages/torch/distributions/distribution.py:179: UserWarning: sample_n will be deprecated. Use .sample((n,)) instead | |
warnings.warn( | |
tests/test_io_gltf.py::TestMeshGltfIO::test_load_save_load_cow_texturesvertex | |
tests/test_io_gltf.py::TestMeshGltfIO::test_save_cow | |
tests/test_io_gltf.py::TestMeshGltfIO::test_save_ico_sphere | |
tests/test_io_gltf.py::TestMeshGltfIO::test_save_toy | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/io/experimental_gltf_io.py:647: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.) | |
element_min = list(map(int, np.min(data, keepdims=True))) | |
tests/test_io_gltf.py::TestMeshGltfIO::test_load_save_load_cow_texturesvertex | |
tests/test_io_gltf.py::TestMeshGltfIO::test_save_cow | |
tests/test_io_gltf.py::TestMeshGltfIO::test_save_ico_sphere | |
tests/test_io_gltf.py::TestMeshGltfIO::test_save_toy | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/io/experimental_gltf_io.py:648: DeprecationWarning: Conversion of an array with ndim > 0 to a scalar is deprecated, and will error in future. Ensure you extract a single element from your array before performing this operation. (Deprecated NumPy 1.25.) | |
element_max = list(map(int, np.max(data, keepdims=True))) | |
tests/test_io_obj.py::TestMeshObjIO::test_empty_save_load_obj | |
tests/test_io_obj.py::TestMeshObjIO::test_join_meshes_as_batch | |
tests/test_io_obj.py::TestMeshObjIO::test_load_obj_complex | |
tests/test_io_obj.py::TestMeshObjIO::test_load_obj_complex_pluggable | |
tests/test_io_obj.py::TestMeshObjIO::test_load_obj_normals_only | |
tests/test_io_obj.py::TestMeshObjIO::test_load_obj_simple | |
tests/test_io_obj.py::TestMeshObjIO::test_load_obj_textures_only | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/io/obj_io.py:546: UserWarning: No mtl file provided | |
warnings.warn("No mtl file provided") | |
tests/test_io_obj.py::TestMeshObjIO::test_load_mtl_texture_atlas_compare_softras | |
/dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/tests/test_io_obj.py:638: UserWarning: cow_texture_atlas_softras.pt not found, download from https://dl.fbaipublicfiles.com/pytorch3d/data/tests/cow_texture_atlas_softras.pt, save it at the path /dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/pytorch3d-0.7.8/tests/data/cow_texture_atlas_softras.pt, and rerun | |
warnings.warn(msg) | |
tests/test_io_obj.py::TestMeshObjIO::test_load_mtl_texture_atlas_compare_softras | |
/apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/unittest/case.py:678: DeprecationWarning: It is deprecated to return a value that is not None from a test case (<bound method TestMeshObjIO.test_load_mtl_texture_atlas_compare_softras of <tests.test_io_obj.TestMeshObjIO testMethod=test_load_mtl_texture_atlas_compare_softras>>) | |
return self.run(*args, **kwds) | |
tests/test_io_ply.py::TestMeshPlyIO::test_bad_ply_syntax | |
tests/test_io_ply.py::TestMeshPlyIO::test_bad_ply_syntax | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/io/ply_io.py:384: UserWarning: loadtxt: input contained no data: "<_io.StringIO object at 0x14e995f1dea0>" | |
data = np.loadtxt( | |
tests/test_laplacian_matrices.py::TestLaplacianMatrices::test_cot_laplacian | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/laplacian_matrices.py:130: UserWarning: torch.sparse.SparseTensor(indices, values, shape, *, device=) is deprecated. Please use torch.sparse_coo_tensor(indices, values, shape, dtype=, device=). (Triggered internally at /dev/shm/PyTorch/2.1.2/foss-2023a-CUDA-12.1.1/pytorch-v2.1.2/torch/csrc/utils/tensor_new.cpp:605.) | |
L = torch.sparse.FloatTensor(idx, cot.view(-1), (V, V)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 27.52% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 21.73% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 19.79% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 4.17% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 1.04% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 23.96% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 18.75% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 26.25% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 15.00% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 1.25% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 2.50% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 27.50% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 11.25% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 39.06% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 4.69% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 34.38% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 35.94% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 23.44% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 10.94% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 31.25% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 37.50% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 34.91% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 50.44% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 42.86% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 36.70% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 43.69% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 40.95% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 42.24% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 49.53% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 32.23% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_perspective_n_points.py::TestPerspectiveNPoints::test_weighted_perspective_n_points | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/ops/perspective_n_points.py:160: UserWarning: | |
EPnP: 18.09% points have z<0. | |
warnings.warn("\nEPnP: %2.2f%% points have z<0." % (neg_rate * 100.0)) | |
tests/test_raysampling.py::TestNDCRaysamplerConvention::test_ndc_convention | |
tests/test_raysampling.py::TestRaysampling::test_load_state_different_resolution | |
tests/test_raysampling.py::TestRaysampling::test_load_state_different_resolution | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/implicit/raysampling.py:545: PendingDeprecationWarning: NDCGridRaysampler is deprecated, | |
Use NDCMultinomialRaysampler instead. | |
NDCGridRaysampler will be removed in future releases. | |
warnings.warn( | |
tests/test_render_meshes.py::TestRenderMeshes::test_simple_sphere_batched | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/opengl/rasterizer_opengl.py:664: UserWarning: MeshRasterizerOpenGL currently works only with one face per pixel. | |
warnings.warn( | |
tests/test_render_meshes.py::TestRenderMeshes::test_texture_map | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/mesh/shader.py:230: PendingDeprecationWarning: TexturedSoftPhongShader is now deprecated; | |
use SoftPhongShader instead. | |
warnings.warn( | |
tests/test_render_meshes.py::TestRenderMeshes::test_texture_map_atlas_opengl | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/opengl/rasterizer_opengl.py:668: UserWarning: MeshRasterizerOpenGL cannot cull backfaces yet, rasterizing without culling. | |
warnings.warn( | |
tests/test_render_multigpu.py::TestRenderMeshesMultiGPU::test_mesh_renderer_opengl_to | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/mesh/shader.py:369: UserWarning: SplatterPhongShader received sigma=0.0001. sigma is defined in pixel units, and any value other than 0.5 is highly unexpected. Only use other values if you know what you are doing. | |
warnings.warn( | |
tests/test_render_points.py::TestRenderPoints::test_pointcloud_with_features | |
/dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/tests/test_render_points.py:286: UserWarning: pointcloud.npz not found, download from https://dl.fbaipublicfiles.com/pytorch3d/data/PittsburghBridge/pointcloud.npz, save it at the path /dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/pytorch3d-0.7.8/docs/tutorials/data/PittsburghBridge/pointcloud.npz, and rerun | |
warnings.warn(msg) | |
tests/test_render_points.py::TestRenderPoints::test_pointcloud_with_features | |
/apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/unittest/case.py:678: DeprecationWarning: It is deprecated to return a value that is not None from a test case (<bound method TestRenderPoints.test_pointcloud_with_features of <tests.test_render_points.TestRenderPoints testMethod=test_pointcloud_with_features>>) | |
return self.run(*args, **kwds) | |
tests/test_render_points.py::TestRenderPoints::test_unified_inputs_pulsar | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/points/pulsar/unified.py:69: UserWarning: Creating a `PulsarPointsRenderer` with a compositor object! This object is ignored and just allowed as an argument for interface compatibility. | |
warnings.warn( | |
tests/test_render_volumes.py::TestRenderVolumes::test_compare_with_pointclouds_renderer | |
tests/test_render_volumes.py::TestRenderVolumes::test_monte_carlo_rendering | |
tests/test_render_volumes.py::TestRenderVolumes::test_rotating_cube_volume_render | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/renderer/implicit/raymarching.py:188: UserWarning: One or more elements of rays_densities are outside of validrange (0.0, 1.0) | |
warnings.warn( | |
tests/test_sample_farthest_points.py::TestFPS::test_sample_farthest_points_cpu | |
tests/test_sample_farthest_points.py::TestFPS::test_sample_farthest_points_cuda | |
tests/test_sample_farthest_points.py::TestFPS::test_sample_farthest_points_naive | |
/apps/Test/software/PyTorch/2.1.2-foss-2023a-CUDA-12.1.1/lib/python3.11/site-packages/torch/autograd/gradcheck.py:910: UserWarning: Input #0 requires gradient and is not a double precision floating point or complex. This check will likely fail if all the inputs are not of double precision floating point or complex. | |
warnings.warn( | |
tests/test_sample_points_from_meshes.py::TestSamplePoints::test_multinomial | |
/dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/tests/test_sample_points_from_meshes.py:199: UserWarning: The torch.cuda.*DtypeTensor constructors are no longer recommended. It's best to use methods such as torch.tensor(data, dtype=*, device='cuda') to create tensors. (Triggered internally at /dev/shm/PyTorch/2.1.2/foss-2023a-CUDA-12.1.1/pytorch-v2.1.2/torch/csrc/tensor/python_tensor.cpp:83.) | |
freqs = torch.cuda.FloatTensor( | |
tests/test_sample_points_from_meshes.py::TestSamplePoints::test_multinomial | |
/apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/unittest/case.py:678: DeprecationWarning: It is deprecated to return a value that is not None from a test case (<bound method TestSamplePoints.test_multinomial of <tests.test_sample_points_from_meshes.TestSamplePoints testMethod=test_multinomial>>) | |
return self.run(*args, **kwds) | |
tests/test_sample_points_from_meshes.py::TestSamplePoints::test_multinomial_weights | |
/apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/unittest/case.py:678: DeprecationWarning: It is deprecated to return a value that is not None from a test case (<bound method TestSamplePoints.test_multinomial_weights of <tests.test_sample_points_from_meshes.TestSamplePoints testMethod=test_multinomial_weights>>) | |
return self.run(*args, **kwds) | |
tests/test_symeig3x3.py::TestSymEig3x3::test_gradients_cpu | |
tests/test_symeig3x3.py::TestSymEig3x3::test_gradients_gpu | |
/dev/shm/PyTorch3D/0.7.8/foss-2023a-CUDA-12.1.1/PyTorch3D/tests/test_symeig3x3.py:153: UserWarning: Anomaly Detection has been enabled. This mode will increase the runtime and should only be enabled for debugging. | |
with torch.autograd.detect_anomaly(): | |
tests/implicitron/test_batch_sampler.py::TestSceneBatchSampler::test_multiseq_gaps | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/implicitron/dataset/scene_batch_sampler.py:129: UserWarning: | |
Batch size smaller than self.batch_size! (This is fine for experiments with a single scene and viewpooling) | |
tests/implicitron/test_config_use.py::TestGenericModel::test_create_gm_overrides | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_all_gm_configs | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_viewpool | |
/apps/Test/software/PyTorch-bundle/2.1.2-foss-2023a-CUDA-12.1.1/lib/python3.11/site-packages/torchvision/models/_utils.py:208: UserWarning: | |
The parameter 'pretrained' is deprecated since 0.13 and may be removed in the future, please use 'weights' instead. | |
tests/implicitron/test_config_use.py::TestGenericModel::test_create_gm_overrides | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_all_gm_configs | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_viewpool | |
/apps/Test/software/PyTorch-bundle/2.1.2-foss-2023a-CUDA-12.1.1/lib/python3.11/site-packages/torchvision/models/_utils.py:223: UserWarning: | |
Arguments other than a weight enum or `None` for 'weights' are deprecated since 0.13 and may be removed in the future. The current behavior is equivalent to passing `weights=ResNet34_Weights.IMAGENET1K_V1`. You can also use `weights=ResNet34_Weights.DEFAULT` to get the most up-to-date weights. | |
tests/implicitron/test_config_use.py::TestGenericModel::test_create_gm_overrides | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_all_gm_configs | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_idr | |
/apps/Test/software/PyTorch/2.1.2-foss-2023a-CUDA-12.1.1/lib/python3.11/site-packages/torch/nn/utils/weight_norm.py:30: UserWarning: | |
torch.nn.utils.weight_norm is deprecated in favor of torch.nn.utils.parametrizations.weight_norm. | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_all_gm_configs | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_gm | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_idr | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_check_no_share_weights | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_check_share_weights | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_coarse_implicit_function_is_none | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_vs_generic_model_with_batch_size_one | |
tests/implicitron/models/test_utils.py::TestUtils::test_prepare_inputs_mask_depth_true | |
tests/implicitron/models/test_utils.py::TestUtils::test_prepare_inputs_mask_image_true | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/implicitron/models/utils.py:74: UserWarning: | |
Thresholding masks! | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_all_gm_configs | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_gm | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_idr | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_check_no_share_weights | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_check_share_weights | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_coarse_implicit_function_is_none | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_vs_generic_model_with_batch_size_one | |
tests/implicitron/models/test_utils.py::TestUtils::test_prepare_inputs_mask_image_true | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/implicitron/models/utils.py:79: UserWarning: | |
Masking images! | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_all_gm_configs | |
tests/implicitron/test_forward_pass.py::TestGenericModel::test_gm | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_check_no_share_weights | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_check_share_weights | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_coarse_implicit_function_is_none | |
tests/implicitron/models/test_overfit_model.py::TestOverfitModel::test_overfit_model_vs_generic_model_with_batch_size_one | |
tests/implicitron/models/test_utils.py::TestUtils::test_prepare_inputs_mask_depth_true | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/implicitron/models/utils.py:89: UserWarning: | |
Masking depths! | |
tests/implicitron/test_srn.py::TestSRN::test_lstm | |
tests/implicitron/models/test_utils.py::TestUtils::test_weighted_sum_losses_raise_warning | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/implicitron/models/utils.py:120: UserWarning: | |
No main objective found. | |
tests/implicitron/test_voxel_grids.py: 55 warnings | |
/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages/pytorch3d/implicitron/models/implicit_function/voxel_grid.py:225: DeprecationWarning: | |
distutils Version classes are deprecated. Use packaging.version instead. | |
tests/implicitron/test_voxel_grids.py: 55 warnings | |
/apps/Test/software/Python/3.11.3-GCCcore-12.3.0/lib/python3.11/site-packages/setuptools/_distutils/version.py:345: DeprecationWarning: | |
distutils Version classes are deprecated. Use packaging.version instead. | |
-- Docs: https://docs.pytest.org/en/stable/how-to/capture-warnings.html | |
================================================================================== short test summary info =================================================================================== | |
SKIPPED [1] tests/test_io_gltf.py:115: Data not available | |
SKIPPED [1] tests/test_r2n2.py:314: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_r2n2.py:193: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_r2n2.py:140: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_r2n2.py:72: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_r2n2.py:332: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_r2n2.py:218: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_r2n2.py:373: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_shapenet_core.py:152: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_shapenet_core.py:120: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_shapenet_core.py:53: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_shapenet_core.py:292: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/test_shapenet_core.py:170: ShapeNet data not found, download from https://www.shapenet.org/, update SHAPENET_PATH at the top of the file, and rerun. | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:140: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:153: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:178: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:201: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:118: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:37: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:89: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_co3d_sql.py:59: Run only if CO3D is available | |
SKIPPED [1] tests/implicitron/test_data_json_index.py:23: no data | |
SKIPPED [1] tests/implicitron/test_data_json_index.py:44: no data | |
SKIPPED [1] tests/implicitron/test_data_llff.py:104: no data | |
SKIPPED [1] tests/implicitron/test_data_llff.py:64: no data | |
SKIPPED [1] tests/implicitron/test_data_llff.py:135: no data | |
SKIPPED [1] tests/implicitron/test_data_llff.py:31: no data | |
SKIPPED [1] tests/implicitron/test_data_source.py:62: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_data_source.py:79: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_data_source.py:66: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_data_source.py:101: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_evaluation.py:62: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_evaluation.py:294: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_evaluation.py:170: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:99: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:95: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:240: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:247: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:106: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:233: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:256: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:217: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:225: Unknown environment. Data not available. | |
SKIPPED [1] tests/implicitron/test_frame_data_builder.py:189: Unknown environment. Data not available. | |
FAILED tests/test_pointclouds.py::TestPointclouds::test_to_list - RuntimeError: CUDA error: invalid device ordinal | |
FAILED tests/test_pointclouds.py::TestPointclouds::test_to_tensor - RuntimeError: CUDA error: invalid device ordinal | |
FAILED tests/test_render_multigpu.py::TestRenderMeshesMultiGPU::test_mesh_renderer_opengl_to - RuntimeError: CUDA error: invalid device ordinal | |
FAILED tests/test_render_multigpu.py::TestRenderMeshesMultiGPU::test_mesh_renderer_to - RuntimeError: CUDA error: invalid device ordinal | |
FAILED tests/test_render_multigpu.py::TestRenderMeshesMultiGPU::test_render_meshes - AssertionError: Invalid device id | |
FAILED tests/test_render_multigpu.py::TestRenderMeshesMultiGPU::test_render_meshes_opengl - AssertionError: Invalid device id | |
FAILED tests/test_rendering_utils.py::TestTensorProperties::test_to - RuntimeError: CUDA error: invalid device ordinal | |
===================================================== 7 failed, 890 passed, 44 skipped, 3 deselected, 367 warnings in 260.48s (0:04:20) ====================================================== | |
PyCUDA WARNING: a clean-up operation failed (dead context maybe?) | |
cuGraphicsUnregisterResource failed: invalid OpenGL or DirectX context | |
(at easybuild/tools/run.py:695 in parse_cmd_output) | |
== 2024-11-07 17:46:07,499 build_log.py:267 INFO ... (took 7 mins 0 secs) | |
== 2024-11-07 17:46:07,499 build_log.py:267 INFO ... (took 7 mins 51 secs) | |
== 2024-11-07 17:46:07,499 filetools.py:2025 INFO Removing lock /apps/Test/software/.locks/_apps_Test_software_PyTorch3D_0.7.8-foss-2023a-CUDA-12.1.1.lock... | |
== 2024-11-07 17:46:07,506 filetools.py:385 INFO Path /apps/Test/software/.locks/_apps_Test_software_PyTorch3D_0.7.8-foss-2023a-CUDA-12.1.1.lock successfully removed. | |
== 2024-11-07 17:46:07,506 filetools.py:2029 INFO Lock removed: /apps/Test/software/.locks/_apps_Test_software_PyTorch3D_0.7.8-foss-2023a-CUDA-12.1.1.lock | |
== 2024-11-07 17:46:07,506 easyblock.py:4297 WARNING build failed (first 300 chars): cmd "export PYTHONPATH=/cephyr/NOBACKUP/priv/c3-staff/eb-tmp/eb-22eomcln/tmpd8tlucns/lib/python3.11/site-packages:$PYTHONPATH && ln -s $PWD/tests/ ../tests && ln -s $PWD/docs ../docs && ln -s $PWD/website ../website && cd ../ && pytest -ra tests/ --deselect=tests/test_knn.py::TestKNN::test_knn_vs_p | |
== 2024-11-07 17:46:07,506 easyblock.py:326 INFO Closing log for application name PyTorch3D version 0.7.8 |
Sign up for free
to join this conversation on GitHub.
Already have an account?
Sign in to comment