warp-lang 1.6.1__py3-none-win_amd64.whl → 1.7.0__py3-none-win_amd64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of warp-lang might be problematic. Click here for more details.
- warp/__init__.py +21 -7
- warp/autograd.py +14 -6
- warp/bin/warp-clang.dll +0 -0
- warp/bin/warp.dll +0 -0
- warp/build.py +424 -6
- warp/build_dll.py +20 -20
- warp/builtins.py +467 -368
- warp/codegen.py +193 -125
- warp/config.py +56 -12
- warp/constants.py +14 -6
- warp/context.py +524 -277
- warp/dlpack.py +22 -12
- warp/examples/__init__.py +14 -6
- warp/examples/assets/nonuniform.usd +0 -0
- warp/examples/assets/nvidia_logo.png +0 -0
- warp/examples/benchmarks/benchmark_api.py +14 -6
- warp/examples/benchmarks/benchmark_cloth.py +14 -6
- warp/examples/benchmarks/benchmark_cloth_cupy.py +14 -6
- warp/examples/benchmarks/benchmark_cloth_jax.py +14 -6
- warp/examples/benchmarks/benchmark_cloth_numba.py +15 -0
- warp/examples/benchmarks/benchmark_cloth_numpy.py +14 -6
- warp/examples/benchmarks/benchmark_cloth_paddle.py +14 -6
- warp/examples/benchmarks/benchmark_cloth_pytorch.py +14 -6
- warp/examples/benchmarks/benchmark_cloth_taichi.py +14 -6
- warp/examples/benchmarks/benchmark_cloth_warp.py +14 -6
- warp/examples/benchmarks/benchmark_gemm.py +82 -48
- warp/examples/benchmarks/benchmark_interop_paddle.py +14 -6
- warp/examples/benchmarks/benchmark_interop_torch.py +14 -6
- warp/examples/benchmarks/benchmark_launches.py +14 -6
- warp/examples/benchmarks/benchmark_tile_load_store.py +103 -0
- warp/examples/browse.py +14 -6
- warp/examples/core/example_cupy.py +14 -6
- warp/examples/core/example_dem.py +14 -6
- warp/examples/core/example_fluid.py +14 -6
- warp/examples/core/example_graph_capture.py +14 -6
- warp/examples/core/example_marching_cubes.py +14 -6
- warp/examples/core/example_mesh.py +14 -6
- warp/examples/core/example_mesh_intersect.py +14 -6
- warp/examples/core/example_nvdb.py +14 -6
- warp/examples/core/example_raycast.py +14 -6
- warp/examples/core/example_raymarch.py +14 -6
- warp/examples/core/example_render_opengl.py +14 -6
- warp/examples/core/example_sample_mesh.py +300 -0
- warp/examples/core/example_sph.py +14 -6
- warp/examples/core/example_torch.py +14 -6
- warp/examples/core/example_wave.py +14 -6
- warp/examples/fem/example_adaptive_grid.py +14 -6
- warp/examples/fem/example_apic_fluid.py +15 -7
- warp/examples/fem/example_burgers.py +16 -8
- warp/examples/fem/example_convection_diffusion.py +14 -6
- warp/examples/fem/example_convection_diffusion_dg.py +14 -6
- warp/examples/fem/example_deformed_geometry.py +15 -7
- warp/examples/fem/example_diffusion.py +14 -6
- warp/examples/fem/example_diffusion_3d.py +14 -6
- warp/examples/fem/example_diffusion_mgpu.py +14 -6
- warp/examples/fem/example_distortion_energy.py +15 -7
- warp/examples/fem/example_magnetostatics.py +20 -12
- warp/examples/fem/example_mixed_elasticity.py +14 -6
- warp/examples/fem/example_navier_stokes.py +14 -6
- warp/examples/fem/example_nonconforming_contact.py +14 -6
- warp/examples/fem/example_stokes.py +14 -6
- warp/examples/fem/example_stokes_transfer.py +14 -6
- warp/examples/fem/example_streamlines.py +14 -6
- warp/examples/fem/utils.py +24 -3
- warp/examples/interop/example_jax_callable.py +116 -0
- warp/examples/interop/example_jax_ffi_callback.py +132 -0
- warp/examples/interop/example_jax_kernel.py +205 -0
- warp/examples/optim/example_bounce.py +14 -6
- warp/examples/optim/example_cloth_throw.py +14 -6
- warp/examples/optim/example_diffray.py +14 -6
- warp/examples/optim/example_drone.py +14 -6
- warp/examples/optim/example_fluid_checkpoint.py +497 -0
- warp/examples/optim/example_inverse_kinematics.py +14 -6
- warp/examples/optim/example_inverse_kinematics_torch.py +14 -6
- warp/examples/optim/example_softbody_properties.py +14 -6
- warp/examples/optim/example_spring_cage.py +14 -6
- warp/examples/optim/example_trajectory.py +14 -6
- warp/examples/sim/example_cartpole.py +14 -6
- warp/examples/sim/example_cloth.py +14 -6
- warp/examples/sim/example_cloth_self_contact.py +14 -6
- warp/examples/sim/example_granular.py +14 -6
- warp/examples/sim/example_granular_collision_sdf.py +14 -6
- warp/examples/sim/example_jacobian_ik.py +14 -6
- warp/examples/sim/example_particle_chain.py +14 -6
- warp/examples/sim/example_quadruped.py +14 -6
- warp/examples/sim/example_rigid_chain.py +14 -6
- warp/examples/sim/example_rigid_contact.py +14 -6
- warp/examples/sim/example_rigid_force.py +14 -6
- warp/examples/sim/example_rigid_gyroscopic.py +14 -6
- warp/examples/sim/example_rigid_soft_contact.py +14 -6
- warp/examples/sim/example_soft_body.py +14 -6
- warp/examples/tile/example_tile_cholesky.py +14 -6
- warp/examples/tile/example_tile_convolution.py +14 -6
- warp/examples/tile/example_tile_fft.py +14 -6
- warp/examples/tile/example_tile_filtering.py +14 -6
- warp/examples/tile/example_tile_matmul.py +16 -10
- warp/examples/tile/example_tile_mlp.py +14 -6
- warp/examples/tile/example_tile_nbody.py +14 -6
- warp/examples/tile/example_tile_walker.py +14 -6
- warp/fabric.py +15 -0
- warp/fem/__init__.py +26 -1
- warp/fem/adaptivity.py +19 -4
- warp/fem/cache.py +15 -0
- warp/fem/dirichlet.py +15 -0
- warp/fem/domain.py +15 -0
- warp/fem/field/__init__.py +15 -0
- warp/fem/field/field.py +15 -0
- warp/fem/field/nodal_field.py +37 -68
- warp/fem/field/restriction.py +15 -0
- warp/fem/field/virtual.py +77 -23
- warp/fem/geometry/__init__.py +15 -0
- warp/fem/geometry/adaptive_nanogrid.py +24 -10
- warp/fem/geometry/closest_point.py +16 -1
- warp/fem/geometry/deformed_geometry.py +20 -2
- warp/fem/geometry/element.py +15 -0
- warp/fem/geometry/geometry.py +20 -0
- warp/fem/geometry/grid_2d.py +27 -12
- warp/fem/geometry/grid_3d.py +27 -15
- warp/fem/geometry/hexmesh.py +20 -7
- warp/fem/geometry/nanogrid.py +24 -11
- warp/fem/geometry/partition.py +15 -0
- warp/fem/geometry/quadmesh.py +28 -13
- warp/fem/geometry/tetmesh.py +18 -4
- warp/fem/geometry/trimesh.py +18 -8
- warp/fem/integrate.py +277 -93
- warp/fem/linalg.py +20 -5
- warp/fem/operator.py +15 -0
- warp/fem/polynomial.py +15 -0
- warp/fem/quadrature/__init__.py +15 -0
- warp/fem/quadrature/pic_quadrature.py +52 -22
- warp/fem/quadrature/quadrature.py +209 -25
- warp/fem/space/__init__.py +16 -1
- warp/fem/space/basis_function_space.py +19 -2
- warp/fem/space/basis_space.py +40 -18
- warp/fem/space/dof_mapper.py +15 -0
- warp/fem/space/function_space.py +15 -0
- warp/fem/space/grid_2d_function_space.py +15 -0
- warp/fem/space/grid_3d_function_space.py +15 -0
- warp/fem/space/hexmesh_function_space.py +17 -2
- warp/fem/space/nanogrid_function_space.py +15 -0
- warp/fem/space/partition.py +21 -2
- warp/fem/space/quadmesh_function_space.py +23 -8
- warp/fem/space/restriction.py +15 -0
- warp/fem/space/shape/__init__.py +15 -0
- warp/fem/space/shape/cube_shape_function.py +38 -23
- warp/fem/space/shape/shape_function.py +15 -0
- warp/fem/space/shape/square_shape_function.py +27 -12
- warp/fem/space/shape/tet_shape_function.py +15 -0
- warp/fem/space/shape/triangle_shape_function.py +16 -1
- warp/fem/space/tetmesh_function_space.py +18 -3
- warp/fem/space/topology.py +15 -0
- warp/fem/space/trimesh_function_space.py +17 -2
- warp/fem/types.py +15 -0
- warp/fem/utils.py +27 -6
- warp/jax.py +28 -7
- warp/jax_experimental/__init__.py +16 -0
- warp/{jax_experimental.py → jax_experimental/custom_call.py} +28 -33
- warp/jax_experimental/ffi.py +698 -0
- warp/jax_experimental/xla_ffi.py +602 -0
- warp/math.py +103 -6
- warp/native/array.h +28 -6
- warp/native/builtin.h +44 -9
- warp/native/bvh.cpp +18 -7
- warp/native/bvh.cu +57 -20
- warp/native/bvh.h +17 -7
- warp/native/clang/clang.cpp +45 -9
- warp/native/coloring.cpp +15 -6
- warp/native/crt.cpp +15 -6
- warp/native/crt.h +15 -6
- warp/native/cuda_crt.h +15 -6
- warp/native/cuda_util.cpp +29 -6
- warp/native/cuda_util.h +17 -6
- warp/native/error.cpp +15 -6
- warp/native/error.h +15 -6
- warp/native/exports.h +85 -63
- warp/native/fabric.h +15 -6
- warp/native/hashgrid.cpp +15 -6
- warp/native/hashgrid.cu +15 -6
- warp/native/hashgrid.h +15 -6
- warp/native/initializer_array.h +15 -6
- warp/native/intersect.h +41 -32
- warp/native/intersect_adj.h +48 -39
- warp/native/intersect_tri.h +17 -0
- warp/native/marching.cpp +16 -0
- warp/native/marching.cu +16 -7
- warp/native/marching.h +17 -0
- warp/native/mat.h +528 -15
- warp/native/mathdx.cpp +15 -6
- warp/native/matnn.h +15 -6
- warp/native/mesh.cpp +15 -6
- warp/native/mesh.cu +15 -6
- warp/native/mesh.h +25 -16
- warp/native/noise.h +15 -6
- warp/native/quat.h +114 -17
- warp/native/rand.h +21 -6
- warp/native/range.h +15 -6
- warp/native/reduce.cpp +15 -6
- warp/native/reduce.cu +15 -6
- warp/native/runlength_encode.cpp +15 -6
- warp/native/runlength_encode.cu +15 -6
- warp/native/scan.cpp +15 -6
- warp/native/scan.cu +15 -6
- warp/native/scan.h +15 -6
- warp/native/solid_angle.h +17 -0
- warp/native/sort.cpp +137 -65
- warp/native/sort.cu +167 -21
- warp/native/sort.h +23 -7
- warp/native/sparse.cpp +58 -28
- warp/native/sparse.cu +67 -23
- warp/native/spatial.h +15 -6
- warp/native/svd.h +131 -6
- warp/native/temp_buffer.h +15 -6
- warp/native/tile.h +316 -111
- warp/native/tile_reduce.h +61 -9
- warp/native/vec.h +83 -13
- warp/native/volume.cpp +100 -119
- warp/native/volume.cu +15 -6
- warp/native/volume.h +15 -6
- warp/native/volume_builder.cu +40 -16
- warp/native/volume_builder.h +21 -6
- warp/native/volume_impl.h +15 -6
- warp/native/warp.cpp +20 -12
- warp/native/warp.cu +114 -16
- warp/native/warp.h +34 -16
- warp/optim/__init__.py +14 -6
- warp/optim/adam.py +14 -6
- warp/optim/linear.py +25 -10
- warp/optim/sgd.py +14 -6
- warp/paddle.py +14 -6
- warp/render/__init__.py +14 -6
- warp/render/render_opengl.py +14 -6
- warp/render/render_usd.py +14 -6
- warp/render/utils.py +14 -6
- warp/sim/__init__.py +14 -7
- warp/sim/articulation.py +18 -10
- warp/sim/collide.py +35 -16
- warp/sim/graph_coloring.py +14 -6
- warp/sim/import_mjcf.py +463 -162
- warp/sim/import_snu.py +14 -7
- warp/sim/import_urdf.py +46 -18
- warp/sim/import_usd.py +14 -7
- warp/sim/inertia.py +14 -6
- warp/sim/integrator.py +14 -6
- warp/sim/integrator_euler.py +19 -11
- warp/sim/integrator_featherstone.py +17 -16
- warp/sim/integrator_vbd.py +222 -8
- warp/sim/integrator_xpbd.py +19 -11
- warp/sim/model.py +56 -19
- warp/sim/particles.py +14 -6
- warp/sim/render.py +14 -6
- warp/sim/utils.py +17 -2
- warp/sparse.py +657 -555
- warp/stubs.py +231 -19
- warp/tape.py +14 -6
- warp/tests/aux_test_class_kernel.py +14 -6
- warp/tests/aux_test_compile_consts_dummy.py +14 -6
- warp/tests/aux_test_conditional_unequal_types_kernels.py +14 -6
- warp/tests/aux_test_dependent.py +14 -6
- warp/tests/aux_test_grad_customs.py +14 -6
- warp/tests/aux_test_instancing_gc.py +14 -6
- warp/tests/aux_test_module_unload.py +14 -6
- warp/tests/aux_test_name_clash1.py +14 -6
- warp/tests/aux_test_name_clash2.py +14 -6
- warp/tests/aux_test_unresolved_func.py +14 -6
- warp/tests/aux_test_unresolved_symbol.py +14 -6
- warp/tests/cuda/__init__.py +0 -0
- warp/tests/{test_async.py → cuda/test_async.py} +14 -6
- warp/tests/{test_ipc.py → cuda/test_ipc.py} +14 -6
- warp/tests/{test_mempool.py → cuda/test_mempool.py} +53 -6
- warp/tests/{test_multigpu.py → cuda/test_multigpu.py} +14 -6
- warp/tests/{test_peer.py → cuda/test_peer.py} +14 -6
- warp/tests/{test_pinned.py → cuda/test_pinned.py} +14 -6
- warp/tests/{test_streams.py → cuda/test_streams.py} +85 -6
- warp/tests/geometry/__init__.py +0 -0
- warp/tests/{test_bvh.py → geometry/test_bvh.py} +14 -6
- warp/tests/{test_hash_grid.py → geometry/test_hash_grid.py} +14 -6
- warp/tests/{test_marching_cubes.py → geometry/test_marching_cubes.py} +14 -6
- warp/tests/{test_mesh.py → geometry/test_mesh.py} +14 -6
- warp/tests/{test_mesh_query_aabb.py → geometry/test_mesh_query_aabb.py} +14 -6
- warp/tests/{test_mesh_query_point.py → geometry/test_mesh_query_point.py} +80 -69
- warp/tests/{test_mesh_query_ray.py → geometry/test_mesh_query_ray.py} +15 -7
- warp/tests/{test_volume.py → geometry/test_volume.py} +55 -12
- warp/tests/{test_volume_write.py → geometry/test_volume_write.py} +14 -6
- warp/tests/interop/__init__.py +0 -0
- warp/tests/{test_dlpack.py → interop/test_dlpack.py} +42 -11
- warp/tests/{test_jax.py → interop/test_jax.py} +14 -6
- warp/tests/{test_paddle.py → interop/test_paddle.py} +14 -6
- warp/tests/{test_torch.py → interop/test_torch.py} +14 -6
- warp/tests/run_coverage_serial.py +14 -6
- warp/tests/sim/__init__.py +0 -0
- warp/tests/{disabled_kinematics.py → sim/disabled_kinematics.py} +23 -16
- warp/tests/{flaky_test_sim_grad.py → sim/flaky_test_sim_grad.py} +14 -6
- warp/tests/{test_collision.py → sim/test_collision.py} +16 -8
- warp/tests/{test_coloring.py → sim/test_coloring.py} +14 -7
- warp/tests/{test_model.py → sim/test_model.py} +55 -7
- warp/tests/{test_sim_grad_bounce_linear.py → sim/test_sim_grad_bounce_linear.py} +14 -6
- warp/tests/{test_sim_kinematics.py → sim/test_sim_kinematics.py} +16 -7
- warp/tests/sim/test_vbd.py +597 -0
- warp/tests/test_adam.py +14 -6
- warp/tests/test_arithmetic.py +14 -6
- warp/tests/test_array.py +14 -6
- warp/tests/test_array_reduce.py +14 -6
- warp/tests/test_assert.py +14 -6
- warp/tests/test_atomic.py +14 -6
- warp/tests/test_bool.py +15 -7
- warp/tests/test_builtins_resolution.py +14 -6
- warp/tests/test_closest_point_edge_edge.py +14 -6
- warp/tests/test_codegen.py +14 -6
- warp/tests/test_codegen_instancing.py +14 -6
- warp/tests/test_compile_consts.py +14 -6
- warp/tests/test_conditional.py +14 -6
- warp/tests/test_context.py +14 -6
- warp/tests/test_copy.py +14 -6
- warp/tests/test_ctypes.py +14 -6
- warp/tests/test_dense.py +14 -6
- warp/tests/test_devices.py +14 -6
- warp/tests/test_examples.py +42 -42
- warp/tests/test_fabricarray.py +14 -6
- warp/tests/test_fast_math.py +14 -6
- warp/tests/test_fem.py +37 -10
- warp/tests/test_fp16.py +14 -6
- warp/tests/test_func.py +14 -6
- warp/tests/test_future_annotations.py +14 -6
- warp/tests/test_generics.py +14 -6
- warp/tests/test_grad.py +14 -6
- warp/tests/test_grad_customs.py +14 -6
- warp/tests/test_grad_debug.py +14 -6
- warp/tests/test_implicit_init.py +14 -6
- warp/tests/test_import.py +14 -6
- warp/tests/test_indexedarray.py +14 -6
- warp/tests/test_intersect.py +14 -6
- warp/tests/test_iter.py +14 -6
- warp/tests/test_large.py +14 -6
- warp/tests/test_launch.py +14 -6
- warp/tests/test_lerp.py +14 -6
- warp/tests/test_linear_solvers.py +15 -11
- warp/tests/test_lvalue.py +14 -6
- warp/tests/test_mat.py +247 -85
- warp/tests/test_mat_lite.py +14 -6
- warp/tests/test_mat_scalar_ops.py +18 -10
- warp/tests/test_math.py +14 -6
- warp/tests/test_mlp.py +14 -6
- warp/tests/test_module_hashing.py +14 -6
- warp/tests/test_modules_lite.py +14 -6
- warp/tests/test_noise.py +14 -6
- warp/tests/test_operators.py +14 -6
- warp/tests/test_options.py +14 -6
- warp/tests/test_overwrite.py +15 -60
- warp/tests/test_print.py +14 -6
- warp/tests/test_quat.py +81 -52
- warp/tests/test_rand.py +58 -43
- warp/tests/test_reload.py +14 -6
- warp/tests/test_rounding.py +14 -6
- warp/tests/test_runlength_encode.py +14 -6
- warp/tests/test_scalar_ops.py +14 -6
- warp/tests/test_smoothstep.py +14 -6
- warp/tests/test_snippet.py +15 -0
- warp/tests/test_sparse.py +61 -12
- warp/tests/test_spatial.py +89 -6
- warp/tests/test_special_values.py +14 -6
- warp/tests/test_static.py +15 -7
- warp/tests/test_struct.py +14 -6
- warp/tests/test_tape.py +14 -6
- warp/tests/test_transient_module.py +14 -6
- warp/tests/test_triangle_closest_point.py +14 -6
- warp/tests/test_types.py +14 -6
- warp/tests/test_utils.py +98 -10
- warp/tests/test_vec.py +60 -40
- warp/tests/test_vec_lite.py +14 -6
- warp/tests/test_vec_scalar_ops.py +14 -6
- warp/tests/test_verify_fp.py +14 -6
- warp/tests/tile/__init__.py +0 -0
- warp/tests/{test_tile.py → tile/test_tile.py} +150 -57
- warp/tests/{test_tile_load.py → tile/test_tile_load.py} +15 -7
- warp/tests/{test_tile_mathdx.py → tile/test_tile_mathdx.py} +23 -12
- warp/tests/{test_tile_mlp.py → tile/test_tile_mlp.py} +39 -20
- warp/tests/{test_tile_reduce.py → tile/test_tile_reduce.py} +74 -7
- warp/tests/{test_tile_shared_memory.py → tile/test_tile_shared_memory.py} +14 -6
- warp/tests/{test_tile_view.py → tile/test_tile_view.py} +15 -7
- warp/tests/unittest_serial.py +15 -6
- warp/tests/unittest_suites.py +59 -65
- warp/tests/unittest_utils.py +16 -7
- warp/tests/walkthrough_debug.py +14 -6
- warp/thirdparty/unittest_parallel.py +15 -8
- warp/torch.py +14 -6
- warp/types.py +124 -664
- warp/utils.py +151 -78
- {warp_lang-1.6.1.dist-info → warp_lang-1.7.0.dist-info}/METADATA +39 -12
- warp_lang-1.7.0.dist-info/RECORD +429 -0
- {warp_lang-1.6.1.dist-info → warp_lang-1.7.0.dist-info}/WHEEL +1 -1
- warp_lang-1.7.0.dist-info/licenses/LICENSE.md +202 -0
- warp/examples/optim/example_walker.py +0 -309
- warp/native/cutlass_gemm.cpp +0 -34
- warp/native/cutlass_gemm.cu +0 -373
- warp/tests/test_matmul.py +0 -503
- warp/tests/test_matmul_lite.py +0 -403
- warp/tests/test_vbd.py +0 -378
- warp/tests/unused_test_misc.py +0 -69
- warp_lang-1.6.1.dist-info/LICENSE.md +0 -126
- warp_lang-1.6.1.dist-info/RECORD +0 -419
- {warp_lang-1.6.1.dist-info → warp_lang-1.7.0.dist-info}/top_level.txt +0 -0
|
@@ -1,9 +1,17 @@
|
|
|
1
|
-
# Copyright (c) 2024 NVIDIA CORPORATION.
|
|
2
|
-
#
|
|
3
|
-
#
|
|
4
|
-
#
|
|
5
|
-
#
|
|
6
|
-
#
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2024 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
7
15
|
|
|
8
16
|
import unittest
|
|
9
17
|
|
|
@@ -1,9 +1,17 @@
|
|
|
1
|
-
# Copyright (c) 2024 NVIDIA CORPORATION.
|
|
2
|
-
#
|
|
3
|
-
#
|
|
4
|
-
#
|
|
5
|
-
#
|
|
6
|
-
#
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2024 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
7
15
|
|
|
8
16
|
import unittest
|
|
9
17
|
|
|
@@ -147,7 +155,7 @@ def test_tile_view_offset(test, device):
|
|
|
147
155
|
assert_np_equal(a.grad.numpy(), np.ones_like(a.numpy()))
|
|
148
156
|
|
|
149
157
|
|
|
150
|
-
devices =
|
|
158
|
+
devices = get_test_devices()
|
|
151
159
|
|
|
152
160
|
|
|
153
161
|
class TestTileView(unittest.TestCase):
|
warp/tests/unittest_serial.py
CHANGED
|
@@ -1,9 +1,17 @@
|
|
|
1
|
-
# Copyright (c) 2023 NVIDIA CORPORATION.
|
|
2
|
-
#
|
|
3
|
-
#
|
|
4
|
-
#
|
|
5
|
-
#
|
|
6
|
-
#
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2023 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
7
15
|
|
|
8
16
|
import unittest
|
|
9
17
|
|
|
@@ -15,6 +23,7 @@ def run_suite() -> bool:
|
|
|
15
23
|
"""Run a test suite"""
|
|
16
24
|
|
|
17
25
|
# force rebuild of all kernels
|
|
26
|
+
wp.clear_lto_cache()
|
|
18
27
|
wp.clear_kernel_cache()
|
|
19
28
|
print("Cleared Warp kernel cache")
|
|
20
29
|
|
warp/tests/unittest_suites.py
CHANGED
|
@@ -1,9 +1,17 @@
|
|
|
1
|
-
# Copyright (c) 2023 NVIDIA CORPORATION.
|
|
2
|
-
#
|
|
3
|
-
#
|
|
4
|
-
#
|
|
5
|
-
#
|
|
6
|
-
#
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2023 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
7
15
|
|
|
8
16
|
"""Warp Test Suites
|
|
9
17
|
|
|
@@ -87,20 +95,41 @@ def default_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader)
|
|
|
87
95
|
|
|
88
96
|
Intended to be modified to create additional test suites
|
|
89
97
|
"""
|
|
98
|
+
from warp.tests.cuda.test_async import TestAsync
|
|
99
|
+
from warp.tests.cuda.test_mempool import TestMempool
|
|
100
|
+
from warp.tests.cuda.test_multigpu import TestMultiGPU
|
|
101
|
+
from warp.tests.cuda.test_peer import TestPeer
|
|
102
|
+
from warp.tests.cuda.test_pinned import TestPinned
|
|
103
|
+
from warp.tests.cuda.test_streams import TestStreams
|
|
104
|
+
from warp.tests.geometry.test_bvh import TestBvh
|
|
105
|
+
from warp.tests.geometry.test_hash_grid import TestHashGrid
|
|
106
|
+
from warp.tests.geometry.test_marching_cubes import TestMarchingCubes
|
|
107
|
+
from warp.tests.geometry.test_mesh import TestMesh
|
|
108
|
+
from warp.tests.geometry.test_mesh_query_aabb import TestMeshQueryAABBMethods
|
|
109
|
+
from warp.tests.geometry.test_mesh_query_point import TestMeshQueryPoint
|
|
110
|
+
from warp.tests.geometry.test_mesh_query_ray import TestMeshQueryRay
|
|
111
|
+
from warp.tests.geometry.test_volume import TestVolume
|
|
112
|
+
from warp.tests.geometry.test_volume_write import TestVolumeWrite
|
|
113
|
+
from warp.tests.interop.test_dlpack import TestDLPack
|
|
114
|
+
from warp.tests.interop.test_jax import TestJax
|
|
115
|
+
from warp.tests.interop.test_torch import TestTorch
|
|
116
|
+
from warp.tests.sim.test_collision import TestCollision
|
|
117
|
+
from warp.tests.sim.test_coloring import TestColoring
|
|
118
|
+
from warp.tests.sim.test_model import TestModel
|
|
119
|
+
|
|
120
|
+
# from warp.tests.test_sim_grad import TestSimGradients Disabled, flaky
|
|
121
|
+
from warp.tests.sim.test_sim_kinematics import TestSimKinematics
|
|
122
|
+
from warp.tests.sim.test_vbd import TestVbd
|
|
90
123
|
from warp.tests.test_adam import TestAdam
|
|
91
124
|
from warp.tests.test_arithmetic import TestArithmetic
|
|
92
125
|
from warp.tests.test_array import TestArray
|
|
93
126
|
from warp.tests.test_array_reduce import TestArrayReduce
|
|
94
|
-
from warp.tests.test_async import TestAsync
|
|
95
127
|
from warp.tests.test_atomic import TestAtomic
|
|
96
128
|
from warp.tests.test_bool import TestBool
|
|
97
129
|
from warp.tests.test_builtins_resolution import TestBuiltinsResolution
|
|
98
|
-
from warp.tests.test_bvh import TestBvh
|
|
99
130
|
from warp.tests.test_closest_point_edge_edge import TestClosestPointEdgeEdgeMethods
|
|
100
131
|
from warp.tests.test_codegen import TestCodeGen
|
|
101
132
|
from warp.tests.test_codegen_instancing import TestCodeGenInstancing
|
|
102
|
-
from warp.tests.test_collision import TestCollision
|
|
103
|
-
from warp.tests.test_coloring import TestColoring
|
|
104
133
|
from warp.tests.test_compile_consts import TestConstants
|
|
105
134
|
from warp.tests.test_conditional import TestConditional
|
|
106
135
|
from warp.tests.test_context import TestContext
|
|
@@ -108,7 +137,6 @@ def default_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader)
|
|
|
108
137
|
from warp.tests.test_ctypes import TestCTypes
|
|
109
138
|
from warp.tests.test_dense import TestDense
|
|
110
139
|
from warp.tests.test_devices import TestDevices
|
|
111
|
-
from warp.tests.test_dlpack import TestDLPack
|
|
112
140
|
from warp.tests.test_examples import (
|
|
113
141
|
TestCoreExamples,
|
|
114
142
|
TestFemDiffusionExamples,
|
|
@@ -126,40 +154,26 @@ def default_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader)
|
|
|
126
154
|
from warp.tests.test_grad import TestGrad
|
|
127
155
|
from warp.tests.test_grad_customs import TestGradCustoms
|
|
128
156
|
from warp.tests.test_grad_debug import TestGradDebug
|
|
129
|
-
from warp.tests.test_hash_grid import TestHashGrid
|
|
130
157
|
from warp.tests.test_import import TestImport
|
|
131
158
|
from warp.tests.test_indexedarray import TestIndexedArray
|
|
132
159
|
from warp.tests.test_intersect import TestIntersect
|
|
133
160
|
from warp.tests.test_iter import TestIter
|
|
134
|
-
from warp.tests.test_jax import TestJax
|
|
135
161
|
from warp.tests.test_large import TestLarge
|
|
136
162
|
from warp.tests.test_launch import TestLaunch
|
|
137
163
|
from warp.tests.test_lerp import TestLerp
|
|
138
164
|
from warp.tests.test_linear_solvers import TestLinearSolvers
|
|
139
165
|
from warp.tests.test_lvalue import TestLValue
|
|
140
|
-
from warp.tests.test_marching_cubes import TestMarchingCubes
|
|
141
166
|
from warp.tests.test_mat import TestMat
|
|
142
167
|
from warp.tests.test_mat_lite import TestMatLite
|
|
143
168
|
from warp.tests.test_mat_scalar_ops import TestMatScalarOps
|
|
144
169
|
from warp.tests.test_math import TestMath
|
|
145
|
-
from warp.tests.test_matmul import TestMatmul
|
|
146
|
-
from warp.tests.test_matmul_lite import TestMatmulLite
|
|
147
|
-
from warp.tests.test_mempool import TestMempool
|
|
148
|
-
from warp.tests.test_mesh import TestMesh
|
|
149
|
-
from warp.tests.test_mesh_query_aabb import TestMeshQueryAABBMethods
|
|
150
|
-
from warp.tests.test_mesh_query_point import TestMeshQueryPoint
|
|
151
|
-
from warp.tests.test_mesh_query_ray import TestMeshQueryRay
|
|
152
170
|
from warp.tests.test_mlp import TestMLP
|
|
153
|
-
from warp.tests.test_model import TestModel
|
|
154
171
|
from warp.tests.test_module_hashing import TestModuleHashing
|
|
155
172
|
from warp.tests.test_modules_lite import TestModuleLite
|
|
156
|
-
from warp.tests.test_multigpu import TestMultiGPU
|
|
157
173
|
from warp.tests.test_noise import TestNoise
|
|
158
174
|
from warp.tests.test_operators import TestOperators
|
|
159
175
|
from warp.tests.test_options import TestOptions
|
|
160
176
|
from warp.tests.test_overwrite import TestOverwrite
|
|
161
|
-
from warp.tests.test_peer import TestPeer
|
|
162
|
-
from warp.tests.test_pinned import TestPinned
|
|
163
177
|
from warp.tests.test_print import TestPrint
|
|
164
178
|
from warp.tests.test_quat import TestQuat
|
|
165
179
|
from warp.tests.test_rand import TestRand
|
|
@@ -167,34 +181,26 @@ def default_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader)
|
|
|
167
181
|
from warp.tests.test_rounding import TestRounding
|
|
168
182
|
from warp.tests.test_runlength_encode import TestRunlengthEncode
|
|
169
183
|
from warp.tests.test_scalar_ops import TestScalarOps
|
|
170
|
-
|
|
171
|
-
# from warp.tests.test_sim_grad import TestSimGradients Disabled, flaky
|
|
172
|
-
from warp.tests.test_sim_kinematics import TestSimKinematics
|
|
173
184
|
from warp.tests.test_smoothstep import TestSmoothstep
|
|
174
185
|
from warp.tests.test_snippet import TestSnippets
|
|
175
186
|
from warp.tests.test_sparse import TestSparse
|
|
176
187
|
from warp.tests.test_spatial import TestSpatial
|
|
177
188
|
from warp.tests.test_special_values import TestSpecialValues
|
|
178
189
|
from warp.tests.test_static import TestStatic
|
|
179
|
-
from warp.tests.test_streams import TestStreams
|
|
180
190
|
from warp.tests.test_struct import TestStruct
|
|
181
191
|
from warp.tests.test_tape import TestTape
|
|
182
|
-
from warp.tests.test_tile import TestTile
|
|
183
|
-
from warp.tests.test_tile_mathdx import TestTileMathDx
|
|
184
|
-
from warp.tests.test_tile_reduce import TestTileReduce
|
|
185
|
-
from warp.tests.test_tile_shared_memory import TestTileSharedMemory
|
|
186
|
-
from warp.tests.test_torch import TestTorch
|
|
187
192
|
from warp.tests.test_transient_module import TestTransientModule
|
|
188
193
|
from warp.tests.test_triangle_closest_point import TestTriangleClosestPoint
|
|
189
194
|
from warp.tests.test_types import TestTypes
|
|
190
195
|
from warp.tests.test_utils import TestUtils
|
|
191
|
-
from warp.tests.test_vbd import TestVBD
|
|
192
196
|
from warp.tests.test_vec import TestVec
|
|
193
197
|
from warp.tests.test_vec_lite import TestVecLite
|
|
194
198
|
from warp.tests.test_vec_scalar_ops import TestVecScalarOps
|
|
195
199
|
from warp.tests.test_verify_fp import TestVerifyFP
|
|
196
|
-
from warp.tests.
|
|
197
|
-
from warp.tests.
|
|
200
|
+
from warp.tests.tile.test_tile import TestTile
|
|
201
|
+
from warp.tests.tile.test_tile_mathdx import TestTileMathDx
|
|
202
|
+
from warp.tests.tile.test_tile_reduce import TestTileReduce
|
|
203
|
+
from warp.tests.tile.test_tile_shared_memory import TestTileSharedMemory
|
|
198
204
|
|
|
199
205
|
test_classes = [
|
|
200
206
|
TestAdam,
|
|
@@ -252,8 +258,6 @@ def default_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader)
|
|
|
252
258
|
TestMatLite,
|
|
253
259
|
TestMatScalarOps,
|
|
254
260
|
TestMath,
|
|
255
|
-
TestMatmul,
|
|
256
|
-
TestMatmulLite,
|
|
257
261
|
TestMempool,
|
|
258
262
|
TestMesh,
|
|
259
263
|
TestMeshQueryAABBMethods,
|
|
@@ -297,7 +301,7 @@ def default_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader)
|
|
|
297
301
|
TestTriangleClosestPoint,
|
|
298
302
|
TestTypes,
|
|
299
303
|
TestUtils,
|
|
300
|
-
|
|
304
|
+
TestVbd,
|
|
301
305
|
TestVec,
|
|
302
306
|
TestVecLite,
|
|
303
307
|
TestVecScalarOps,
|
|
@@ -314,65 +318,59 @@ def kit_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader):
|
|
|
314
318
|
|
|
315
319
|
Requires manual updates with test_ext.py for now.
|
|
316
320
|
"""
|
|
317
|
-
from warp.tests.
|
|
321
|
+
from warp.tests.cuda.test_mempool import TestMempool
|
|
322
|
+
from warp.tests.cuda.test_peer import TestPeer
|
|
323
|
+
from warp.tests.cuda.test_pinned import TestPinned
|
|
324
|
+
from warp.tests.cuda.test_streams import TestStreams
|
|
325
|
+
from warp.tests.geometry.test_bvh import TestBvh
|
|
326
|
+
from warp.tests.geometry.test_hash_grid import TestHashGrid
|
|
327
|
+
from warp.tests.geometry.test_marching_cubes import TestMarchingCubes
|
|
328
|
+
from warp.tests.geometry.test_mesh import TestMesh
|
|
329
|
+
from warp.tests.geometry.test_mesh_query_aabb import TestMeshQueryAABBMethods
|
|
330
|
+
from warp.tests.geometry.test_mesh_query_point import TestMeshQueryPoint
|
|
331
|
+
from warp.tests.geometry.test_mesh_query_ray import TestMeshQueryRay
|
|
332
|
+
from warp.tests.geometry.test_volume import TestVolume
|
|
333
|
+
from warp.tests.geometry.test_volume_write import TestVolumeWrite
|
|
334
|
+
from warp.tests.interop.test_dlpack import TestDLPack
|
|
318
335
|
from warp.tests.test_array_reduce import TestArrayReduce
|
|
319
336
|
from warp.tests.test_bool import TestBool
|
|
320
337
|
from warp.tests.test_builtins_resolution import TestBuiltinsResolution
|
|
321
|
-
from warp.tests.test_bvh import TestBvh
|
|
322
338
|
from warp.tests.test_codegen import TestCodeGen
|
|
323
339
|
from warp.tests.test_compile_consts import TestConstants
|
|
324
340
|
from warp.tests.test_conditional import TestConditional
|
|
325
341
|
from warp.tests.test_copy import TestCopy
|
|
326
342
|
from warp.tests.test_ctypes import TestCTypes
|
|
327
343
|
from warp.tests.test_devices import TestDevices
|
|
328
|
-
from warp.tests.test_dlpack import TestDLPack
|
|
329
|
-
from warp.tests.test_fabricarray import TestFabricArray
|
|
330
344
|
from warp.tests.test_fp16 import TestFp16
|
|
331
345
|
from warp.tests.test_func import TestFunc
|
|
332
346
|
from warp.tests.test_generics import TestGenerics
|
|
333
347
|
from warp.tests.test_grad_customs import TestGradCustoms
|
|
334
348
|
from warp.tests.test_grad_debug import TestGradDebug
|
|
335
|
-
from warp.tests.test_hash_grid import TestHashGrid
|
|
336
349
|
from warp.tests.test_indexedarray import TestIndexedArray
|
|
337
350
|
from warp.tests.test_launch import TestLaunch
|
|
338
351
|
from warp.tests.test_lvalue import TestLValue
|
|
339
|
-
from warp.tests.test_marching_cubes import TestMarchingCubes
|
|
340
352
|
from warp.tests.test_mat_lite import TestMatLite
|
|
341
353
|
from warp.tests.test_math import TestMath
|
|
342
|
-
from warp.tests.test_matmul_lite import TestMatmulLite
|
|
343
|
-
from warp.tests.test_mempool import TestMempool
|
|
344
|
-
from warp.tests.test_mesh import TestMesh
|
|
345
|
-
from warp.tests.test_mesh_query_aabb import TestMeshQueryAABBMethods
|
|
346
|
-
from warp.tests.test_mesh_query_point import TestMeshQueryPoint
|
|
347
|
-
from warp.tests.test_mesh_query_ray import TestMeshQueryRay
|
|
348
354
|
from warp.tests.test_mlp import TestMLP
|
|
349
355
|
from warp.tests.test_module_hashing import TestModuleHashing
|
|
350
356
|
from warp.tests.test_modules_lite import TestModuleLite
|
|
351
357
|
from warp.tests.test_noise import TestNoise
|
|
352
358
|
from warp.tests.test_operators import TestOperators
|
|
353
|
-
from warp.tests.test_peer import TestPeer
|
|
354
|
-
from warp.tests.test_pinned import TestPinned
|
|
355
|
-
from warp.tests.test_quat import TestQuat
|
|
356
359
|
from warp.tests.test_rand import TestRand
|
|
357
360
|
from warp.tests.test_reload import TestReload
|
|
358
361
|
from warp.tests.test_rounding import TestRounding
|
|
359
362
|
from warp.tests.test_runlength_encode import TestRunlengthEncode
|
|
360
363
|
from warp.tests.test_scalar_ops import TestScalarOps
|
|
361
364
|
from warp.tests.test_snippet import TestSnippets
|
|
362
|
-
from warp.tests.test_sparse import TestSparse
|
|
363
365
|
from warp.tests.test_static import TestStatic
|
|
364
|
-
from warp.tests.test_streams import TestStreams
|
|
365
366
|
from warp.tests.test_tape import TestTape
|
|
366
|
-
from warp.tests.test_tile_reduce import TestTileReduce
|
|
367
367
|
from warp.tests.test_transient_module import TestTransientModule
|
|
368
368
|
from warp.tests.test_types import TestTypes
|
|
369
369
|
from warp.tests.test_utils import TestUtils
|
|
370
370
|
from warp.tests.test_vec_lite import TestVecLite
|
|
371
|
-
from warp.tests.
|
|
372
|
-
from warp.tests.test_volume_write import TestVolumeWrite
|
|
371
|
+
from warp.tests.tile.test_tile_reduce import TestTileReduce
|
|
373
372
|
|
|
374
373
|
test_classes = [
|
|
375
|
-
TestArray,
|
|
376
374
|
TestArrayReduce,
|
|
377
375
|
TestBool,
|
|
378
376
|
TestBuiltinsResolution,
|
|
@@ -384,7 +382,6 @@ def kit_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader):
|
|
|
384
382
|
TestCTypes,
|
|
385
383
|
TestDevices,
|
|
386
384
|
TestDLPack,
|
|
387
|
-
TestFabricArray,
|
|
388
385
|
TestFp16,
|
|
389
386
|
TestFunc,
|
|
390
387
|
TestGenerics,
|
|
@@ -397,7 +394,6 @@ def kit_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader):
|
|
|
397
394
|
TestMarchingCubes,
|
|
398
395
|
TestMatLite,
|
|
399
396
|
TestMath,
|
|
400
|
-
TestMatmulLite,
|
|
401
397
|
TestMempool,
|
|
402
398
|
TestMesh,
|
|
403
399
|
TestMeshQueryAABBMethods,
|
|
@@ -410,14 +406,12 @@ def kit_suite(test_loader: unittest.TestLoader = unittest.defaultTestLoader):
|
|
|
410
406
|
TestOperators,
|
|
411
407
|
TestPeer,
|
|
412
408
|
TestPinned,
|
|
413
|
-
TestQuat,
|
|
414
409
|
TestRand,
|
|
415
410
|
TestReload,
|
|
416
411
|
TestRounding,
|
|
417
412
|
TestRunlengthEncode,
|
|
418
413
|
TestScalarOps,
|
|
419
414
|
TestSnippets,
|
|
420
|
-
TestSparse,
|
|
421
415
|
TestStatic,
|
|
422
416
|
TestStreams,
|
|
423
417
|
TestTape,
|
warp/tests/unittest_utils.py
CHANGED
|
@@ -1,9 +1,17 @@
|
|
|
1
|
-
# Copyright (c) 2022 NVIDIA CORPORATION.
|
|
2
|
-
#
|
|
3
|
-
#
|
|
4
|
-
#
|
|
5
|
-
#
|
|
6
|
-
#
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
7
15
|
|
|
8
16
|
import ctypes
|
|
9
17
|
import ctypes.util
|
|
@@ -384,7 +392,8 @@ def write_junit_results(
|
|
|
384
392
|
error.text = str(test_data[4]) # Stacktrace
|
|
385
393
|
elif test_status == "SKIP":
|
|
386
394
|
skip = ET.SubElement(test_case, "skipped")
|
|
387
|
-
|
|
395
|
+
# Set the skip reason
|
|
396
|
+
skip.set("message", str(test_data[3]))
|
|
388
397
|
|
|
389
398
|
tree = ET.ElementTree(root)
|
|
390
399
|
|
warp/tests/walkthrough_debug.py
CHANGED
|
@@ -1,9 +1,17 @@
|
|
|
1
|
-
# Copyright (c) 2023 NVIDIA CORPORATION.
|
|
2
|
-
#
|
|
3
|
-
#
|
|
4
|
-
#
|
|
5
|
-
#
|
|
6
|
-
#
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2023 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
7
15
|
|
|
8
16
|
####################################################################################################
|
|
9
17
|
#
|
|
@@ -2,14 +2,19 @@
|
|
|
2
2
|
# https://github.com/craigahobbs/unittest-parallel/blob/main/LICENSE
|
|
3
3
|
|
|
4
4
|
# SPDX-FileCopyrightText: Copyright (c) 2023 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
5
|
-
# SPDX-License-Identifier:
|
|
5
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
6
6
|
#
|
|
7
|
-
#
|
|
8
|
-
#
|
|
9
|
-
#
|
|
10
|
-
#
|
|
11
|
-
#
|
|
12
|
-
#
|
|
7
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
8
|
+
# you may not use this file except in compliance with the License.
|
|
9
|
+
# You may obtain a copy of the License at
|
|
10
|
+
#
|
|
11
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
12
|
+
#
|
|
13
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
14
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
15
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
16
|
+
# See the License for the specific language governing permissions and
|
|
17
|
+
# limitations under the License.
|
|
13
18
|
|
|
14
19
|
"""
|
|
15
20
|
unittest-parallel command-line script main module
|
|
@@ -173,6 +178,7 @@ def main(argv=None):
|
|
|
173
178
|
import warp as wp # NVIDIA Modification
|
|
174
179
|
|
|
175
180
|
# Clear the Warp cache (NVIDIA Modification)
|
|
181
|
+
wp.clear_lto_cache()
|
|
176
182
|
wp.clear_kernel_cache()
|
|
177
183
|
print("Cleared Warp kernel cache")
|
|
178
184
|
|
|
@@ -553,7 +559,8 @@ def initialize_test_process(lock, shared_index, args, temp_dir):
|
|
|
553
559
|
|
|
554
560
|
wp.config.kernel_cache_dir = cache_root_dir
|
|
555
561
|
|
|
556
|
-
wp.
|
|
562
|
+
wp.clear_lto_cache()
|
|
563
|
+
wp.clear_kernel_cache()
|
|
557
564
|
elif "WARP_CACHE_ROOT" in os.environ:
|
|
558
565
|
# Using a shared cache for all test processes
|
|
559
566
|
wp.config.kernel_cache_dir = os.path.join(os.getenv("WARP_CACHE_ROOT"), wp.config.version)
|
warp/torch.py
CHANGED
|
@@ -1,9 +1,17 @@
|
|
|
1
|
-
# Copyright (c) 2022 NVIDIA CORPORATION.
|
|
2
|
-
#
|
|
3
|
-
#
|
|
4
|
-
#
|
|
5
|
-
#
|
|
6
|
-
#
|
|
1
|
+
# SPDX-FileCopyrightText: Copyright (c) 2022 NVIDIA CORPORATION & AFFILIATES. All rights reserved.
|
|
2
|
+
# SPDX-License-Identifier: Apache-2.0
|
|
3
|
+
#
|
|
4
|
+
# Licensed under the Apache License, Version 2.0 (the "License");
|
|
5
|
+
# you may not use this file except in compliance with the License.
|
|
6
|
+
# You may obtain a copy of the License at
|
|
7
|
+
#
|
|
8
|
+
# http://www.apache.org/licenses/LICENSE-2.0
|
|
9
|
+
#
|
|
10
|
+
# Unless required by applicable law or agreed to in writing, software
|
|
11
|
+
# distributed under the License is distributed on an "AS IS" BASIS,
|
|
12
|
+
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
|
|
13
|
+
# See the License for the specific language governing permissions and
|
|
14
|
+
# limitations under the License.
|
|
7
15
|
|
|
8
16
|
import ctypes
|
|
9
17
|
|