Data, types, pipes, manipulation for embodied learning.
Project description
embodied data
Visualize, transform, clean, any type of unstructured multimodal data instantly.
This library enables the vast majority of data processing, visualization, and analysis to be done in a single line of code with minimal dependencies. It is designed to be used in conjunction with rerun.io for visualizing complex data structures and trajectories and LeRobot for robotics simulations and training. See embodied-agents for real world usage.
Table of Contents
Installation
pip install embdata
Usage
Sample
The Sample
class is a flexible base model for serializing, recording, and manipulating arbitrary data.
Key Features
- Serialization and deserialization of complex data structures
- Flattening and unflattening of nested structures
- Conversion between different formats (e.g., dict, numpy arrays, torch tensors)
- Integration with machine learning frameworks and gym spaces
Usage Example
from embdata import Sample
# Create a simple Sample
sample = Sample(x=1, y=2, z={"a": 3, "b": 4})
# Flatten the sample
flat_sample = sample.flatten()
print(flat_sample) # [1, 2, 3, 4]
# Flatten to a nested field
nested_sample = Sample(x=1, y=2, z=[{"a": 3, "b": 4}, {"a": 5, "b": 6}]))
a_fields = nested_sample.flatten(to="a") # [3, 5]
# Convert to different formats
as_dict = sample.to("dict")
as_numpy = sample.numpy()
as_torch = sample.torch()
# Create a random sample based on the structure
random_sample = sample.random_sample()
# Get the corresponding Gym space
space = sample.space()
# Read a Sample from JSON or dictionary
sample_from_json = Sample.read('{"x": 1, "y": 2}')
# Get default value and space
default_sample = Sample.default_value()
default_space = Sample.default_space()
# Get model information
model_info = sample.model_info()
# Pack and unpack samples
samples = [Sample(a=1, b=2), Sample(a=3, b=4)]
packed = Sample.pack_from(samples)
unpacked = packed.unpack()
# Convert to HuggingFace Dataset and Features
dataset = sample.dataset()
features = sample.features()
Methods
flatten()
: Flattens the nested structure into a 1D representationunflatten()
: Reconstructs the original nested structure from a flattened representationto(format)
: Converts the sample to different formats (dict, numpy, torch, etc.)random_sample()
: Creates a random sample based on the current structurespace()
: Returns the corresponding Gym space for the sampleread()
: Reads a Sample instance from a JSON string, dictionary, or pathdefault_value()
: Gets the default value for the Sample instancedefault_space()
: Returns the Gym space for the Sample class based on its class attributesmodel_info()
: Gets the model informationpack_from()
: Packs a list of samples into a single sample with lists for attributesunpack()
: Unpacks the packed Sample object into a list of Sample objects or dictionariesdataset()
: Converts the Sample instance to a HuggingFace Dataset objectfeatures()
: Converts the Sample instance to a HuggingFace Features objectspace_for()
: Default Gym space generation for a given valueinit_from()
: Initializes a Sample instance from various data typesfrom_space()
: Generates a Sample instance from a Gym spacemodel_field_info()
: Gets the extra json values set from a FieldInfo for a given attribute keydefault_sample()
: Generates a default Sample instance from its class attributesnumpy()
: Converts the Sample instance to a numpy arraytolist()
: Converts the Sample instance to a listtorch()
: Converts the Sample instance to a PyTorch tensorjson()
: Converts the Sample instance to a JSON string
The Sample
class provides a wide range of functionality for data manipulation, conversion, and integration with various libraries and frameworks.
MobileSingleHandControl
The MobileSingleHandControl
class represents control for a robot that can move its base in 2D space with a 6D EEF control and grasp.
Usage Example
from embdata.geometry import PlanarPose
from embdata.motion.control import MobileSingleHandControl, HandControl, HeadControl
# Create a MobileSingleHandControl instance
control = MobileSingleHandControl(
base=PlanarPose(x=1.0, y=2.0, theta=0.5),
hand=HandControl(
pose=Pose(position=[0.1, 0.2, 0.3], orientation=[0, 0, 0, 1]),
grasp=0.5
),
head=HeadControl(tilt=-0.1, pan=0.2)
)
# Access and modify the control
print(control.base.x) # Output: 1.0
control.hand.grasp = 0.8
print(control.hand.grasp) # Output: 0.8
HumanoidControl
The HumanoidControl
class represents control for a humanoid robot.
Usage Example
import numpy as np
from embdata.motion.control import HumanoidControl, HeadControl
# Create a HumanoidControl instance
control = HumanoidControl(
left_arm=np.array([0.1, 0.2, 0.3, 0.4, 0.5, 0.6]),
right_arm=np.array([0.2, 0.3, 0.4, 0.5, 0.6, 0.7]),
left_leg=np.array([0.1, 0.2, 0.3, 0.4, 0.5, 0.6]),
right_leg=np.array([0.2, 0.3, 0.4, 0.5, 0.6, 0.7]),
head=HeadControl(tilt=-0.1, pan=0.2)
)
# Access and modify the control
print(control.left_arm) # Output: [0.1 0.2 0.3 0.4 0.5 0.6]
control.head.tilt = -0.2
print(control.head.tilt) # Output: -0.2
Subclassing Motion
You can create custom motion controls by subclassing the Motion
class.
Usage Example
from embdata.motion import Motion
from embdata.motion.fields import VelocityMotionField, AbsoluteMotionField
class CustomRobotControl(Motion):
linear_velocity: float = VelocityMotionField(default=0.0, bounds=[-1.0, 1.0])
angular_velocity: float = VelocityMotionField(default=0.0, bounds=[-1.0, 1.0])
arm_position: float = AbsoluteMotionField(default=0.0, bounds=[0.0, 1.0])
# Create an instance of the custom control
custom_control = CustomRobotControl(
linear_velocity=0.5,
angular_velocity=-0.2,
arm_position=0.7
)
print(custom_control)
# Output: CustomRobotControl(linear_velocity=0.5, angular_velocity=-0.2, arm_position=0.7)
# Validate bounds
try:
invalid_control = CustomRobotControl(linear_velocity=1.5) # This will raise a ValueError
except ValueError as e:
print(f"Validation error: {e}")
Image
The Image
class represents image data and provides methods for manipulation and conversion.
Key Features
- Multiple representation formats (NumPy array, base64, file path, PIL Image, URL)
- Easy conversion between different image formats
- Resizing and encoding capabilities
- Integration with other data processing pipelines
Usage Example
from embdata import Image
import numpy as np
# Create an Image from a numpy array
array_data = np.random.rand(100, 100, 3)
img = Image(array=array_data)
# Convert to base64
base64_str = img.base64
# Open an image from a file
img_from_file = Image.open("path/to/image.jpg")
# Resize the image
resized_img = Image(img_from_file, size=(50, 50))
# Save the image
img.save("output_image.png")
# Create an Image from a URL
img_from_url = Image("https://example.com/image.jpg")
# Create an Image from a base64 string
img_from_base64 = Image.from_base64(base64_str, encoding="png")
Methods
open(path)
: Opens an image from a file pathsave(path, encoding, quality)
: Saves the image to a fileshow()
: Displays the image using matplotlibfrom_base64(base64_str, encoding, size, make_rgb)
: Creates an Image instance from a base64 stringload_url(url, download)
: Downloads an image from a URL or decodes it from a base64 data URIfrom_bytes(bytes_data, encoding, size)
: Creates an Image instance from a bytes objectspace()
: Returns the space of the imagedump(*args, as_field, **kwargs)
: Returns a dict or a field of the imageinfer_features_dict()
: Infers features of the image
Properties
array
: The image as a NumPy arraybase64
: The image as a base64 encoded stringpath
: The file path of the imagepil
: The image as a PIL Image objecturl
: The URL of the imagesize
: The size of the image as a (width, height) tupleencoding
: The encoding format of the image
Class Methods
supports(arg)
: Checks if the argument is supported by the Image classpil_to_data(image, encoding, size, make_rgb)
: Creates an Image instance from a PIL imagebytes_to_data(bytes_data, encoding, size, make_rgb)
: Creates an Image instance from a bytes object
The Image
class provides a convenient interface for working with image data in various formats and performing common image operations.
Trajectory
The Trajectory
class represents a time series of multidimensional data, such as robot movements or sensor readings.
Key Features
- Representation of time series data with optional frequency information
- Methods for statistical analysis, visualization, and manipulation
- Support for resampling and filtering operations
- Support for minmax, standard, and PCA transformations
Usage Example
from embdata import Trajectory
import numpy as np
# Create a Trajectory
data = np.random.rand(100, 3) # 100 timesteps, 3 dimensions
traj = Trajectory(data, freq_hz=10)
# Compute statistics
stats = traj.stats()
print(stats)
# Plot the trajectory
traj.plot()
# Resample the trajectory
resampled_traj = traj.resample(target_hz=5)
# Apply a low-pass filter
filtered_traj = traj.low_pass_filter(cutoff_freq=2)
# Save the plot
traj.save("trajectory_plot.png")
Methods
stats()
: Computes statistics for the trajectoryplot()
: Plots the trajectoryresample(target_hz)
: Resamples the trajectory to a new frequencylow_pass_filter(cutoff_freq)
: Applies a low-pass filter to the trajectorysave(filename)
: Saves the trajectory plot to a fileshow()
: Displays the trajectory plottransform(operation, **kwargs)
: Applies a transformation to the trajectory
The Trajectory
class offers methods for analyzing, visualizing, and manipulating trajectory data, making it easier to work with time series data in robotics and other applications.
Episode
The Episode
class provides a list-like interface for a sequence of observations, actions, and other data, particularly useful for reinforcement learning scenarios.
Key Features
- List-like interface for managing sequences of data
- Methods for appending, iterating, and splitting episodes
- Support for metadata and frequency information
- Integration with reinforcement learning workflows
Usage Example
from embdata import Episode, Sample
# Create an Episode
episode = Episode()
# Add steps to the episode
episode.append(Sample(observation=[1, 2, 3], action=0, reward=1))
episode.append(Sample(observation=[2, 3, 4], action=1, reward=0))
episode.append(Sample(observation=[3, 4, 5], action=0, reward=2))
# Iterate over the episode
for step in episode.iter():
print(step.observation, step.action, step.reward)
# Split the episode based on a condition
def split_condition(step):
return step.reward > 0
split_episodes = episode.split(split_condition)
# Extract a trajectory from the episode
action_trajectory = episode.trajectory(field="action", freq_hz=10)
# Visualize 3D geometrical data, images, and graphs with rerun.io
episode.show()
# Access episode metadata
print(episode.metadata)
print(episode.freq_hz)
Methods
append(step)
: Adds a new step to the episodeiter()
: Returns an iterator over the steps in the episodesplit(condition)
: Splits the episode based on a given conditiontrajectory(field, freq_hz)
: Extracts a trajectory from the episode for a specified fieldfilter(condition)
: Filters the episode based on a given condition
Properties
metadata
: Additional metadata for the episodefreq_hz
: The frequency of the episode in Hz
The Episode
class simplifies the process of working with sequential data in reinforcement learning and other time-series applications.
Pose6D
The Pose6D
class represents absolute coordinates for a 6D pose in 3D space, including position and orientation.
Key Features
- Representation of 3D pose with position (x, y) and orientation (theta)
- Conversion between different units (meters, centimeters, radians, degrees)
- Conversion to different formats (list, dict)
Usage Example
from embdata.geometry import Pose6D
import math
# Create a Pose3D instance
pose = Pose6D(x=1.0, y=2.0, z=3.0, roll=math.pi/10, pitch=math.pi/5, yaw=math.pi/3)
# Convert to different units
pose_cm = pose.to("cm")
print(pose_cm) # Pose6D(x=100.0, y=200.0, z=300.0, roll=0.3141592653589793, pitch=0.6283185307179586, yaw=1.0471975511965976)
pose_deg = pose.to(angular_unit="deg")
print(pose_deg) # Pose6D(x=1.0, y=2.0, z=3.0, roll=5.729577951308232, pitch=11.459155902616465, yaw=17.374763072956262)
# Convert to different formats
pose_list = pose.numpy()
print(pose_list) # array([1.0, 2.0, 3.0, 0.1, 0.2, 0.3])
pose_dict = pose.dict()
print(pose_dict) # {'x': 1.0, 'y': 2.0, 'z': 3.0, 'roll': 0.1, 'pitch': 0.2, 'yaw': 0.3}
pose.to("quaternion")
print(pose.quaternion()) # [0.9659258262890683, 0.0, 0.13052619222005157, 0.0]
pose.to("rotation_matrix")
print(pose.rotation_matrix()) # array([[ 0.8660254, -0.25, 0.4330127], [0.4330127, 0.75, -0.5], [-0.25, 0.61237244, 0.75]]
Methods
to(container_or_unit, unit, angular_unit)
: Converts the pose to different units or formats
The Pose3D
class provides methods for converting between different units and representations of 3D poses, making it easier to work with spatial data in various contexts.
HandControl
The HandControl
class represents an action for a 7D space, including the pose of a robot hand and its grasp state.
Key Features
- Representation of robot hand pose and grasp state
- Integration with other motion control classes
- Support for complex nested structures
Usage Example
from embdata.geometry import Pose
from embdata.motion.control import HandControl
# Create a HandControl instance
hand_control = HandControl(
pose=Pose(position=[0.1, 0.2, 0.3], orientation=[0, 0, 0, 1]),
grasp=0.5
)
# Access and modify the hand control
print(hand_control.pose.position) # [0.1, 0.2, 0.3]
hand_control.grasp = 0.8
print(hand_control.grasp) # 0.8
# Example with complex nested structure
from embdata.motion import Motion
from embdata.motion.fields import VelocityMotionField
class RobotControl(Motion):
hand: HandControl
velocity: float = VelocityMotionField(default=0.0, bounds=[0.0, 1.0])
robot_control = RobotControl(
hand=HandControl(
pose=Pose(position=[0.1, 0.2, 0.3], orientation=[0, 0, 0, 1]),
grasp=0.5
),
velocity=0.3
)
print(robot_control.hand.pose.position) # [0.1, 0.2, 0.3]
print(robot_control.velocity) # 0.3
Attributes
pose
: The pose of the robot hand (Pose object)grasp
: The openness of the robot hand (float, 0 to 1)
The HandControl
class allows for easy manipulation and representation of robot hand controls in a 7D space, making it useful for robotics and motion control applications.
License
embdata
is distributed under the terms of the apache-2.0 license.
Design Decisions
- Grasp value is [-1, 1] so that the default value is 0.
- Motion rather than Action to distinguish from non-physical actions.
Classes
Episode
Episode
The Episode
class provides a list-like interface for a sequence of observations, actions, and/or other data. It's designed to streamline exploratory data analysis and manipulation of time series data.
#Key Features
- List-like interface for managing sequences of data
- Methods for appending, iterating, and splitting episodes
- Support for metadata and frequency information
- Integration with reinforcement learning workflows
Usage Example
from embdata import Episode, Sample
# Create an Episode
episode = Episode()
# Add steps to the episode
episode.append(Sample(observation=[1, 2, 3], action=0, reward=1))
episode.append(Sample(observation=[2, 3, 4], action=1, reward=0))
episode.append(Sample(observation=[3, 4, 5], action=0, reward=2))
# Iterate over the episode
for step in episode.iter():
print(f"Observation: {step.observation}, Action: {step.action}, Reward: {step.reward}")
# Split the episode based on a condition
def split_condition(step):
return step.reward > 0
split_episodes = episode.split(split_condition)
# Extract a trajectory from the episode
action_trajectory = episode.trajectory(field="action", freq_hz=10)
# Access episode metadata
print(episode.metadata)
print(episode.freq_hz)
#Methods
append(step)
: Adds a new step to the episodeiter()
: Returns an iterator over the steps in the episodesplit(condition)
: Splits the episode based on a given conditiontrajectory(field, freq_hz)
: Extracts a trajectory from the episode for a specified fieldfilter(condition)
: Filters the episode based on a given condition
#Properties
metadata
: Additional metadata for the episodefreq_hz
: The frequency of the episode in Hz
The Episode
class simplifies the process of working with sequential data in reinforcement learning and other time-series applications.
Image
Image
The Image
class represents an image sample that can be represented in various formats, including NumPy arrays, base64 encoded strings, file paths, PIL Images, or URLs.
#Key Features
- Multiple representation formats (NumPy array, base64, file path, PIL Image, URL)
- Easy conversion between different image formats
- Resizing and encoding capabilities
- Integration with other data processing pipelines
#Usage Example
from embdata import Image
import numpy as np
# Create an Image from a numpy array
array_data = np.random.rand(100, 100, 3)
img = Image(array=array_data)
# Convert to base64
base64_str = img.base64
# Open an image from a file
img_from_file = Image.open("path/to/image.jpg")
# Resize the image
resized_img = Image(img_from_file, size=(50, 50))
# Save the image
img.save("output_image.png")
# Create an Image from a base64 string
base64_str = "iVBORw0KGgoAAAANSUhEUgAAAAEAAAABCAYAAAAfFcSJAAAACklEQVR4nGMAAQAABQABDQottAAAAABJRU5ErkJggg=="
image = Image.from_base64(base64_str, encoding="png", size=(1, 1))
print(image.size) # Output: (1, 1)
# Example with complex nested structure
nested_data = {
"image": Image.from_base64(base64_str, encoding="png"),
"metadata": {
"text": "A small red square",
"tags": ["red", "square", "small"]
}
}
print(nested_data["image"].size) # Output: (1, 1)
print(nested_data["metadata"]["text"]) # Output: A small red square
#Methods
open(path)
: Opens an image from a file pathsave(path, encoding, quality)
: Saves the image to a fileshow()
: Displays the image using matplotlibfrom_base64(base64_str, encoding, size, make_rgb)
: Creates an Image instance from a base64 string
#Properties
array
: The image as a NumPy arraybase64
: The image as a base64 encoded stringpath
: The file path of the imagepil
: The image as a PIL Image objecturl
: The URL of the imagesize
: The size of the image as a (width, height) tupleencoding
: The encoding format of the image
The Image
class provides a convenient interface for working with image data in various formats and performing common image operations.
Sample
Sample
The Sample
class is a base model for serializing, recording, and manipulating arbitrary data. It provides a flexible and extensible way to handle complex data structures, including nested objects, arrays, and various data types.
#Key Features
- Serialization and deserialization of complex data structures
- Flattening and unflattening of nested structures
- Conversion between different formats (e.g., dict, numpy arrays, torch tensors)
- Integration with machine learning frameworks and gym spaces
#Usage Example
from embdata import Sample
import numpy as np
# Create a simple Sample instance
sample = Sample(x=1, y=2, z={"a": 3, "b": 4}, extra_field=5)
# Flatten the sample
flat_sample = sample.flatten()
print(flat_sample) # Output: [1, 2, 3, 4, 5]
# Get the schema
schema = sample.schema()
print(schema)
# Unflatten a list back to a Sample instance
unflattened_sample = Sample.unflatten(flat_sample, schema)
print(unflattened_sample) # Output: Sample(x=1, y=2, z={'a': 3, 'b': 4}, extra_field=5)
# Create a complex nested structure
nested_sample = Sample(
image=Sample(
data=np.random.rand(32, 32, 3),
metadata={"format": "RGB", "size": (32, 32)}
),
text=Sample(
content="Hello, world!",
tokens=["Hello", ",", "world", "!"],
embeddings=np.random.rand(4, 128)
),
labels=["greeting", "example"]
)
# Get the schema of the nested structure
nested_schema = nested_sample.schema()
print(nested_schema)
#Methods
flatten(output_type="list", non_numerical="allow", ignore=None, sep=".", to=None)
: Flattens the Sample instance into a one-dimensional structureunflatten(one_d_array_or_dict, schema=None)
: Unflattens a one-dimensional array or dictionary into a Sample instanceto(container)
: Converts the Sample instance to a different container typeschema(include_descriptions=False)
: Get a simplified JSON schema of the dataspace()
: Return the corresponding Gym space for the Sample instancerandom_sample()
: Generate a random Sample instance based on its attributes
The Sample
class provides a wide range of functionality for data manipulation, conversion, and integration with various libraries and frameworks.
Trajectory
Trajectory
The Trajectory
class represents a trajectory of steps, typically used for time series of multidimensional data such as robot movements or sensor readings.
#Key Features
- Representation of time series data with optional frequency information
- Methods for statistical analysis, visualization, and manipulation
- Support for resampling and filtering operations
- Transformation and normalization capabilities
#Usage Example
import numpy as np
from embdata import Trajectory
# Create a simple 2D trajectory
steps = np.array([[0, 0], [1, 1], [2, 0], [3, 1], [4, 0]])
traj = Trajectory(steps, freq_hz=10, dim_labels=['X', 'Y'])
# Plot the trajectory
traj.plot().show()
# Compute and print statistics
print(traj.stats())
# Apply a low-pass filter
filtered_traj = traj.low_pass_filter(cutoff_freq=2)
filtered_traj.plot().show()
# Upsample with rotation splines and bicubic interpolation
upsampled_traj = traj.resample(target_hz=20)
print(upsampled_traj) # Output: Trajectory(steps=..., freq_hz=20, dim_labels=['X', 'Y'])
# Access data
print(traj.array) # Output: [[0 0] [1 1] [2 0] [3 1] [4 0]]
# Get statistics
stats = traj.stats()
print(stats.mean) # Output: [2. 0.4]
print(stats.std) # Output: [1.41421356 0.48989795]
# Slice the trajectory
sliced_traj = traj[1:4]
print(sliced_traj.array) # Output: [[1 1] [2 0] [3 1]]
# Transform the trajectory
normalized_traj = traj.transform('minmax')
normalized_traj.plot().show()
#Methods
plot()
: Plot the trajectorystats()
: Compute statistics for the trajectorylow_pass_filter(cutoff_freq)
: Apply a low-pass filter to the trajectoryresample(target_hz)
: Resample the trajectory to a new frequencymake_relative()
: Convert the trajectory to relative actionsmake_absolute(initial_state)
: Convert relative actions to absolute actionsfrequencies()
: Plot the frequency spectrogram of the trajectoryfrequencies_nd()
: Plot the n-dimensional frequency spectrogram of the trajectorytransform(operation, **kwargs)
: Apply a transformation to the trajectorymake_minmax(min, max)
: Apply min-max normalizationmake_pca(whiten)
: Apply PCA transformationmake_standard()
: Apply standard normalizationmake_unminmax(orig_min, orig_max)
: Reverse min-max normalizationmake_unstandard(mean, std)
: Reverse standard normalizationq01()
,q99()
: Get 1st and 99th percentilesmean()
,variance()
,std()
,skewness()
,kurtosis()
: Statistical measuresmin()
,max()
: Minimum and maximum valueslower_quartile()
,median()
,upper_quartile()
: Quartile valuesnon_zero_count()
,zero_count()
: Count non-zero and zero values
#Properties
array
: The trajectory data as a NumPy arrayfreq_hz
: The frequency of the trajectory in Hztime_idxs
: The time index of each step in the trajectorydim_labels
: The labels for each dimension of the trajectory
The Trajectory
class offers comprehensive methods for analyzing, visualizing, manipulating, and transforming trajectory data, making it easier to work with time series data in robotics and other applications.
Motion
Motion
The Motion
class is a base class for defining motion-related data structures. It extends the Coordinate
class and provides a foundation for creating motion-specific data models.
#Key Features
- Base class for motion-specific data models
- Integration with MotionField and its variants for proper validation and type checking
- Support for defining bounds and motion types
#Usage Example
from embdata.motion import Motion
from embdata.motion.fields import VelocityMotionField
class Twist(Motion):
x: float = VelocityMotionField(default=0.0, bounds=[-1.0, 1.0])
y: float = VelocityMotionField(default=0.0, bounds=[-1.0, 1.0])
z: float = VelocityMotionField(default=0.0, bounds=[-1.0, 1.0])
roll: float = VelocityMotionField(default=0.0, bounds=["-pi", "pi"])
pitch: float = VelocityMotionField(default=0.0, bounds=["-pi", "pi"])
yaw: float = VelocityMotionField(default=0.0, bounds=["-pi", "pi"])
# Create a Twist motion
twist = Twist(x=0.5, y=-0.3, z=0.1, roll=0.2, pitch=-0.1, yaw=0.8)
print(twist) # Output: Twist(x=0.5, y=-0.3, z=0.1, roll=0.2, pitch=-0.1, yaw=0.8)
# Access individual fields
print(twist.x) # Output: 0.5
# Validate bounds
try:
invalid_twist = Twist(x=1.5) # This will raise a ValueError
except ValueError as e:
print(f"Validation error: {e}")
# Example with complex nested structure
class RobotMotion(Motion):
twist: Twist
gripper: float = VelocityMotionField(default=0.0, bounds=[0.0, 1.0])
robot_motion = RobotMotion(
twist=Twist(x=0.2, y=0.1, z=0.0, roll=0.0, pitch=0.0, yaw=0.1),
gripper=0.5
)
print(robot_motion)
# Output: RobotMotion(twist=Twist(x=0.2, y=0.1, z=0.0, roll=0.0, pitch=0.0, yaw=0.1), gripper=0.5)
#Methods
validate_shape()
: Validates the shape of the motion data
#Fields
MotionField
: Creates a field for a motion with specified propertiesAbsoluteMotionField
: Field for an absolute motionRelativeMotionField
: Field for a relative motionVelocityMotionField
: Field for a velocity motionTorqueMotionField
: Field for a torque motionAnyMotionField
: Field for any other type of motion
Key Concepts
- Subclasses of Motion should define their fields using MotionField or its variants (e.g., AbsoluteMotionField, VelocityMotionField) to ensure proper validation and type checking.
- The Motion class does not allow extra fields and enforces validation of motion type, shape, and bounds.
- It can handle various types of motion data, including nested structures with images and text, as long as they are properly defined using the appropriate MotionFields.
The Motion
class provides a flexible foundation for creating motion-specific data models with built-in validation and type checking, making it easier to work with complex motion data in robotics and other applications.
AnyMotionControl
AnyMotionControl
The AnyMotionControl
class is a subclass of Motion
that allows for arbitrary fields with minimal validation. It's designed for motion control with flexible structure.
#Key Features
- Allows arbitrary fields
- Minimal validation compared to
Motion
- Includes optional
names
andjoints
fields
#Usage Example
from embdata.motion import AnyMotionControl
# Create an AnyMotionControl instance
control = AnyMotionControl(names=["shoulder", "elbow", "wrist"], joints=[0.1, 0.2, 0.3])
print(control) # Output: AnyMotionControl(names=['shoulder', 'elbow', 'wrist'], joints=[0.1, 0.2, 0.3])
# Add arbitrary fields
control.extra_field = "some value"
print(control.extra_field) # Output: some value
# Validation example
try:
invalid_control = AnyMotionControl(names=["joint1", "joint2"], joints=[0.1, 0.2, 0.3])
except ValueError as e:
print(f"Validation error: {e}")
#Methods
validate_joints()
: Validates that the number of joints matches the number of names and that all joints are numbers
#Fields
names
: Optional list of joint namesjoints
: Optional list of joint values
The AnyMotionControl
class provides a flexible structure for motion control data with minimal constraints, allowing for easy integration with various robotic systems and control schemes.
HandControl
HandControl
The HandControl
class represents an action for a 7D space, including the pose of a robot hand and its grasp state.
#Key Features
- Representation of robot hand pose and grasp state
- Integration with other motion control classes
- Support for complex nested structures
#Usage Example
from embdata.geometry import Pose
from embdata.motion.control import HandControl
# Create a HandControl instance
hand_control = HandControl(
pose=Pose(position=[0.1, 0.2, 0.3], orientation=[0, 0, 0, 1]),
grasp=0.5
)
# Access and modify the hand control
print(hand_control.pose.position) # Output: [0.1, 0.2, 0.3]
hand_control.grasp = 0.8
print(hand_control.grasp) # Output: 0.8
# Example with complex nested structure
from embdata.motion import Motion
from embdata.motion.fields import VelocityMotionField
class RobotControl(Motion):
hand: HandControl
velocity: float = VelocityMotionField(default=0.0, bounds=[0.0, 1.0])
robot_control = RobotControl(
hand=HandControl(
pose=Pose(position=[0.1, 0.2, 0.3], orientation=[0, 0, 0, 1]),
grasp=0.5
),
velocity=0.3
)
print(robot_control.hand.pose.position) # Output: [0.1, 0.2, 0.3]
print(robot_control.velocity) # Output: 0.3
#Attributes
pose
(Pose): The pose of the robot hand, including position and orientation.grasp
(float): The openness of the robot hand, ranging from 0 (closed) to 1 (open).
The HandControl
class allows for easy manipulation and representation of robot hand controls in a 7D space, making it useful for robotics and motion control applications. It can be integrated into more complex control structures and supports nested data representations.
AbsoluteHandControl
AbsoluteHandControl
The AbsoluteHandControl
class represents an action for a 7D space with absolute positioning, including the pose of a robot hand and its grasp state.
#Attributes
pose
(Pose): The absolute pose of the robot hand, including position and orientation.grasp
(float): The openness of the robot hand, ranging from -1 (closed) to 1 (open).
RelativePoseHandControl
RelativePoseHandControl
The RelativePoseHandControl
class represents an action for a 7D space with relative positioning for the pose and absolute positioning for the grasp.
#Attributes
pose
(Pose): The relative pose of the robot hand, including position and orientation.grasp
(float): The openness of the robot hand, ranging from -1 (closed) to 1 (open).
HeadControl
HeadControl
The HeadControl
class represents the control for a robot's head movement.
#Attributes
tilt
(float): Tilt of the robot head in radians (down is negative).pan
(float): Pan of the robot head in radians (left is negative).
MobileSingleHandControl
MobileSingleHandControl
The MobileSingleHandControl
class represents control for a robot that can move its base in 2D space with a 6D EEF control and grasp.
#Attributes
base
(PlanarPose | None): Location of the robot on the ground.hand
(HandControl | None): Control for the robot hand.head
(HeadControl | None): Control for the robot head.
MobileSingleArmControl
MobileSingleArmControl
The MobileSingleArmControl
class represents control for a robot that can move in 2D space with a single arm.
#Attributes
base
(PlanarPose | None): Location of the robot on the ground.arm
(NumpyArray | None): Control for the robot arm.head
(HeadControl | None): Control for the robot head.
MobileBimanualArmControl
MobileBimanualArmControl
The MobileBimanualArmControl
class represents control for a robot that can move in 2D space with two arms.
#Attributes
base
(PlanarPose | None): Location of the robot on the ground.left_arm
(NumpyArray | None): Control for the left robot arm.right_arm
(NumpyArray | None): Control for the right robot arm.head
(HeadControl | None): Control for the robot head.
HumanoidControl
HumanoidControl
The HumanoidControl
class represents control for a humanoid robot.
#Attributes
left_arm
(NumpyArray | None): Control for the left robot arm.right_arm
(NumpyArray | None): Control for the right robot arm.left_leg
(NumpyArray | None): Control for the left robot leg.right_leg
(NumpyArray | None): Control for the right robot leg.head
(HeadControl | None): Control for the robot head.
Project details
Release history Release notifications | RSS feed
Download files
Download the file for your platform. If you're not sure which to choose, learn more about installing packages.
Source Distribution
Built Distribution
File details
Details for the file embdata-0.0.5.tar.gz
.
File metadata
- Download URL: embdata-0.0.5.tar.gz
- Upload date:
- Size: 100.4 kB
- Tags: Source
- Uploaded using Trusted Publishing? No
- Uploaded via: python-httpx/0.27.0
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | 0fc45eb728e3343edd59fb78473b96c9ca4050d948366e5944af85c5064e6515 |
|
MD5 | 9b2774e678fc1f26b42772adb51d8861 |
|
BLAKE2b-256 | 01d4af0a4f43a2ffe14263a6ab82cd147770e1a5a032a76ae4fd3b72ffe99e5d |
File details
Details for the file embdata-0.0.5-py3-none-any.whl
.
File metadata
- Download URL: embdata-0.0.5-py3-none-any.whl
- Upload date:
- Size: 80.0 kB
- Tags: Python 3
- Uploaded using Trusted Publishing? No
- Uploaded via: python-httpx/0.27.0
File hashes
Algorithm | Hash digest | |
---|---|---|
SHA256 | ec22058687bf42768f7bc430f5866255a38b9e553f91e6281bd1d1bea9ed705b |
|
MD5 | 1dfbcb44d8830245a52ac3095ecaf392 |
|
BLAKE2b-256 | 3b1d425f97c25935fa99fe1d255516d438aa25474bfcf87097d5faaa0e3a584f |