jaxsim 0.4.3.dev10__py3-none-any.whl → 0.4.3.dev17__py3-none-any.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.
- jaxsim/_version.py +2 -2
- jaxsim/api/common.py +2 -2
- jaxsim/api/contact.py +1 -1
- jaxsim/api/data.py +1 -1
- jaxsim/api/frame.py +1 -1
- jaxsim/api/joint.py +1 -1
- jaxsim/api/link.py +1 -1
- jaxsim/api/model.py +2 -1
- jaxsim/integrators/common.py +3 -3
- jaxsim/integrators/variable_step.py +2 -2
- jaxsim/logging.py +1 -2
- jaxsim/math/inertia.py +1 -3
- jaxsim/math/joint_model.py +1 -1
- jaxsim/math/rotation.py +1 -3
- jaxsim/mujoco/loaders.py +2 -1
- jaxsim/mujoco/model.py +2 -1
- jaxsim/mujoco/visualizer.py +2 -2
- jaxsim/parsers/descriptions/model.py +1 -1
- jaxsim/parsers/kinematic_graph.py +4 -3
- jaxsim/parsers/rod/parser.py +10 -10
- jaxsim/rbda/rnea.py +5 -7
- jaxsim/utils/jaxsim_dataclass.py +3 -3
- jaxsim/utils/wrappers.py +2 -1
- {jaxsim-0.4.3.dev10.dist-info → jaxsim-0.4.3.dev17.dist-info}/METADATA +1 -1
- {jaxsim-0.4.3.dev10.dist-info → jaxsim-0.4.3.dev17.dist-info}/RECORD +28 -28
- {jaxsim-0.4.3.dev10.dist-info → jaxsim-0.4.3.dev17.dist-info}/WHEEL +1 -1
- {jaxsim-0.4.3.dev10.dist-info → jaxsim-0.4.3.dev17.dist-info}/LICENSE +0 -0
- {jaxsim-0.4.3.dev10.dist-info → jaxsim-0.4.3.dev17.dist-info}/top_level.txt +0 -0
jaxsim/_version.py
CHANGED
@@ -12,5 +12,5 @@ __version__: str
|
|
12
12
|
__version_tuple__: VERSION_TUPLE
|
13
13
|
version_tuple: VERSION_TUPLE
|
14
14
|
|
15
|
-
__version__ = version = '0.4.3.
|
16
|
-
__version_tuple__ = version_tuple = (0, 4, 3, '
|
15
|
+
__version__ = version = '0.4.3.dev17'
|
16
|
+
__version_tuple__ = version_tuple = (0, 4, 3, 'dev17')
|
jaxsim/api/common.py
CHANGED
@@ -3,7 +3,7 @@ import contextlib
|
|
3
3
|
import dataclasses
|
4
4
|
import enum
|
5
5
|
import functools
|
6
|
-
from
|
6
|
+
from collections.abc import Iterator
|
7
7
|
|
8
8
|
import jax
|
9
9
|
import jax.numpy as jnp
|
@@ -44,7 +44,7 @@ class ModelDataWithVelocityRepresentation(JaxsimDataclass, abc.ABC):
|
|
44
44
|
@contextlib.contextmanager
|
45
45
|
def switch_velocity_representation(
|
46
46
|
self, velocity_representation: VelRepr
|
47
|
-
) ->
|
47
|
+
) -> Iterator[Self]:
|
48
48
|
"""
|
49
49
|
Context manager to temporarily switch the velocity representation.
|
50
50
|
|
jaxsim/api/contact.py
CHANGED
@@ -163,7 +163,7 @@ def collidable_point_dynamics(
|
|
163
163
|
)
|
164
164
|
|
165
165
|
case _:
|
166
|
-
raise ValueError("Invalid contact model {
|
166
|
+
raise ValueError(f"Invalid contact model {model.contact_model}")
|
167
167
|
|
168
168
|
# Convert the 6D forces to the active representation.
|
169
169
|
f_Ci = jax.vmap(
|
jaxsim/api/data.py
CHANGED
jaxsim/api/frame.py
CHANGED
jaxsim/api/joint.py
CHANGED
jaxsim/api/link.py
CHANGED
jaxsim/api/model.py
CHANGED
jaxsim/integrators/common.py
CHANGED
@@ -1,6 +1,6 @@
|
|
1
1
|
import abc
|
2
2
|
import dataclasses
|
3
|
-
from typing import Any, ClassVar, Generic, Protocol,
|
3
|
+
from typing import Any, ClassVar, Generic, Protocol, TypeVar
|
4
4
|
|
5
5
|
import jax
|
6
6
|
import jax.numpy as jnp
|
@@ -64,7 +64,7 @@ class Integrator(JaxsimDataclass, abc.ABC, Generic[State, StateDerivative]):
|
|
64
64
|
|
65
65
|
@classmethod
|
66
66
|
def build(
|
67
|
-
cls:
|
67
|
+
cls: type[Self],
|
68
68
|
*,
|
69
69
|
dynamics: SystemDynamics[State, StateDerivative],
|
70
70
|
**kwargs,
|
@@ -224,7 +224,7 @@ class ExplicitRungeKutta(Integrator[PyTreeType, PyTreeType], Generic[PyTreeType]
|
|
224
224
|
@override
|
225
225
|
@classmethod
|
226
226
|
def build(
|
227
|
-
cls:
|
227
|
+
cls: type[Self],
|
228
228
|
*,
|
229
229
|
dynamics: SystemDynamics[State, StateDerivative],
|
230
230
|
fsal_enabled_if_supported: jtp.BoolLike = True,
|
@@ -1,5 +1,5 @@
|
|
1
1
|
import functools
|
2
|
-
from typing import Any, ClassVar, Generic
|
2
|
+
from typing import Any, ClassVar, Generic
|
3
3
|
|
4
4
|
try:
|
5
5
|
from typing import Self
|
@@ -495,7 +495,7 @@ class EmbeddedRungeKutta(ExplicitRungeKutta[PyTreeType], Generic[PyTreeType]):
|
|
495
495
|
|
496
496
|
@classmethod
|
497
497
|
def build(
|
498
|
-
cls:
|
498
|
+
cls: type[Self],
|
499
499
|
*,
|
500
500
|
dynamics: SystemDynamics[State, StateDerivative],
|
501
501
|
fsal_enabled_if_supported: jtp.BoolLike = True,
|
jaxsim/logging.py
CHANGED
@@ -1,6 +1,5 @@
|
|
1
1
|
import enum
|
2
2
|
import logging
|
3
|
-
from typing import Union
|
4
3
|
|
5
4
|
import coloredlogs
|
6
5
|
|
@@ -20,7 +19,7 @@ def _logger() -> logging.Logger:
|
|
20
19
|
return logging.getLogger(name=LOGGER_NAME)
|
21
20
|
|
22
21
|
|
23
|
-
def set_logging_level(level:
|
22
|
+
def set_logging_level(level: int | LoggingLevel = LoggingLevel.WARNING):
|
24
23
|
if isinstance(level, int):
|
25
24
|
level = LoggingLevel(level)
|
26
25
|
|
jaxsim/math/inertia.py
CHANGED
@@ -1,5 +1,3 @@
|
|
1
|
-
from typing import Tuple
|
2
|
-
|
3
1
|
import jax.numpy as jnp
|
4
2
|
|
5
3
|
import jaxsim.typing as jtp
|
@@ -39,7 +37,7 @@ class Inertia:
|
|
39
37
|
return M
|
40
38
|
|
41
39
|
@staticmethod
|
42
|
-
def to_params(M: jtp.Matrix) ->
|
40
|
+
def to_params(M: jtp.Matrix) -> tuple[jtp.Float, jtp.Vector, jtp.Matrix]:
|
43
41
|
"""
|
44
42
|
Convert a 6x6 inertia matrix to mass, center of mass, and inertia matrix.
|
45
43
|
|
jaxsim/math/joint_model.py
CHANGED
@@ -107,7 +107,7 @@ class JointModel:
|
|
107
107
|
λ_H_pre=λ_H_pre,
|
108
108
|
suc_H_i=suc_H_i,
|
109
109
|
# Static attributes
|
110
|
-
joint_dofs=tuple([base_dofs] + [
|
110
|
+
joint_dofs=tuple([base_dofs] + [1 for _ in ordered_joints]),
|
111
111
|
joint_names=tuple(["world_to_base"] + [j.name for j in ordered_joints]),
|
112
112
|
joint_types=tuple([JointType.Fixed] + [j.jtype for j in ordered_joints]),
|
113
113
|
joint_axis=tuple(JointGenericAxis(axis=j.axis) for j in ordered_joints),
|
jaxsim/math/rotation.py
CHANGED
@@ -1,5 +1,3 @@
|
|
1
|
-
from typing import Tuple
|
2
|
-
|
3
1
|
import jax
|
4
2
|
import jax.numpy as jnp
|
5
3
|
import jaxlie
|
@@ -64,7 +62,7 @@ class Rotation:
|
|
64
62
|
vector = vector.squeeze()
|
65
63
|
theta = jnp.linalg.norm(vector)
|
66
64
|
|
67
|
-
def theta_is_not_zero(theta_and_v:
|
65
|
+
def theta_is_not_zero(theta_and_v: tuple[jtp.Float, jtp.Vector]) -> jtp.Matrix:
|
68
66
|
theta, v = theta_and_v
|
69
67
|
|
70
68
|
s = jnp.sin(theta)
|
jaxsim/mujoco/loaders.py
CHANGED
jaxsim/mujoco/model.py
CHANGED
jaxsim/mujoco/visualizer.py
CHANGED
@@ -1,6 +1,6 @@
|
|
1
1
|
import contextlib
|
2
2
|
import pathlib
|
3
|
-
from
|
3
|
+
from collections.abc import Sequence
|
4
4
|
|
5
5
|
import mediapy as media
|
6
6
|
import mujoco as mj
|
@@ -172,7 +172,7 @@ class MujocoVisualizer:
|
|
172
172
|
distance: float | int | npt.NDArray | None = None,
|
173
173
|
azimut: float | int | npt.NDArray | None = None,
|
174
174
|
elevation: float | int | npt.NDArray | None = None,
|
175
|
-
) ->
|
175
|
+
) -> contextlib.AbstractContextManager[mujoco.viewer.Handle]:
|
176
176
|
"""
|
177
177
|
Context manager to open the Mujoco passive viewer.
|
178
178
|
|
@@ -3,7 +3,8 @@ from __future__ import annotations
|
|
3
3
|
import copy
|
4
4
|
import dataclasses
|
5
5
|
import functools
|
6
|
-
from
|
6
|
+
from collections.abc import Callable, Iterable, Sequence
|
7
|
+
from typing import Any
|
7
8
|
|
8
9
|
import numpy as np
|
9
10
|
import numpy.typing as npt
|
@@ -444,7 +445,7 @@ class KinematicGraph(Sequence[LinkDescription]):
|
|
444
445
|
msg.format(
|
445
446
|
link_to_remove.name,
|
446
447
|
self.joints_connection_dict[
|
447
|
-
|
448
|
+
parent_of_link_to_remove.name, link_to_remove.name
|
448
449
|
].name,
|
449
450
|
parent_of_link_to_remove.name,
|
450
451
|
)
|
@@ -852,7 +853,7 @@ class KinematicGraphTransforms:
|
|
852
853
|
|
853
854
|
# Get the joint between the link and its parent.
|
854
855
|
parent_joint = self.graph.joints_connection_dict[
|
855
|
-
|
856
|
+
link.parent.name, link.name
|
856
857
|
]
|
857
858
|
|
858
859
|
# Get the transform of the parent joint.
|
jaxsim/parsers/rod/parser.py
CHANGED
@@ -1,6 +1,6 @@
|
|
1
1
|
import dataclasses
|
2
2
|
import pathlib
|
3
|
-
from typing import
|
3
|
+
from typing import NamedTuple
|
4
4
|
|
5
5
|
import jax.numpy as jnp
|
6
6
|
import numpy as np
|
@@ -23,17 +23,17 @@ class SDFData(NamedTuple):
|
|
23
23
|
fixed_base: bool
|
24
24
|
base_link_name: str
|
25
25
|
|
26
|
-
link_descriptions:
|
27
|
-
joint_descriptions:
|
28
|
-
frame_descriptions:
|
29
|
-
collision_shapes:
|
26
|
+
link_descriptions: list[descriptions.LinkDescription]
|
27
|
+
joint_descriptions: list[descriptions.JointDescription]
|
28
|
+
frame_descriptions: list[descriptions.LinkDescription]
|
29
|
+
collision_shapes: list[descriptions.CollisionShape]
|
30
30
|
|
31
31
|
sdf_model: rod.Model | None = None
|
32
32
|
model_pose: kinematic_graph.RootPose = kinematic_graph.RootPose()
|
33
33
|
|
34
34
|
|
35
35
|
def extract_model_data(
|
36
|
-
model_description:
|
36
|
+
model_description: pathlib.Path | str | rod.Model,
|
37
37
|
model_name: str | None = None,
|
38
38
|
is_urdf: bool | None = None,
|
39
39
|
) -> SDFData:
|
@@ -114,7 +114,7 @@ def extract_model_data(
|
|
114
114
|
]
|
115
115
|
|
116
116
|
# Create a dictionary to find easily links.
|
117
|
-
links_dict:
|
117
|
+
links_dict: dict[str, descriptions.LinkDescription] = {l.name: l for l in links}
|
118
118
|
|
119
119
|
# ============
|
120
120
|
# Parse frames
|
@@ -304,7 +304,7 @@ def extract_model_data(
|
|
304
304
|
# ================
|
305
305
|
|
306
306
|
# Initialize the collision shapes
|
307
|
-
collisions:
|
307
|
+
collisions: list[descriptions.CollisionShape] = []
|
308
308
|
|
309
309
|
# Parse the collisions
|
310
310
|
for link in sdf_model.links():
|
@@ -339,8 +339,8 @@ def extract_model_data(
|
|
339
339
|
|
340
340
|
|
341
341
|
def build_model_description(
|
342
|
-
model_description:
|
343
|
-
is_urdf:
|
342
|
+
model_description: pathlib.Path | str | rod.Model,
|
343
|
+
is_urdf: bool | None = False,
|
344
344
|
) -> descriptions.ModelDescription:
|
345
345
|
"""
|
346
346
|
Builds a model description from an SDF/URDF resource.
|
jaxsim/rbda/rnea.py
CHANGED
@@ -1,5 +1,3 @@
|
|
1
|
-
from typing import Tuple
|
2
|
-
|
3
1
|
import jax
|
4
2
|
import jax.numpy as jnp
|
5
3
|
import jaxlie
|
@@ -25,7 +23,7 @@ def rnea(
|
|
25
23
|
joint_accelerations: jtp.Vector | None = None,
|
26
24
|
link_forces: jtp.Matrix | None = None,
|
27
25
|
standard_gravity: jtp.FloatLike = StandardGravity,
|
28
|
-
) ->
|
26
|
+
) -> tuple[jtp.Vector, jtp.Vector]:
|
29
27
|
"""
|
30
28
|
Compute inverse dynamics using the Recursive Newton-Euler Algorithm (RNEA).
|
31
29
|
|
@@ -132,12 +130,12 @@ def rnea(
|
|
132
130
|
# Pass 1
|
133
131
|
# ======
|
134
132
|
|
135
|
-
ForwardPassCarry =
|
133
|
+
ForwardPassCarry = tuple[jtp.Matrix, jtp.Matrix, jtp.Matrix, jtp.Matrix]
|
136
134
|
forward_pass_carry: ForwardPassCarry = (v, a, i_X_0, f)
|
137
135
|
|
138
136
|
def forward_pass(
|
139
137
|
carry: ForwardPassCarry, i: jtp.Int
|
140
|
-
) ->
|
138
|
+
) -> tuple[ForwardPassCarry, None]:
|
141
139
|
|
142
140
|
ii = i - 1
|
143
141
|
v, a, i_X_0, f = carry
|
@@ -186,12 +184,12 @@ def rnea(
|
|
186
184
|
|
187
185
|
τ = jnp.zeros_like(s)
|
188
186
|
|
189
|
-
BackwardPassCarry =
|
187
|
+
BackwardPassCarry = tuple[jtp.Vector, jtp.Matrix]
|
190
188
|
backward_pass_carry: BackwardPassCarry = (τ, f)
|
191
189
|
|
192
190
|
def backward_pass(
|
193
191
|
carry: BackwardPassCarry, i: jtp.Int
|
194
|
-
) ->
|
192
|
+
) -> tuple[BackwardPassCarry, None]:
|
195
193
|
|
196
194
|
ii = i - 1
|
197
195
|
τ, f = carry
|
jaxsim/utils/jaxsim_dataclass.py
CHANGED
@@ -2,8 +2,8 @@ import abc
|
|
2
2
|
import contextlib
|
3
3
|
import dataclasses
|
4
4
|
import functools
|
5
|
-
from collections.abc import Iterator
|
6
|
-
from typing import Any,
|
5
|
+
from collections.abc import Callable, Iterator, Sequence
|
6
|
+
from typing import Any, ClassVar
|
7
7
|
|
8
8
|
import jax.flatten_util
|
9
9
|
import jax_dataclasses
|
@@ -337,7 +337,7 @@ class JaxsimDataclass(abc.ABC):
|
|
337
337
|
return self.flatten_fn()(self)
|
338
338
|
|
339
339
|
@classmethod
|
340
|
-
def flatten_fn(cls:
|
340
|
+
def flatten_fn(cls: type[Self]) -> Callable[[Self], jtp.Vector]:
|
341
341
|
"""
|
342
342
|
Return a function to flatten the object into a 1D vector.
|
343
343
|
|
jaxsim/utils/wrappers.py
CHANGED
@@ -1,6 +1,6 @@
|
|
1
1
|
Metadata-Version: 2.1
|
2
2
|
Name: jaxsim
|
3
|
-
Version: 0.4.3.
|
3
|
+
Version: 0.4.3.dev17
|
4
4
|
Summary: A differentiable physics engine and multibody dynamics library for control and robot learning.
|
5
5
|
Author-email: Diego Ferigo <dgferigo@gmail.com>
|
6
6
|
Maintainer-email: Diego Ferigo <dgferigo@gmail.com>, Filippo Luca Ferretti <filippo.ferretti@iit.it>
|
@@ -1,48 +1,48 @@
|
|
1
1
|
jaxsim/__init__.py,sha256=ixsS4dYMPex2wOUUp_rkPnwrPhYzkRh1xO_YuMj3Cr4,2626
|
2
|
-
jaxsim/_version.py,sha256=
|
2
|
+
jaxsim/_version.py,sha256=fl1A3KE70N9IF6eJ3t04zIPwnzaTgzXV-7IhkEmXc24,426
|
3
3
|
jaxsim/exceptions.py,sha256=8_h8iqL8DgNR754dR8SZiQ7361GR5V1sUk3ZuZCHw1Q,2069
|
4
|
-
jaxsim/logging.py,sha256=
|
4
|
+
jaxsim/logging.py,sha256=STI-D_upXZYX-ZezLrlJJ0UlD5YspST0vZ_DcIwkzO4,1553
|
5
5
|
jaxsim/typing.py,sha256=IbFx3UkEXi-cm7UBqMPi58rJAFV_HbZ9E_K4JwfNvVM,753
|
6
6
|
jaxsim/api/__init__.py,sha256=8eV22t2S3UwNyCg8karPetG1dmX1VDBXkyv28_FwNQA,210
|
7
7
|
jaxsim/api/com.py,sha256=m-p3EJDhpnMTlXKplfbZE_aH9NqX_VyLlAE3vUhc6l4,13642
|
8
|
-
jaxsim/api/common.py,sha256=
|
9
|
-
jaxsim/api/contact.py,sha256=
|
10
|
-
jaxsim/api/data.py,sha256=
|
11
|
-
jaxsim/api/frame.py,sha256=
|
12
|
-
jaxsim/api/joint.py,sha256=
|
8
|
+
jaxsim/api/common.py,sha256=SNgxq42r6eF_-aPszvOjUYkGwXOzz4hKmhDwEUkscFQ,6650
|
9
|
+
jaxsim/api/contact.py,sha256=Ff3rOYm-o4Atxipzd4VvsnqFVg1-lfV1zFPXJU3MZKM,19847
|
10
|
+
jaxsim/api/data.py,sha256=CUh9lvhVk3_clNQ26BUBGpjvFSsK_PrVWVMEWpMdHRM,27206
|
11
|
+
jaxsim/api/frame.py,sha256=KS8A5wRfjxhe9NgcVo2QA516iP5zky7UVnWxG7nTa7c,12911
|
12
|
+
jaxsim/api/joint.py,sha256=L81bQe-noPT6_54KOSF7KBjRmEPAS433ULn2EcXI8vI,5115
|
13
13
|
jaxsim/api/kin_dyn_parameters.py,sha256=CcfSg5Mc8qb1mZeMQ4AK_ffZIsK5yOl7tu397pFhcDA,29369
|
14
|
-
jaxsim/api/link.py,sha256=
|
15
|
-
jaxsim/api/model.py,sha256=
|
14
|
+
jaxsim/api/link.py,sha256=qPRtc8qqMRjZxUCZYXJMygbB6huDXBfIT1b1b8Durkw,18631
|
15
|
+
jaxsim/api/model.py,sha256=gU44Cvn5ceYr37jsgWC6rMiRYT7rI0D7I1jf7v-yLLw,63121
|
16
16
|
jaxsim/api/ode.py,sha256=NnLTBvpaT4kXnbjAghXIzLv9DTMJ8bele2iOlUQDv3Q,11028
|
17
17
|
jaxsim/api/ode_data.py,sha256=9YZX-SK_KJtoIqG-zYWZsQInb2NA_LtxDn-jtLqm_3U,19759
|
18
18
|
jaxsim/api/references.py,sha256=XOVKuQXRmjPoP-T5JWGSbqIGX5DzOkeGafqRpj0ZQEM,20771
|
19
19
|
jaxsim/integrators/__init__.py,sha256=hxvOD-VK_mmd6v31wtC-nb28AYve1gLuZCNLV9wS-Kg,103
|
20
|
-
jaxsim/integrators/common.py,sha256=
|
20
|
+
jaxsim/integrators/common.py,sha256=Hg_HaFDrlDjG1zmtSTRPuw0ds8wcaLkt5PBFyKhkZWg,20143
|
21
21
|
jaxsim/integrators/fixed_step.py,sha256=KpjRd6hHtapxDoo6D1kyDrVDSHnke2TepI5grFH7_bM,2693
|
22
|
-
jaxsim/integrators/variable_step.py,sha256=
|
22
|
+
jaxsim/integrators/variable_step.py,sha256=5StkFh9oQba34zlkIoXG2fUN78gbxkHePWbrpQ-QZOI,21274
|
23
23
|
jaxsim/math/__init__.py,sha256=8oPITEoGwgRcOeG8KxtqxPQ8b5uku1HNRMokpCoi9Tc,352
|
24
24
|
jaxsim/math/adjoint.py,sha256=o1FCipkGwPtMbN2gFNIyUV8ADF3TX5fxElpTEXK0bIs,4377
|
25
25
|
jaxsim/math/cross.py,sha256=U7yEx_l75mSy5g6O-jsjBztApvxC3WaV4MpkS5tThu4,1330
|
26
|
-
jaxsim/math/inertia.py,sha256=
|
27
|
-
jaxsim/math/joint_model.py,sha256=
|
26
|
+
jaxsim/math/inertia.py,sha256=_hNpoeyEpAGr9ExDQJjckbjhk39luJFF-jv0SKqefnQ,1614
|
27
|
+
jaxsim/math/joint_model.py,sha256=EzAveaG5B6ZnCFNUzN30KEQUVesd83lfWXJarYR-kUw,9989
|
28
28
|
jaxsim/math/quaternion.py,sha256=_WA7W3iv7px83sWO1V1n0-J78hqAlO4SL1-jofE-UZ4,4754
|
29
|
-
jaxsim/math/rotation.py,sha256=
|
29
|
+
jaxsim/math/rotation.py,sha256=k-nwT79zmWrys3NNAB-lGWxat7Kqm_6JnFRoimJ8rBg,2156
|
30
30
|
jaxsim/math/skew.py,sha256=oOGSSR8PUGROl6IJFlrmu6K3gPH-u16hUPfKIkcVv9o,1177
|
31
31
|
jaxsim/math/transform.py,sha256=KXzQgOnCfAtbXCwxhplpJ3F0JT3oEyeLVby1_uRAryQ,2892
|
32
32
|
jaxsim/mujoco/__init__.py,sha256=Zo5GAlN1DYKvX8s1hu1j6HntKIbBMLB9Puv9ouaNAZ8,158
|
33
33
|
jaxsim/mujoco/__main__.py,sha256=GBmB7J-zj75ZnFyuAAmpSOpbxi_HhHhWJeot3ljGDJY,5291
|
34
|
-
jaxsim/mujoco/loaders.py,sha256=
|
35
|
-
jaxsim/mujoco/model.py,sha256=
|
36
|
-
jaxsim/mujoco/visualizer.py,sha256=
|
34
|
+
jaxsim/mujoco/loaders.py,sha256=XB-fgXuWMTFiaand5MZlLFQ5__Sh8MK5CJsxIU34MBk,25328
|
35
|
+
jaxsim/mujoco/model.py,sha256=AQksXemXWACJ3yvefV2G5HLwwBU9ISoJrOD1wlxdY5w,16386
|
36
|
+
jaxsim/mujoco/visualizer.py,sha256=T1vU-w4NKSmgEkZ0FqVcGmIvYrYO0len2UBSsU4MOZ0,6978
|
37
37
|
jaxsim/parsers/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
38
|
-
jaxsim/parsers/kinematic_graph.py,sha256=
|
38
|
+
jaxsim/parsers/kinematic_graph.py,sha256=KijMWKyhTLKSNUmOOk4sYQMgPh_OkA_brncL7gBRHaY,34757
|
39
39
|
jaxsim/parsers/descriptions/__init__.py,sha256=PbIlunVfb59pB5jSX97YVpMAANRZPRkJ0X-hS14rzv4,221
|
40
40
|
jaxsim/parsers/descriptions/collision.py,sha256=BQeIG-TKi4SVny23w6riDrQ5itC6VRwEMBX6HgAXHxA,3973
|
41
41
|
jaxsim/parsers/descriptions/joint.py,sha256=VSb6C0FBBKMqwrHBKfc-Bbn4rl_J0RzUxMQlhIEvOPM,5185
|
42
42
|
jaxsim/parsers/descriptions/link.py,sha256=Eh0W5qL7_Uw0GV-BkNKXhm9Q2dRTfIWCX5D-87zQkxA,3711
|
43
|
-
jaxsim/parsers/descriptions/model.py,sha256=
|
43
|
+
jaxsim/parsers/descriptions/model.py,sha256=I2Vsbv8Josl4Le7b5rIvhqA2k9Bbv5JxMqwytayxds0,9833
|
44
44
|
jaxsim/parsers/rod/__init__.py,sha256=G2vqlLajBLUc4gyzXwsEI2Wsi4TMOIF9bLDFeT6KrGU,92
|
45
|
-
jaxsim/parsers/rod/parser.py,sha256=
|
45
|
+
jaxsim/parsers/rod/parser.py,sha256=HskeCqDsbtwH2BDk3vfxvx391wUTVGLaUXNvBrdNo-4,13486
|
46
46
|
jaxsim/parsers/rod/utils.py,sha256=5DsF3OeePZGidOJ5GiFSZx-51uIdnFvMW9EK6SgOW6Q,5698
|
47
47
|
jaxsim/rbda/__init__.py,sha256=H7DhXpxkPOi9lpUvg31IMHFfRafke1UoJLc5GQIdyhA,387
|
48
48
|
jaxsim/rbda/aba.py,sha256=w7ciyxB0IsmueatT0C7PcBQEl9dyiH9oqJgIi3xeTUE,8983
|
@@ -50,7 +50,7 @@ jaxsim/rbda/collidable_points.py,sha256=Rmf1DhflhOTYh9mDalv0agS0CGSbmfoOybwP2KzK
|
|
50
50
|
jaxsim/rbda/crba.py,sha256=zJSiHKRvNU98z2tT9prrWR4VU9wIZQWFwEut7mua6as,5044
|
51
51
|
jaxsim/rbda/forward_kinematics.py,sha256=2GmEoWsrioVl_SAbKRKfhOLz57pY4aR81PKRdulqStA,3458
|
52
52
|
jaxsim/rbda/jacobian.py,sha256=p0EV_8cLzLVV-93VKznT7VPuRj8W7h7rQWkPlWJXfCA,11023
|
53
|
-
jaxsim/rbda/rnea.py,sha256=
|
53
|
+
jaxsim/rbda/rnea.py,sha256=CLfqs9XFVaD-hvkLABshDAfdw5bm_AMV3UVAQ_IvURQ,7542
|
54
54
|
jaxsim/rbda/utils.py,sha256=eeT21Y4DiiyhrdF0lUE_VvRuwru5-rR7yOlOlWzCCWE,5381
|
55
55
|
jaxsim/rbda/contacts/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
56
56
|
jaxsim/rbda/contacts/common.py,sha256=iMKLP30Qft9eGTiHo2iY-UoACJjg1JphA9_pW8wRdjc,2410
|
@@ -58,11 +58,11 @@ jaxsim/rbda/contacts/soft.py,sha256=_wvb5iZDjGcVg6rNQelN4LZN7qSC2NIp0HdKvZmlGfk,
|
|
58
58
|
jaxsim/terrain/__init__.py,sha256=f7lVX-iNpH_wkkjef9Qpjh19TTAUOQw76EiLYJDVizc,78
|
59
59
|
jaxsim/terrain/terrain.py,sha256=ctyNANIFSM3tZmamprjaEDcWgUSP0oNJbmT1zw9RjPs,4565
|
60
60
|
jaxsim/utils/__init__.py,sha256=Y5zyoRevl3EMVQadhZ4EtSwTEkDt2vcnFoRhPJjKTZ0,215
|
61
|
-
jaxsim/utils/jaxsim_dataclass.py,sha256=
|
61
|
+
jaxsim/utils/jaxsim_dataclass.py,sha256=5xJbY0G8d7C0OTNIW9T4vQxiDak6TGZT9gpNOvRykFI,11373
|
62
62
|
jaxsim/utils/tracing.py,sha256=KDMoyVPlu2NJvFkhtZwq5AkqMMgajt3munvJom-vEjQ,650
|
63
|
-
jaxsim/utils/wrappers.py,sha256=
|
64
|
-
jaxsim-0.4.3.
|
65
|
-
jaxsim-0.4.3.
|
66
|
-
jaxsim-0.4.3.
|
67
|
-
jaxsim-0.4.3.
|
68
|
-
jaxsim-0.4.3.
|
63
|
+
jaxsim/utils/wrappers.py,sha256=JhLUh1g8iU-lhjbuZRfkscPZhYlLCOorVM2Xl3ulRBI,4054
|
64
|
+
jaxsim-0.4.3.dev17.dist-info/LICENSE,sha256=eaYdFmdeMbiIoIiPzEK0MjP1S9wtFXjXNR5er49uLR0,1546
|
65
|
+
jaxsim-0.4.3.dev17.dist-info/METADATA,sha256=st7RonsEdp_bRhPTTjJRZVj4GISB2k_gL4T7v3tBqIw,17227
|
66
|
+
jaxsim-0.4.3.dev17.dist-info/WHEEL,sha256=cVxcB9AmuTcXqmwrtPhNK88dr7IR_b6qagTj0UvIEbY,91
|
67
|
+
jaxsim-0.4.3.dev17.dist-info/top_level.txt,sha256=LxGMA8FLtXjQ6oI7N5gd_R_oSUHxpXxUEOfT1xS_ni0,7
|
68
|
+
jaxsim-0.4.3.dev17.dist-info/RECORD,,
|
File without changes
|
File without changes
|