warp-lang 1.9.0__py3-none-win_amd64.whl → 1.10.0rc2__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 +301 -287
- warp/__init__.pyi +2220 -313
- warp/_src/__init__.py +14 -0
- warp/_src/autograd.py +1075 -0
- warp/_src/build.py +618 -0
- warp/_src/build_dll.py +640 -0
- warp/{builtins.py → _src/builtins.py} +1497 -226
- warp/_src/codegen.py +4359 -0
- warp/{config.py → _src/config.py} +178 -169
- warp/_src/constants.py +57 -0
- warp/_src/context.py +8294 -0
- warp/_src/dlpack.py +462 -0
- warp/_src/fabric.py +355 -0
- warp/_src/fem/__init__.py +14 -0
- warp/_src/fem/adaptivity.py +508 -0
- warp/_src/fem/cache.py +687 -0
- warp/_src/fem/dirichlet.py +188 -0
- warp/{fem → _src/fem}/domain.py +40 -30
- warp/_src/fem/field/__init__.py +131 -0
- warp/_src/fem/field/field.py +701 -0
- warp/{fem → _src/fem}/field/nodal_field.py +30 -15
- warp/{fem → _src/fem}/field/restriction.py +1 -1
- warp/{fem → _src/fem}/field/virtual.py +53 -27
- warp/_src/fem/geometry/__init__.py +32 -0
- warp/{fem → _src/fem}/geometry/adaptive_nanogrid.py +77 -163
- warp/_src/fem/geometry/closest_point.py +97 -0
- warp/{fem → _src/fem}/geometry/deformed_geometry.py +14 -22
- warp/{fem → _src/fem}/geometry/element.py +32 -10
- warp/{fem → _src/fem}/geometry/geometry.py +48 -20
- warp/{fem → _src/fem}/geometry/grid_2d.py +12 -23
- warp/{fem → _src/fem}/geometry/grid_3d.py +12 -23
- warp/{fem → _src/fem}/geometry/hexmesh.py +40 -63
- warp/{fem → _src/fem}/geometry/nanogrid.py +255 -248
- warp/{fem → _src/fem}/geometry/partition.py +121 -63
- warp/{fem → _src/fem}/geometry/quadmesh.py +26 -45
- warp/{fem → _src/fem}/geometry/tetmesh.py +40 -63
- warp/{fem → _src/fem}/geometry/trimesh.py +26 -45
- warp/{fem → _src/fem}/integrate.py +164 -158
- warp/_src/fem/linalg.py +383 -0
- warp/_src/fem/operator.py +396 -0
- warp/_src/fem/polynomial.py +229 -0
- warp/{fem → _src/fem}/quadrature/pic_quadrature.py +15 -20
- warp/{fem → _src/fem}/quadrature/quadrature.py +95 -47
- warp/_src/fem/space/__init__.py +248 -0
- warp/{fem → _src/fem}/space/basis_function_space.py +20 -11
- warp/_src/fem/space/basis_space.py +679 -0
- warp/{fem → _src/fem}/space/dof_mapper.py +3 -3
- warp/{fem → _src/fem}/space/function_space.py +14 -13
- warp/{fem → _src/fem}/space/grid_2d_function_space.py +4 -7
- warp/{fem → _src/fem}/space/grid_3d_function_space.py +4 -4
- warp/{fem → _src/fem}/space/hexmesh_function_space.py +4 -10
- warp/{fem → _src/fem}/space/nanogrid_function_space.py +3 -9
- warp/{fem → _src/fem}/space/partition.py +117 -60
- warp/{fem → _src/fem}/space/quadmesh_function_space.py +4 -10
- warp/{fem → _src/fem}/space/restriction.py +66 -33
- warp/_src/fem/space/shape/__init__.py +152 -0
- warp/{fem → _src/fem}/space/shape/cube_shape_function.py +9 -9
- warp/{fem → _src/fem}/space/shape/shape_function.py +8 -9
- warp/{fem → _src/fem}/space/shape/square_shape_function.py +6 -6
- warp/{fem → _src/fem}/space/shape/tet_shape_function.py +3 -3
- warp/{fem → _src/fem}/space/shape/triangle_shape_function.py +3 -3
- warp/{fem → _src/fem}/space/tetmesh_function_space.py +3 -9
- warp/_src/fem/space/topology.py +459 -0
- warp/{fem → _src/fem}/space/trimesh_function_space.py +3 -9
- warp/_src/fem/types.py +112 -0
- warp/_src/fem/utils.py +486 -0
- warp/_src/jax.py +186 -0
- warp/_src/jax_experimental/__init__.py +14 -0
- warp/_src/jax_experimental/custom_call.py +387 -0
- warp/_src/jax_experimental/ffi.py +1284 -0
- warp/_src/jax_experimental/xla_ffi.py +656 -0
- warp/_src/marching_cubes.py +708 -0
- warp/_src/math.py +414 -0
- warp/_src/optim/__init__.py +14 -0
- warp/_src/optim/adam.py +163 -0
- warp/_src/optim/linear.py +1606 -0
- warp/_src/optim/sgd.py +112 -0
- warp/_src/paddle.py +406 -0
- warp/_src/render/__init__.py +14 -0
- warp/_src/render/imgui_manager.py +289 -0
- warp/_src/render/render_opengl.py +3636 -0
- warp/_src/render/render_usd.py +937 -0
- warp/_src/render/utils.py +160 -0
- warp/_src/sparse.py +2716 -0
- warp/_src/tape.py +1206 -0
- warp/{thirdparty → _src/thirdparty}/unittest_parallel.py +9 -2
- warp/_src/torch.py +391 -0
- warp/_src/types.py +5870 -0
- warp/_src/utils.py +1693 -0
- warp/autograd.py +12 -1054
- warp/bin/warp-clang.dll +0 -0
- warp/bin/warp.dll +0 -0
- warp/build.py +8 -588
- warp/build_dll.py +6 -471
- warp/codegen.py +6 -4246
- warp/constants.py +6 -39
- warp/context.py +12 -7851
- warp/dlpack.py +6 -444
- warp/examples/distributed/example_jacobi_mpi.py +4 -5
- warp/examples/fem/example_adaptive_grid.py +1 -1
- warp/examples/fem/example_apic_fluid.py +1 -1
- warp/examples/fem/example_burgers.py +8 -8
- warp/examples/fem/example_diffusion.py +1 -1
- warp/examples/fem/example_distortion_energy.py +1 -1
- warp/examples/fem/example_mixed_elasticity.py +2 -2
- warp/examples/fem/example_navier_stokes.py +1 -1
- warp/examples/fem/example_nonconforming_contact.py +7 -7
- warp/examples/fem/example_stokes.py +1 -1
- warp/examples/fem/example_stokes_transfer.py +1 -1
- warp/examples/fem/utils.py +2 -2
- warp/examples/interop/example_jax_callable.py +1 -1
- warp/examples/interop/example_jax_ffi_callback.py +1 -1
- warp/examples/interop/example_jax_kernel.py +3 -2
- warp/examples/tile/example_tile_mcgp.py +191 -0
- warp/fabric.py +6 -337
- warp/fem/__init__.py +159 -97
- warp/fem/adaptivity.py +7 -489
- warp/fem/cache.py +9 -648
- warp/fem/dirichlet.py +6 -184
- warp/fem/field/__init__.py +8 -109
- warp/fem/field/field.py +7 -652
- warp/fem/geometry/__init__.py +7 -18
- warp/fem/geometry/closest_point.py +11 -77
- warp/fem/linalg.py +18 -366
- warp/fem/operator.py +11 -369
- warp/fem/polynomial.py +9 -209
- warp/fem/space/__init__.py +5 -211
- warp/fem/space/basis_space.py +6 -662
- warp/fem/space/shape/__init__.py +41 -118
- warp/fem/space/topology.py +6 -437
- warp/fem/types.py +6 -81
- warp/fem/utils.py +11 -444
- warp/jax.py +8 -165
- warp/jax_experimental/__init__.py +14 -1
- warp/jax_experimental/custom_call.py +8 -342
- warp/jax_experimental/ffi.py +17 -853
- warp/jax_experimental/xla_ffi.py +5 -596
- warp/marching_cubes.py +5 -689
- warp/math.py +16 -393
- warp/native/array.h +385 -37
- warp/native/builtin.h +316 -39
- warp/native/bvh.cpp +43 -9
- warp/native/bvh.cu +62 -27
- warp/native/bvh.h +310 -309
- warp/native/clang/clang.cpp +102 -97
- warp/native/coloring.cpp +0 -1
- warp/native/crt.h +208 -0
- warp/native/exports.h +156 -0
- warp/native/hashgrid.cu +2 -0
- warp/native/intersect.h +24 -1
- warp/native/intersect_tri.h +44 -35
- warp/native/mat.h +1456 -276
- warp/native/mesh.cpp +4 -4
- warp/native/mesh.cu +4 -2
- warp/native/mesh.h +176 -61
- warp/native/quat.h +0 -52
- warp/native/scan.cu +2 -0
- warp/native/sort.cu +22 -13
- warp/native/sort.h +2 -0
- warp/native/sparse.cu +7 -3
- warp/native/spatial.h +12 -0
- warp/native/tile.h +837 -70
- warp/native/tile_radix_sort.h +1 -1
- warp/native/tile_reduce.h +394 -46
- warp/native/tile_scan.h +4 -4
- warp/native/vec.h +469 -53
- warp/native/version.h +23 -0
- warp/native/volume.cpp +1 -1
- warp/native/volume.cu +1 -0
- warp/native/volume.h +1 -1
- warp/native/volume_builder.cu +2 -0
- warp/native/warp.cpp +60 -32
- warp/native/warp.cu +313 -201
- warp/native/warp.h +14 -11
- warp/optim/__init__.py +6 -3
- warp/optim/adam.py +6 -145
- warp/optim/linear.py +14 -1585
- warp/optim/sgd.py +6 -94
- warp/paddle.py +6 -388
- warp/render/__init__.py +8 -4
- warp/render/imgui_manager.py +7 -267
- warp/render/render_opengl.py +6 -3616
- warp/render/render_usd.py +6 -918
- warp/render/utils.py +6 -142
- warp/sparse.py +37 -2563
- warp/tape.py +6 -1188
- warp/tests/__main__.py +1 -1
- warp/tests/cuda/test_async.py +4 -4
- warp/tests/cuda/test_conditional_captures.py +1 -1
- warp/tests/cuda/test_multigpu.py +1 -1
- warp/tests/cuda/test_streams.py +58 -1
- warp/tests/geometry/test_bvh.py +157 -22
- warp/tests/geometry/test_hash_grid.py +38 -0
- warp/tests/geometry/test_marching_cubes.py +0 -1
- warp/tests/geometry/test_mesh.py +5 -3
- warp/tests/geometry/test_mesh_query_aabb.py +5 -12
- warp/tests/geometry/test_mesh_query_point.py +5 -2
- warp/tests/geometry/test_mesh_query_ray.py +15 -3
- warp/tests/geometry/test_volume_write.py +5 -5
- warp/tests/interop/test_dlpack.py +14 -14
- warp/tests/interop/test_jax.py +1382 -79
- warp/tests/interop/test_paddle.py +1 -1
- warp/tests/test_adam.py +0 -1
- warp/tests/test_arithmetic.py +9 -9
- warp/tests/test_array.py +529 -100
- warp/tests/test_array_reduce.py +3 -3
- warp/tests/test_atomic.py +12 -8
- warp/tests/test_atomic_bitwise.py +209 -0
- warp/tests/test_atomic_cas.py +4 -4
- warp/tests/test_bool.py +2 -2
- warp/tests/test_builtins_resolution.py +5 -571
- warp/tests/test_codegen.py +34 -15
- warp/tests/test_conditional.py +1 -1
- warp/tests/test_context.py +6 -6
- warp/tests/test_copy.py +242 -161
- warp/tests/test_ctypes.py +3 -3
- warp/tests/test_devices.py +24 -2
- warp/tests/test_examples.py +16 -84
- warp/tests/test_fabricarray.py +35 -35
- warp/tests/test_fast_math.py +0 -2
- warp/tests/test_fem.py +60 -14
- warp/tests/test_fixedarray.py +3 -3
- warp/tests/test_func.py +8 -5
- warp/tests/test_generics.py +1 -1
- warp/tests/test_indexedarray.py +24 -24
- warp/tests/test_intersect.py +39 -9
- warp/tests/test_large.py +1 -1
- warp/tests/test_lerp.py +3 -1
- warp/tests/test_linear_solvers.py +1 -1
- warp/tests/test_map.py +49 -4
- warp/tests/test_mat.py +52 -62
- warp/tests/test_mat_constructors.py +4 -5
- warp/tests/test_mat_lite.py +1 -1
- warp/tests/test_mat_scalar_ops.py +121 -121
- warp/tests/test_math.py +34 -0
- warp/tests/test_module_aot.py +4 -4
- warp/tests/test_modules_lite.py +28 -2
- warp/tests/test_print.py +11 -11
- warp/tests/test_quat.py +93 -58
- warp/tests/test_runlength_encode.py +1 -1
- warp/tests/test_scalar_ops.py +38 -10
- warp/tests/test_smoothstep.py +1 -1
- warp/tests/test_sparse.py +126 -15
- warp/tests/test_spatial.py +105 -87
- warp/tests/test_special_values.py +6 -6
- warp/tests/test_static.py +7 -7
- warp/tests/test_struct.py +13 -2
- warp/tests/test_triangle_closest_point.py +48 -1
- warp/tests/test_tuple.py +96 -0
- warp/tests/test_types.py +82 -9
- warp/tests/test_utils.py +52 -52
- warp/tests/test_vec.py +29 -29
- warp/tests/test_vec_constructors.py +5 -5
- warp/tests/test_vec_scalar_ops.py +97 -97
- warp/tests/test_version.py +75 -0
- warp/tests/tile/test_tile.py +239 -0
- warp/tests/tile/test_tile_atomic_bitwise.py +403 -0
- warp/tests/tile/test_tile_cholesky.py +7 -4
- warp/tests/tile/test_tile_load.py +26 -2
- warp/tests/tile/test_tile_mathdx.py +3 -3
- warp/tests/tile/test_tile_matmul.py +1 -1
- warp/tests/tile/test_tile_mlp.py +2 -4
- warp/tests/tile/test_tile_reduce.py +214 -13
- warp/tests/unittest_suites.py +6 -14
- warp/tests/unittest_utils.py +10 -9
- warp/tests/walkthrough_debug.py +3 -1
- warp/torch.py +6 -373
- warp/types.py +29 -5750
- warp/utils.py +10 -1659
- {warp_lang-1.9.0.dist-info → warp_lang-1.10.0rc2.dist-info}/METADATA +47 -103
- warp_lang-1.10.0rc2.dist-info/RECORD +468 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/Gaia-LICENSE.txt +6 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/appdirs-LICENSE.txt +22 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/asset_pixel_jpg-LICENSE.txt +3 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/cuda-LICENSE.txt +1582 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/dlpack-LICENSE.txt +201 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/fp16-LICENSE.txt +28 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/libmathdx-LICENSE.txt +220 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/llvm-LICENSE.txt +279 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/moller-LICENSE.txt +16 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/nanovdb-LICENSE.txt +2 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/nvrtc-LICENSE.txt +1592 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/svd-LICENSE.txt +23 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/unittest_parallel-LICENSE.txt +21 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/usd-LICENSE.txt +213 -0
- warp_lang-1.10.0rc2.dist-info/licenses/licenses/windingnumber-LICENSE.txt +21 -0
- warp/examples/assets/cartpole.urdf +0 -110
- warp/examples/assets/crazyflie.usd +0 -0
- warp/examples/assets/nv_ant.xml +0 -92
- warp/examples/assets/nv_humanoid.xml +0 -183
- warp/examples/assets/quadruped.urdf +0 -268
- warp/examples/optim/example_bounce.py +0 -266
- warp/examples/optim/example_cloth_throw.py +0 -228
- warp/examples/optim/example_drone.py +0 -870
- warp/examples/optim/example_inverse_kinematics.py +0 -182
- warp/examples/optim/example_inverse_kinematics_torch.py +0 -191
- warp/examples/optim/example_softbody_properties.py +0 -400
- warp/examples/optim/example_spring_cage.py +0 -245
- warp/examples/optim/example_trajectory.py +0 -227
- warp/examples/sim/example_cartpole.py +0 -143
- warp/examples/sim/example_cloth.py +0 -225
- warp/examples/sim/example_cloth_self_contact.py +0 -316
- warp/examples/sim/example_granular.py +0 -130
- warp/examples/sim/example_granular_collision_sdf.py +0 -202
- warp/examples/sim/example_jacobian_ik.py +0 -244
- warp/examples/sim/example_particle_chain.py +0 -124
- warp/examples/sim/example_quadruped.py +0 -203
- warp/examples/sim/example_rigid_chain.py +0 -203
- warp/examples/sim/example_rigid_contact.py +0 -195
- warp/examples/sim/example_rigid_force.py +0 -133
- warp/examples/sim/example_rigid_gyroscopic.py +0 -115
- warp/examples/sim/example_rigid_soft_contact.py +0 -140
- warp/examples/sim/example_soft_body.py +0 -196
- warp/examples/tile/example_tile_walker.py +0 -327
- warp/sim/__init__.py +0 -74
- warp/sim/articulation.py +0 -793
- warp/sim/collide.py +0 -2570
- warp/sim/graph_coloring.py +0 -307
- warp/sim/import_mjcf.py +0 -791
- warp/sim/import_snu.py +0 -227
- warp/sim/import_urdf.py +0 -579
- warp/sim/import_usd.py +0 -898
- warp/sim/inertia.py +0 -357
- warp/sim/integrator.py +0 -245
- warp/sim/integrator_euler.py +0 -2000
- warp/sim/integrator_featherstone.py +0 -2101
- warp/sim/integrator_vbd.py +0 -2487
- warp/sim/integrator_xpbd.py +0 -3295
- warp/sim/model.py +0 -4821
- warp/sim/particles.py +0 -121
- warp/sim/render.py +0 -431
- warp/sim/utils.py +0 -431
- warp/tests/sim/disabled_kinematics.py +0 -244
- warp/tests/sim/test_cloth.py +0 -863
- warp/tests/sim/test_collision.py +0 -743
- warp/tests/sim/test_coloring.py +0 -347
- warp/tests/sim/test_inertia.py +0 -161
- warp/tests/sim/test_model.py +0 -226
- warp/tests/sim/test_sim_grad.py +0 -287
- warp/tests/sim/test_sim_grad_bounce_linear.py +0 -212
- warp/tests/sim/test_sim_kinematics.py +0 -98
- warp/thirdparty/__init__.py +0 -0
- warp_lang-1.9.0.dist-info/RECORD +0 -456
- /warp/{fem → _src/fem}/quadrature/__init__.py +0 -0
- /warp/{tests/sim → _src/thirdparty}/__init__.py +0 -0
- /warp/{thirdparty → _src/thirdparty}/appdirs.py +0 -0
- /warp/{thirdparty → _src/thirdparty}/dlpack.py +0 -0
- {warp_lang-1.9.0.dist-info → warp_lang-1.10.0rc2.dist-info}/WHEEL +0 -0
- {warp_lang-1.9.0.dist-info → warp_lang-1.10.0rc2.dist-info}/licenses/LICENSE.md +0 -0
- {warp_lang-1.9.0.dist-info → warp_lang-1.10.0rc2.dist-info}/top_level.txt +0 -0
|
@@ -1,227 +0,0 @@
|
|
|
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.
|
|
15
|
-
|
|
16
|
-
###########################################################################
|
|
17
|
-
# Example Trajectory Optimization
|
|
18
|
-
#
|
|
19
|
-
# Shows how to optimize torque trajectories for a simple planar environment
|
|
20
|
-
# using Warp's provided Adam optimizer.
|
|
21
|
-
#
|
|
22
|
-
###########################################################################
|
|
23
|
-
|
|
24
|
-
import numpy as np
|
|
25
|
-
|
|
26
|
-
import warp as wp
|
|
27
|
-
import warp.sim
|
|
28
|
-
import warp.sim.render
|
|
29
|
-
from warp.optim import Adam
|
|
30
|
-
|
|
31
|
-
|
|
32
|
-
@wp.kernel
|
|
33
|
-
def loss_l2(
|
|
34
|
-
states: wp.array2d(dtype=wp.float32), targets: wp.array2d(dtype=wp.float32), loss: wp.array(dtype=wp.float32)
|
|
35
|
-
):
|
|
36
|
-
i, j = wp.tid()
|
|
37
|
-
diff = states[i, j] - targets[i, j]
|
|
38
|
-
l = diff * diff
|
|
39
|
-
wp.atomic_add(loss, 0, l)
|
|
40
|
-
|
|
41
|
-
|
|
42
|
-
@wp.kernel
|
|
43
|
-
def apply_torque(torques: wp.array(dtype=wp.float32), start_index: int, body_f: wp.array(dtype=wp.spatial_vector)):
|
|
44
|
-
fx = torques[start_index + 0]
|
|
45
|
-
fz = torques[start_index + 1]
|
|
46
|
-
body_f[0] = wp.spatial_vector(0.0, 0.0, 0.0, fx, 0.0, fz)
|
|
47
|
-
|
|
48
|
-
|
|
49
|
-
@wp.kernel
|
|
50
|
-
def save_state(body_q: wp.array(dtype=wp.transform), write_index: int, states: wp.array2d(dtype=wp.float32)):
|
|
51
|
-
pos = wp.transform_get_translation(body_q[0])
|
|
52
|
-
states[write_index, 0] = pos[0]
|
|
53
|
-
states[write_index, 1] = pos[2]
|
|
54
|
-
|
|
55
|
-
|
|
56
|
-
class Example:
|
|
57
|
-
def __init__(self, stage_path="example_trajectory.usd", verbose=False, num_frames=100):
|
|
58
|
-
self.verbose = verbose
|
|
59
|
-
|
|
60
|
-
fps = 60
|
|
61
|
-
self.frame_dt = 1.0 / fps
|
|
62
|
-
self.num_frames = num_frames
|
|
63
|
-
|
|
64
|
-
self.sim_substeps = 1
|
|
65
|
-
self.sim_dt = self.frame_dt / self.sim_substeps
|
|
66
|
-
|
|
67
|
-
self.render_time = 0.0
|
|
68
|
-
|
|
69
|
-
self.iter = 0
|
|
70
|
-
|
|
71
|
-
# add planar joints
|
|
72
|
-
builder = wp.sim.ModelBuilder(gravity=0.0)
|
|
73
|
-
builder.add_articulation()
|
|
74
|
-
b = builder.add_body(origin=wp.transform())
|
|
75
|
-
builder.add_shape_sphere(pos=wp.vec3(0.0, 0.0, 0.0), radius=0.1, density=100.0, body=b)
|
|
76
|
-
|
|
77
|
-
# compute reference trajectory
|
|
78
|
-
rad = np.linspace(0.0, np.pi * 2, self.num_frames)
|
|
79
|
-
self.ref_traj = np.stack([np.cos(rad), np.sin(rad)], axis=1)
|
|
80
|
-
|
|
81
|
-
# set initial joint configuration to first reference state
|
|
82
|
-
builder.body_q[0] = wp.transform(p=[self.ref_traj[0][0], 0.0, self.ref_traj[0][1]])
|
|
83
|
-
|
|
84
|
-
self.ref_traj = wp.array(self.ref_traj, dtype=wp.float32, requires_grad=True)
|
|
85
|
-
self.last_traj = wp.empty_like(self.ref_traj)
|
|
86
|
-
|
|
87
|
-
# finalize model
|
|
88
|
-
self.model = builder.finalize(requires_grad=True)
|
|
89
|
-
|
|
90
|
-
self.builder = builder
|
|
91
|
-
self.model.ground = False
|
|
92
|
-
|
|
93
|
-
self.dof_q = self.model.joint_coord_count
|
|
94
|
-
self.dof_qd = self.model.joint_dof_count
|
|
95
|
-
self.num_bodies = self.model.body_count
|
|
96
|
-
|
|
97
|
-
self.action_dim = 2
|
|
98
|
-
self.state_dim = 2
|
|
99
|
-
|
|
100
|
-
assert self.ref_traj.shape == (self.num_frames, self.state_dim)
|
|
101
|
-
|
|
102
|
-
self.integrator = wp.sim.SemiImplicitIntegrator()
|
|
103
|
-
|
|
104
|
-
# initial guess
|
|
105
|
-
self.actions = wp.array(
|
|
106
|
-
np.zeros(self.num_frames * self.action_dim) * 100.0, dtype=wp.float32, requires_grad=True
|
|
107
|
-
)
|
|
108
|
-
|
|
109
|
-
self.optimizer = Adam([self.actions], lr=1e2)
|
|
110
|
-
self.loss = wp.zeros(1, dtype=wp.float32, requires_grad=True)
|
|
111
|
-
|
|
112
|
-
if stage_path:
|
|
113
|
-
self.renderer = wp.sim.render.SimRenderer(self.model, stage_path, scaling=100.0)
|
|
114
|
-
else:
|
|
115
|
-
self.renderer = None
|
|
116
|
-
|
|
117
|
-
# allocate sim states for trajectory
|
|
118
|
-
self.states = []
|
|
119
|
-
for _ in range(self.num_frames + 1):
|
|
120
|
-
self.states.append(self.model.state())
|
|
121
|
-
|
|
122
|
-
def forward(self):
|
|
123
|
-
"""
|
|
124
|
-
Advances the system dynamics given the rigid-body state in maximal coordinates and generalized joint torques
|
|
125
|
-
[body_q, body_qd, tau].
|
|
126
|
-
"""
|
|
127
|
-
|
|
128
|
-
self.last_traj.zero_()
|
|
129
|
-
|
|
130
|
-
for i in range(self.num_frames):
|
|
131
|
-
state = self.states[i]
|
|
132
|
-
|
|
133
|
-
for _ in range(self.sim_substeps):
|
|
134
|
-
next_state = self.model.state(requires_grad=True)
|
|
135
|
-
|
|
136
|
-
wp.sim.collide(self.model, state)
|
|
137
|
-
|
|
138
|
-
# apply generalized torques to rigid body here, instead of planar joints
|
|
139
|
-
wp.launch(apply_torque, 1, inputs=[self.actions, i * self.action_dim], outputs=[state.body_f])
|
|
140
|
-
|
|
141
|
-
state = self.integrator.simulate(self.model, state, next_state, self.sim_dt)
|
|
142
|
-
|
|
143
|
-
self.states[i + 1] = state
|
|
144
|
-
|
|
145
|
-
# save state
|
|
146
|
-
wp.launch(save_state, dim=1, inputs=[self.states[i + 1].body_q, i], outputs=[self.last_traj])
|
|
147
|
-
|
|
148
|
-
# compute loss
|
|
149
|
-
wp.launch(loss_l2, dim=self.last_traj.shape, inputs=[self.last_traj, self.ref_traj], outputs=[self.loss])
|
|
150
|
-
|
|
151
|
-
def step(self):
|
|
152
|
-
"""Runs a single optimizer iteration"""
|
|
153
|
-
|
|
154
|
-
with wp.ScopedTimer("step"):
|
|
155
|
-
self.loss.zero_()
|
|
156
|
-
tape = wp.Tape()
|
|
157
|
-
with tape:
|
|
158
|
-
self.forward()
|
|
159
|
-
tape.backward(loss=self.loss)
|
|
160
|
-
|
|
161
|
-
if self.verbose and (self.iter + 1) % 10 == 0:
|
|
162
|
-
print(f"Iter {self.iter + 1} Loss: {self.loss.numpy()[0]:.3f}")
|
|
163
|
-
|
|
164
|
-
assert not np.isnan(self.actions.grad.numpy()).any(), "NaN in gradient"
|
|
165
|
-
|
|
166
|
-
self.optimizer.step([self.actions.grad])
|
|
167
|
-
tape.zero()
|
|
168
|
-
self.iter = self.iter + 1
|
|
169
|
-
|
|
170
|
-
def render(self):
|
|
171
|
-
if self.renderer is None:
|
|
172
|
-
return
|
|
173
|
-
|
|
174
|
-
with wp.ScopedTimer("render"):
|
|
175
|
-
for i in range(self.num_frames):
|
|
176
|
-
self.renderer.begin_frame(self.render_time)
|
|
177
|
-
self.renderer.render(self.states[i + 1])
|
|
178
|
-
self.renderer.end_frame()
|
|
179
|
-
self.render_time += self.frame_dt
|
|
180
|
-
|
|
181
|
-
|
|
182
|
-
if __name__ == "__main__":
|
|
183
|
-
import argparse
|
|
184
|
-
|
|
185
|
-
parser = argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter)
|
|
186
|
-
parser.add_argument("--device", type=str, default=None, help="Override the default Warp device.")
|
|
187
|
-
parser.add_argument(
|
|
188
|
-
"--stage_path",
|
|
189
|
-
type=lambda x: None if x == "None" else str(x),
|
|
190
|
-
default="example_trajectory.usd",
|
|
191
|
-
help="Path to the output USD file.",
|
|
192
|
-
)
|
|
193
|
-
parser.add_argument("--num_frames", type=int, default=100, help="Total number of frames per training iteration.")
|
|
194
|
-
parser.add_argument("--train_iters", type=int, default=250, help="Total number of training iterations.")
|
|
195
|
-
parser.add_argument("--verbose", action="store_true", help="Print out additional status messages during execution.")
|
|
196
|
-
parser.add_argument(
|
|
197
|
-
"--headless",
|
|
198
|
-
action="store_true",
|
|
199
|
-
help="Run in headless mode, suppressing the opening of any graphical windows.",
|
|
200
|
-
)
|
|
201
|
-
|
|
202
|
-
args = parser.parse_known_args()[0]
|
|
203
|
-
|
|
204
|
-
with wp.ScopedDevice(args.device):
|
|
205
|
-
example = Example(stage_path=args.stage_path, verbose=args.verbose, num_frames=args.num_frames)
|
|
206
|
-
|
|
207
|
-
for i in range(args.train_iters):
|
|
208
|
-
example.step()
|
|
209
|
-
|
|
210
|
-
if i % 25 == 0:
|
|
211
|
-
example.render()
|
|
212
|
-
|
|
213
|
-
if example.renderer:
|
|
214
|
-
example.renderer.save()
|
|
215
|
-
|
|
216
|
-
np_states = example.last_traj.numpy()
|
|
217
|
-
np_ref = example.ref_traj.numpy()
|
|
218
|
-
|
|
219
|
-
if not args.headless:
|
|
220
|
-
import matplotlib.pyplot as plt
|
|
221
|
-
|
|
222
|
-
plt.plot(np_ref[:, 0], np_ref[:, 1], label="Reference Trajectory")
|
|
223
|
-
plt.plot(np_states[:, 0], np_states[:, 1], label="Optimized Trajectory")
|
|
224
|
-
plt.grid()
|
|
225
|
-
plt.legend()
|
|
226
|
-
plt.axis("equal")
|
|
227
|
-
plt.show()
|
|
@@ -1,143 +0,0 @@
|
|
|
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.
|
|
15
|
-
|
|
16
|
-
###########################################################################
|
|
17
|
-
# Example Sim Cartpole
|
|
18
|
-
#
|
|
19
|
-
# Shows how to set up a simulation of a rigid-body cartpole articulation
|
|
20
|
-
# from a URDF using the wp.sim.ModelBuilder().
|
|
21
|
-
# Note this example does not include a trained policy.
|
|
22
|
-
#
|
|
23
|
-
###########################################################################
|
|
24
|
-
|
|
25
|
-
import math
|
|
26
|
-
import os
|
|
27
|
-
|
|
28
|
-
import numpy as np
|
|
29
|
-
|
|
30
|
-
import warp as wp
|
|
31
|
-
import warp.examples
|
|
32
|
-
import warp.sim
|
|
33
|
-
import warp.sim.render
|
|
34
|
-
|
|
35
|
-
|
|
36
|
-
class Example:
|
|
37
|
-
def __init__(self, stage_path="example_cartpole.usd", num_envs=8):
|
|
38
|
-
self.num_envs = num_envs
|
|
39
|
-
|
|
40
|
-
articulation_builder = wp.sim.ModelBuilder()
|
|
41
|
-
|
|
42
|
-
wp.sim.parse_urdf(
|
|
43
|
-
os.path.join(warp.examples.get_asset_directory(), "cartpole.urdf"),
|
|
44
|
-
articulation_builder,
|
|
45
|
-
xform=wp.transform(wp.vec3(), wp.quat_from_axis_angle(wp.vec3(1.0, 0.0, 0.0), -math.pi * 0.5)),
|
|
46
|
-
floating=False,
|
|
47
|
-
density=100,
|
|
48
|
-
armature=0.1,
|
|
49
|
-
stiffness=0.0,
|
|
50
|
-
damping=0.0,
|
|
51
|
-
limit_ke=1.0e4,
|
|
52
|
-
limit_kd=1.0e1,
|
|
53
|
-
enable_self_collisions=False,
|
|
54
|
-
)
|
|
55
|
-
|
|
56
|
-
builder = wp.sim.ModelBuilder()
|
|
57
|
-
|
|
58
|
-
self.sim_time = 0.0
|
|
59
|
-
fps = 60
|
|
60
|
-
self.frame_dt = 1.0 / fps
|
|
61
|
-
|
|
62
|
-
self.sim_substeps = 10
|
|
63
|
-
self.sim_dt = self.frame_dt / self.sim_substeps
|
|
64
|
-
|
|
65
|
-
for i in range(self.num_envs):
|
|
66
|
-
builder.add_builder(
|
|
67
|
-
articulation_builder, xform=wp.transform(np.array((i * 2.0, 4.0, 0.0)), wp.quat_identity())
|
|
68
|
-
)
|
|
69
|
-
|
|
70
|
-
# joint initial positions
|
|
71
|
-
builder.joint_q[-3:] = [0.0, 0.3, 0.0]
|
|
72
|
-
|
|
73
|
-
# finalize model
|
|
74
|
-
self.model = builder.finalize()
|
|
75
|
-
self.model.ground = False
|
|
76
|
-
|
|
77
|
-
self.model.joint_attach_ke = 1600.0
|
|
78
|
-
self.model.joint_attach_kd = 20.0
|
|
79
|
-
|
|
80
|
-
self.integrator = wp.sim.SemiImplicitIntegrator()
|
|
81
|
-
|
|
82
|
-
self.renderer = None
|
|
83
|
-
if stage_path:
|
|
84
|
-
self.renderer = wp.sim.render.SimRenderer(path=stage_path, model=self.model, scaling=15.0)
|
|
85
|
-
|
|
86
|
-
self.state = self.model.state()
|
|
87
|
-
|
|
88
|
-
wp.sim.eval_fk(self.model, self.model.joint_q, self.model.joint_qd, None, self.state)
|
|
89
|
-
|
|
90
|
-
self.use_cuda_graph = wp.get_device().is_cuda
|
|
91
|
-
if self.use_cuda_graph:
|
|
92
|
-
with wp.ScopedCapture() as capture:
|
|
93
|
-
self.simulate()
|
|
94
|
-
self.graph = capture.graph
|
|
95
|
-
|
|
96
|
-
def simulate(self):
|
|
97
|
-
for _ in range(self.sim_substeps):
|
|
98
|
-
self.state.clear_forces()
|
|
99
|
-
self.state = self.integrator.simulate(self.model, self.state, self.state, self.sim_dt)
|
|
100
|
-
|
|
101
|
-
def step(self):
|
|
102
|
-
with wp.ScopedTimer("step"):
|
|
103
|
-
if self.use_cuda_graph:
|
|
104
|
-
wp.capture_launch(self.graph)
|
|
105
|
-
else:
|
|
106
|
-
self.simulate()
|
|
107
|
-
self.sim_time += self.frame_dt
|
|
108
|
-
|
|
109
|
-
def render(self):
|
|
110
|
-
if self.renderer is None:
|
|
111
|
-
return
|
|
112
|
-
|
|
113
|
-
with wp.ScopedTimer("render"):
|
|
114
|
-
self.renderer.begin_frame(self.sim_time)
|
|
115
|
-
self.renderer.render(self.state)
|
|
116
|
-
self.renderer.end_frame()
|
|
117
|
-
|
|
118
|
-
|
|
119
|
-
if __name__ == "__main__":
|
|
120
|
-
import argparse
|
|
121
|
-
|
|
122
|
-
parser = argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter)
|
|
123
|
-
parser.add_argument("--device", type=str, default=None, help="Override the default Warp device.")
|
|
124
|
-
parser.add_argument(
|
|
125
|
-
"--stage_path",
|
|
126
|
-
type=lambda x: None if x == "None" else str(x),
|
|
127
|
-
default="example_cartpole.usd",
|
|
128
|
-
help="Path to the output USD file.",
|
|
129
|
-
)
|
|
130
|
-
parser.add_argument("--num_frames", type=int, default=1200, help="Total number of frames.")
|
|
131
|
-
parser.add_argument("--num_envs", type=int, default=8, help="Total number of simulated environments.")
|
|
132
|
-
|
|
133
|
-
args = parser.parse_known_args()[0]
|
|
134
|
-
|
|
135
|
-
with wp.ScopedDevice(args.device):
|
|
136
|
-
example = Example(stage_path=args.stage_path, num_envs=args.num_envs)
|
|
137
|
-
|
|
138
|
-
for _ in range(args.num_frames):
|
|
139
|
-
example.step()
|
|
140
|
-
example.render()
|
|
141
|
-
|
|
142
|
-
if example.renderer:
|
|
143
|
-
example.renderer.save()
|
|
@@ -1,225 +0,0 @@
|
|
|
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.
|
|
15
|
-
|
|
16
|
-
###########################################################################
|
|
17
|
-
# Example Sim Cloth
|
|
18
|
-
#
|
|
19
|
-
# Shows a simulation of an FEM cloth model colliding against a static
|
|
20
|
-
# rigid body mesh using the wp.sim.ModelBuilder().
|
|
21
|
-
#
|
|
22
|
-
###########################################################################
|
|
23
|
-
|
|
24
|
-
import math
|
|
25
|
-
import os
|
|
26
|
-
from enum import Enum
|
|
27
|
-
|
|
28
|
-
import numpy as np
|
|
29
|
-
from pxr import Usd, UsdGeom
|
|
30
|
-
|
|
31
|
-
import warp as wp
|
|
32
|
-
import warp.examples
|
|
33
|
-
import warp.sim
|
|
34
|
-
import warp.sim.render
|
|
35
|
-
|
|
36
|
-
|
|
37
|
-
class IntegratorType(Enum):
|
|
38
|
-
EULER = "euler"
|
|
39
|
-
XPBD = "xpbd"
|
|
40
|
-
VBD = "vbd"
|
|
41
|
-
|
|
42
|
-
def __str__(self):
|
|
43
|
-
return self.value
|
|
44
|
-
|
|
45
|
-
|
|
46
|
-
class Example:
|
|
47
|
-
def __init__(
|
|
48
|
-
self, stage_path="example_cloth.usd", integrator: IntegratorType = IntegratorType.EULER, height=32, width=64
|
|
49
|
-
):
|
|
50
|
-
self.integrator_type = integrator
|
|
51
|
-
|
|
52
|
-
self.sim_height = height
|
|
53
|
-
self.sim_width = width
|
|
54
|
-
|
|
55
|
-
fps = 60
|
|
56
|
-
self.sim_substeps = 32
|
|
57
|
-
self.frame_dt = 1.0 / fps
|
|
58
|
-
self.sim_dt = self.frame_dt / self.sim_substeps
|
|
59
|
-
self.sim_time = 0.0
|
|
60
|
-
self.profiler = {}
|
|
61
|
-
|
|
62
|
-
builder = wp.sim.ModelBuilder()
|
|
63
|
-
|
|
64
|
-
if self.integrator_type == IntegratorType.EULER:
|
|
65
|
-
builder.add_cloth_grid(
|
|
66
|
-
pos=wp.vec3(0.0, 4.0, 0.0),
|
|
67
|
-
rot=wp.quat_from_axis_angle(wp.vec3(1.0, 0.0, 0.0), math.pi * 0.5),
|
|
68
|
-
vel=wp.vec3(0.0, 0.0, 0.0),
|
|
69
|
-
dim_x=self.sim_width,
|
|
70
|
-
dim_y=self.sim_height,
|
|
71
|
-
cell_x=0.1,
|
|
72
|
-
cell_y=0.1,
|
|
73
|
-
mass=0.1,
|
|
74
|
-
fix_left=True,
|
|
75
|
-
tri_ke=1.0e3,
|
|
76
|
-
tri_ka=1.0e3,
|
|
77
|
-
tri_kd=1.0e1,
|
|
78
|
-
)
|
|
79
|
-
elif self.integrator_type == IntegratorType.XPBD:
|
|
80
|
-
builder.add_cloth_grid(
|
|
81
|
-
pos=wp.vec3(0.0, 4.0, 0.0),
|
|
82
|
-
rot=wp.quat_from_axis_angle(wp.vec3(1.0, 0.0, 0.0), math.pi * 0.5),
|
|
83
|
-
vel=wp.vec3(0.0, 0.0, 0.0),
|
|
84
|
-
dim_x=self.sim_width,
|
|
85
|
-
dim_y=self.sim_height,
|
|
86
|
-
cell_x=0.1,
|
|
87
|
-
cell_y=0.1,
|
|
88
|
-
mass=0.1,
|
|
89
|
-
fix_left=True,
|
|
90
|
-
edge_ke=1.0e2,
|
|
91
|
-
add_springs=True,
|
|
92
|
-
spring_ke=1.0e3,
|
|
93
|
-
spring_kd=0.0,
|
|
94
|
-
)
|
|
95
|
-
else:
|
|
96
|
-
# VBD
|
|
97
|
-
builder.add_cloth_grid(
|
|
98
|
-
pos=wp.vec3(0.0, 4.0, 0.0),
|
|
99
|
-
rot=wp.quat_from_axis_angle(wp.vec3(1.0, 0.0, 0.0), math.pi * 0.5),
|
|
100
|
-
vel=wp.vec3(0.0, 0.0, 0.0),
|
|
101
|
-
dim_x=self.sim_width,
|
|
102
|
-
dim_y=self.sim_height,
|
|
103
|
-
cell_x=0.1,
|
|
104
|
-
cell_y=0.1,
|
|
105
|
-
mass=0.1,
|
|
106
|
-
fix_left=True,
|
|
107
|
-
tri_ke=1e4,
|
|
108
|
-
tri_ka=1e4,
|
|
109
|
-
tri_kd=1e-5,
|
|
110
|
-
edge_ke=100,
|
|
111
|
-
)
|
|
112
|
-
|
|
113
|
-
usd_stage = Usd.Stage.Open(os.path.join(warp.examples.get_asset_directory(), "bunny.usd"))
|
|
114
|
-
usd_geom = UsdGeom.Mesh(usd_stage.GetPrimAtPath("/root/bunny"))
|
|
115
|
-
|
|
116
|
-
mesh_points = np.array(usd_geom.GetPointsAttr().Get())
|
|
117
|
-
mesh_indices = np.array(usd_geom.GetFaceVertexIndicesAttr().Get())
|
|
118
|
-
|
|
119
|
-
mesh = wp.sim.Mesh(mesh_points, mesh_indices)
|
|
120
|
-
|
|
121
|
-
builder.add_shape_mesh(
|
|
122
|
-
body=-1,
|
|
123
|
-
mesh=mesh,
|
|
124
|
-
pos=wp.vec3(1.0, 0.0, 1.0),
|
|
125
|
-
rot=wp.quat_from_axis_angle(wp.vec3(0.0, 1.0, 0.0), math.pi * 0.5),
|
|
126
|
-
scale=wp.vec3(2.0, 2.0, 2.0),
|
|
127
|
-
ke=1.0e2,
|
|
128
|
-
kd=1.0e2,
|
|
129
|
-
kf=1.0e1,
|
|
130
|
-
)
|
|
131
|
-
|
|
132
|
-
if self.integrator_type == IntegratorType.VBD:
|
|
133
|
-
builder.color()
|
|
134
|
-
|
|
135
|
-
self.model = builder.finalize()
|
|
136
|
-
self.model.ground = True
|
|
137
|
-
self.model.soft_contact_ke = 1.0e4
|
|
138
|
-
self.model.soft_contact_kd = 1.0e2
|
|
139
|
-
|
|
140
|
-
if self.integrator_type == IntegratorType.EULER:
|
|
141
|
-
self.integrator = wp.sim.SemiImplicitIntegrator()
|
|
142
|
-
elif self.integrator_type == IntegratorType.XPBD:
|
|
143
|
-
self.integrator = wp.sim.XPBDIntegrator(iterations=1)
|
|
144
|
-
else:
|
|
145
|
-
self.integrator = wp.sim.VBDIntegrator(self.model, iterations=1)
|
|
146
|
-
|
|
147
|
-
self.state_0 = self.model.state()
|
|
148
|
-
self.state_1 = self.model.state()
|
|
149
|
-
|
|
150
|
-
if stage_path:
|
|
151
|
-
self.renderer = wp.sim.render.SimRenderer(self.model, stage_path, scaling=40.0)
|
|
152
|
-
else:
|
|
153
|
-
self.renderer = None
|
|
154
|
-
|
|
155
|
-
self.use_cuda_graph = wp.get_device().is_cuda
|
|
156
|
-
if self.use_cuda_graph:
|
|
157
|
-
with wp.ScopedCapture() as capture:
|
|
158
|
-
self.simulate()
|
|
159
|
-
self.graph = capture.graph
|
|
160
|
-
|
|
161
|
-
def simulate(self):
|
|
162
|
-
wp.sim.collide(self.model, self.state_0)
|
|
163
|
-
|
|
164
|
-
for _ in range(self.sim_substeps):
|
|
165
|
-
self.state_0.clear_forces()
|
|
166
|
-
|
|
167
|
-
self.integrator.simulate(self.model, self.state_0, self.state_1, self.sim_dt)
|
|
168
|
-
|
|
169
|
-
# swap states
|
|
170
|
-
(self.state_0, self.state_1) = (self.state_1, self.state_0)
|
|
171
|
-
|
|
172
|
-
def step(self):
|
|
173
|
-
with wp.ScopedTimer("step", dict=self.profiler):
|
|
174
|
-
if self.use_cuda_graph:
|
|
175
|
-
wp.capture_launch(self.graph)
|
|
176
|
-
else:
|
|
177
|
-
self.simulate()
|
|
178
|
-
self.sim_time += self.frame_dt
|
|
179
|
-
|
|
180
|
-
def render(self):
|
|
181
|
-
if self.renderer is None:
|
|
182
|
-
return
|
|
183
|
-
|
|
184
|
-
with wp.ScopedTimer("render"):
|
|
185
|
-
self.renderer.begin_frame(self.sim_time)
|
|
186
|
-
self.renderer.render(self.state_0)
|
|
187
|
-
self.renderer.end_frame()
|
|
188
|
-
|
|
189
|
-
|
|
190
|
-
if __name__ == "__main__":
|
|
191
|
-
import argparse
|
|
192
|
-
|
|
193
|
-
parser = argparse.ArgumentParser(formatter_class=argparse.ArgumentDefaultsHelpFormatter)
|
|
194
|
-
parser.add_argument("--device", type=str, default=None, help="Override the default Warp device.")
|
|
195
|
-
parser.add_argument(
|
|
196
|
-
"--stage_path",
|
|
197
|
-
type=lambda x: None if x == "None" else str(x),
|
|
198
|
-
default="example_cloth.usd",
|
|
199
|
-
help="Path to the output USD file.",
|
|
200
|
-
)
|
|
201
|
-
parser.add_argument("--num_frames", type=int, default=300, help="Total number of frames.")
|
|
202
|
-
parser.add_argument(
|
|
203
|
-
"--integrator",
|
|
204
|
-
help="Type of integrator",
|
|
205
|
-
type=IntegratorType,
|
|
206
|
-
choices=list(IntegratorType),
|
|
207
|
-
default=IntegratorType.EULER,
|
|
208
|
-
)
|
|
209
|
-
parser.add_argument("--width", type=int, default=64, help="Cloth resolution in x.")
|
|
210
|
-
parser.add_argument("--height", type=int, default=32, help="Cloth resolution in y.")
|
|
211
|
-
|
|
212
|
-
args = parser.parse_known_args()[0]
|
|
213
|
-
|
|
214
|
-
with wp.ScopedDevice(args.device):
|
|
215
|
-
example = Example(stage_path=args.stage_path, integrator=args.integrator, height=args.height, width=args.width)
|
|
216
|
-
|
|
217
|
-
for _i in range(args.num_frames):
|
|
218
|
-
example.step()
|
|
219
|
-
example.render()
|
|
220
|
-
|
|
221
|
-
frame_times = example.profiler["step"]
|
|
222
|
-
print(f"\nAverage frame sim time: {sum(frame_times) / len(frame_times):.2f} ms")
|
|
223
|
-
|
|
224
|
-
if example.renderer:
|
|
225
|
-
example.renderer.save()
|