Source code for concepts.simulator.pybullet.components.robot_base

#! /usr/bin/env python3
# -*- coding: utf-8 -*-
# File   : robot_base.py
# Author : Jiayuan Mao
# Email  : maojiayuan@gmail.com
# Date   : 08/24/2022
#
# This file is part of Project Concepts.
# Distributed under terms of the MIT license.

"""This file contains basic classes for defining robots and their action primitives."""

import contextlib

import numpy as np
from typing import Optional, Union, Iterable, Sequence, Tuple, List, Dict, Callable

import pybullet

from jacinle.logging import get_logger
from jacinle.utils.enum import JacEnum
from jacinle.utils.meta import cond_with

from concepts.algorithm.configuration_space import BoxConfigurationSpace, CollisionFreeProblemSpace
from concepts.algorithm.rrt.rrt import birrt
from concepts.math.range import Range
from concepts.math.rotationlib_xyzw import quat_mul, quat_conjugate
from concepts.math.frame_utils_xyzw import get_transform_a_to_b, compute_ee_quat_from_directions
from concepts.utils.typing_utils import Vec3f, Vec4f

from concepts.simulator.pybullet.client import BulletClient
from concepts.simulator.pybullet.world import BodyFullStateSaver
from concepts.simulator.pybullet.components.component_base import BulletComponent

logger = get_logger(__file__)

__all__ = ['BulletGripperBase', 'GripperObjectIndices', 'IKMethod', 'BulletRobotBase', 'BulletArmRobotBase', 'BulletRobotActionPrimitive']


[docs] class BulletGripperBase(BulletComponent): """Base gripper class."""
[docs] def __init__(self, client: BulletClient): super().__init__(client) self.activated = False
[docs] def step(self): """This function can be used to create gripper-specific behaviors.""" return
[docs] def activate(self, objects): return
[docs] def release(self): return
GripperObjectIndices = Dict[str, List[int]]
[docs] class IKMethod(JacEnum): PYBULLET = 'pybullet' IKFAST = 'ikfast'
[docs] class BulletRobotBase(BulletComponent):
[docs] def __init__(self, client: BulletClient, body_name: Optional[str] = None, gripper_objects: Optional[GripperObjectIndices] = None, current_interface='pybullet', ik_method: Union[str, IKMethod] = 'pybullet'): super().__init__(client) self.body_name = body_name if body_name is not None else self.__class__.__name__ self.gripper_objects = gripper_objects if self.gripper_objects is None: self.gripper_objects = self.client.w.body_groups self.current_interface = current_interface self.primitive_actions: Dict[Tuple[str, str], Callable] = dict() self.ik_method = IKMethod.from_string(ik_method) self.warnings_suppressed = False self._cspace = None self._cfree_default_pspace = None
[docs] @contextlib.contextmanager def suppress_warnings(self): backup = self.warnings_suppressed self.warnings_suppressed = True yield self.warnings_suppressed = backup
[docs] def set_suppress_warnings(self, value: bool = True): self.warnings_suppressed = value
[docs] def register_action(self, name: str, func: Callable, interface: Optional[str] = None) -> None: """Register an action primitive. Args: name: name of the action primitive. func: function that implements the action primitive. interface: interface of the action primitive. Defaults to None. If None, the action primitive is registered for the current interface. Raises: ValueError: If the action primitive is already registered. """ if interface is None: interface = self.current_interface if (name, interface) in self.primitive_actions: raise ValueError(f'Action primitive {name} for interface {interface} already registered.') self.primitive_actions[(interface, name)] = func
[docs] def do(self, action_name: str, *args, **kwargs) -> bool: """Execute an action primitive. Args: action_name: Name of the action primitive. Returns: bool: True if the action primitive is successful. """ assert (self.current_interface, action_name) in self.primitive_actions, f'Action primitive {action_name} for interface {self.current_interface} not registered.' return self.primitive_actions[(self.current_interface, action_name)](*args, **kwargs)
[docs] def set_ik_method(self, ik_method: Union[str, IKMethod]): self.ik_method = IKMethod.from_string(ik_method)
[docs] def get_body_id(self) -> int: """Get the pybullet body ID of the robot. Returns: int: Body ID of the robot. """ raise NotImplementedError()
[docs] def get_joint_ids(self) -> Sequence[int]: """Get the pybullet joint IDs of the robot. Returns: Sequence[int]: Joint IDs of the robot. """ raise NotImplementedError()
[docs] def get_home_qpos(self) -> np.ndarray: """Get the home joint configuration.""" raise NotImplementedError()
[docs] def reset_home_qpos(self): """Reset the home joint configuration.""" raise NotImplementedError()
[docs] def get_joint_limits(self) -> Tuple[np.ndarray, np.ndarray]: """Get the joint limits. Returns: Tuple[np.ndarray, np.ndarray]: Lower and upper joint limits. """ body_id = self.get_body_id() joint_info = [self.client.w.get_joint_info_by_id(body_id, i) for i in self.get_joint_ids()] lower_limits = np.array([joint.joint_lower_limit for joint in joint_info]) upper_limits = np.array([joint.joint_upper_limit for joint in joint_info]) return lower_limits, upper_limits
[docs] def get_dof(self) -> int: """Get the total degrees of freedom of the robot. Returns: int: Total degrees of freedom. """ return len(self.get_joint_ids())
[docs] def get_qpos(self) -> np.ndarray: """Get the current joint configuration. Returns: np.ndarray: Current joint configuration. """ return self.client.w.get_batched_qpos_by_id(self.get_body_id(), self.get_joint_ids())
[docs] def set_qpos(self, qpos: np.ndarray) -> None: """Set the joint configuration. Args: qpos: Joint configuration. """ self.client.w.set_batched_qpos_by_id(self.get_body_id(), self.get_joint_ids(), qpos)
[docs] def set_qpos_with_holding(self, qpos: np.ndarray) -> None: """Set the joint configuration with the gripper holding the object. Args: qpos: Joint configuration. """ return self.set_qpos(qpos)
[docs] def get_qvel(self) -> np.ndarray: """Get the current joint velocity. Returns: np.ndarray: Current joint velocity. """ return self.client.w.get_batched_qvel_by_id(self.get_body_id(), self.get_joint_ids())
[docs] def get_body_pose(self) -> Tuple[np.ndarray, np.ndarray]: """Get the pose of the robot body. Returns: Tuple[np.ndarray, np.ndarray]: 3D position and 4D quaternion of the robot body. """ state = self.client.w.get_body_state_by_id(self.get_body_id()) return np.array(state.position), np.array(state.orientation)
[docs] class BulletArmRobotBase(BulletRobotBase): """Base class for arm robots, such as UR5, Panda, etc. In this class, we assume that the robot joints are composed of two parts: the arm joints and the gripper joints. All joint IDs and joint configurations functions are based on arm joints. To handle the "full" joint configuration, we provide an additional set of functions to get and set the full joint configuration, including the gripper joints. """
[docs] def get_full_joint_ids(self) -> Sequence[int]: """Get the pybullet joint IDs of the robot, including the gripper joints. Returns: Sequence[int]: Joint IDs of the robot. """ raise NotImplementedError()
[docs] def get_full_dof(self) -> int: """Get the total degrees of freedom of the robot, including the gripper joints. Returns: int: Total degrees of freedom. """ return len(self.get_full_joint_ids())
[docs] def get_full_joint_limits(self) -> Tuple[np.ndarray, np.ndarray]: """Get the joint limits of the robot arm, including the gripper joints. Returns: Tuple[np.ndarray, np.ndarray]: Lower and upper joint limits. """ body = self.get_body_id() joint_info = [self.client.w.get_joint_info_by_id(body, i) for i in self.get_full_joint_ids()] lower_limits = np.array([joint.joint_lower_limit for joint in joint_info]) upper_limits = np.array([joint.joint_upper_limit for joint in joint_info]) return lower_limits, upper_limits
[docs] def get_full_qpos(self) -> np.ndarray: """Get the current joint configuration. Returns: np.ndarray: Current joint configuration. """ return self.client.w.get_batched_qpos_by_id(self.get_body_id(), self.get_full_joint_ids())
[docs] def get_full_home_qpos(self) -> np.ndarray: """Get the home joint configuration.""" raise NotImplementedError()
[docs] def set_full_qpos(self, qpos: np.ndarray) -> None: """Set the joint configuration. Args: qpos: Joint configuration. """ self.client.w.set_batched_qpos_by_id(self.get_body_id(), self.get_full_joint_ids(), qpos)
[docs] def get_full_qvel(self) -> np.ndarray: """Get the current joint velocity. Returns: np.ndarray: Current joint velocity. """ return self.client.w.get_batched_qvel_by_id(self.get_body_id(), self.get_full_joint_ids())
[docs] def get_ee_home_pos(self) -> np.ndarray: """Get the home position of the end effector.""" raise NotImplementedError()
[docs] def get_ee_home_quat(self) -> np.ndarray: """Get the home orientation of the end effector.""" raise NotImplementedError()
[docs] def get_ee_pose(self, fk: bool = True) -> Tuple[np.ndarray, np.ndarray]: """Get the pose of the end effector. Args: fk: whether to run forward kinematics to re-compute the pose. Returns: Tuple[np.ndarray, np.ndarray]: 3D position and 4D quaternion of the end effector. """ state = self.client.w.get_link_state_by_id(self.get_body_id(), self.get_ee_link_id(), fk=fk) return np.array(state.position), np.array(state.orientation)
[docs] def get_ee_velocity(self, fk: bool = True) -> Tuple[np.ndarray, np.ndarray]: """Get the velocity of the end effector. Returns: Tuple[np.ndarray, np.ndarray]: 3D linear velocity and 3D angular velocity of the end effector. """ state = self.client.w.get_link_state_by_id(self.get_body_id(), self.get_ee_link_id(), fk=fk) return np.array(state.linear_velocity), np.array(state.angular_velocity)
[docs] def set_ee_pose(self, pos: np.ndarray, quat: np.ndarray) -> bool: """Set the pose of the end effector by inverse kinematics. Return True if the IK solver succeeds. Args: pos: 3D position of the end effector. quat: 4D quaternion of the end effector. Returns: bool: True if the IK solver succeeds. """ qpos = self.ik(pos, quat) if qpos is None: return False self.set_qpos(qpos) return True
[docs] def get_ee_to_tool(self, tool_id: int) -> Tuple[np.ndarray, np.ndarray]: """Get the pose of the tool frame relative to the end effector frame. Args: tool_id: ID of the tool frame. Returns: Tuple[np.ndarray, np.ndarray]: 3D position and 4D quaternion of the tool frame. """ robot_pos, robot_quat = self.world.get_link_state_by_id(self.get_body_id(), self.get_ee_link_id(), fk=True).get_transformation() tool_pos, tool_quat = self.world.get_body_state_by_id(tool_id).get_transformation() return get_transform_a_to_b(robot_pos, robot_quat, tool_pos, tool_quat)
[docs] def get_ee_default_quat(self) -> np.ndarray: """Get the default orientation of the end effector.""" raise NotImplementedError()
[docs] def get_ee_quat_from_vectors(self, u: Vec3f = (-1., 0., 0.), v: Vec3f = (1., 0., 0.)) -> Vec4f: """Compute the quaternion from two directions (the "down" direction for the end effector and the "forward" direction for the end effector). Args: u: the "down" direction for the end effector. v: the "forward" direction for the end effector. """ return compute_ee_quat_from_directions(u, v, self.get_ee_default_quat())
[docs] def get_gripper_state(self) -> Optional[bool]: """Get the gripper state. Returns: Optional[bool]: True if the gripper is activated. """ raise NotImplementedError()
[docs] def fk(self, qpos: np.ndarray, link_name_or_id: Optional[Union[str, int]] = None) -> Tuple[np.ndarray, np.ndarray]: """Forward kinematics. Args: qpos: Joint configuration. link_name_or_id: name or id of the link. If not specified, the pose of the end effector is returned. Returns: Tuple[np.ndarray, np.ndarray]: 3D position and 4D quaternion of the end effector. """ robot_id = self.get_body_id() with BodyFullStateSaver(self.client.w, robot_id): self.set_qpos(qpos) if link_name_or_id is None: return self.get_ee_pose(fk=True) elif isinstance(link_name_or_id, str): state = self.client.w.get_link_state(link_name_or_id, fk=True) return np.array(state.position), np.array(state.orientation) elif isinstance(link_name_or_id, int): state = self.client.w.get_link_state_by_id(robot_id, link_name_or_id, fk=True) return np.array(state.position), np.array(state.orientation) else: raise TypeError(f'link_name_or_id must be str or int, got {type(link_name_or_id)}.')
[docs] def ik(self, pos: np.ndarray, quat: np.ndarray, force: bool = False, max_distance: float = float('inf'), max_attempts: int = 1000, verbose: bool = False) -> Optional[np.ndarray]: """Inverse kinematics. Args: pos: 3D position of the end effector. quat: 4D quaternion of the end effector. force: Whether to force the IK solver to return a solution. Defaults to False. If set, the IK solve may return a solution even if the end effector is not at the given pose. This function is useful for debugging and for moving towards a certain direction. max_distance: Maximum distance between the last qpos and the solution (Only used for IKFast). Defaults to float('inf'). max_attempts: Maximum number of attempts (only used for IKFast). Defaults to 1000. verbose: Whether to print debug information. Returns: np.ndarray: Joint configuration. """ if self.ik_method is IKMethod.PYBULLET: assert max_distance == float('inf'), 'max_distance is not supported in PyBullet IK' return self.ik_pybullet(pos, quat, force=force, verbose=verbose) elif self.ik_method is IKMethod.IKFAST: assert force is False, 'force is not supported in ik_fast' return self.ikfast(pos, quat, max_distance=max_distance, max_attempts=max_attempts, verbose=verbose)
[docs] def ik_pybullet(self, pos: np.ndarray, quat: np.ndarray, force: bool = False, pos_tol: float = 1e-2, quat_tol: float = 1e-2, verbose: bool = False) -> Optional[np.ndarray]: """Inverse kinematics using pybullet. Args: pos: 3D position of the end effector. quat: 4D quaternion of the end effector. force: Whether to force the IK solver to return a solution. Defaults to False. If set, the IK solve may return a solution even if the end effector is not at the given pose. This function is useful for debugging and for moving towards a certain direction. pos_tol: tolerance of the position. Defaults to 1e-2. quat_tol: tolerance of the quaternion. Defaults to 1e-2. verbose: Whether to print debug information. Returns: np.ndarray: Joint configuration. """ lower_limits, upper_limits = self.get_full_joint_limits() joints = self.client.p.calculateInverseKinematics( bodyUniqueId=self.get_body_id(), endEffectorLinkIndex=self.get_ee_link_id(), targetPosition=pos, targetOrientation=quat, lowerLimits=lower_limits, upperLimits=upper_limits, jointRanges=upper_limits - lower_limits, restPoses=self.get_full_home_qpos(), maxNumIterations=100, residualThreshold=1e-5, ) if verbose: print('IK (solution, lower, upper):\n', np.stack([joints[:7], lower_limits, upper_limits], axis=0), sep='') joints = np.array(joints)[:self.get_dof()] lower_limits = lower_limits[:self.get_dof()] upper_limits = upper_limits[:self.get_dof()] if np.all(lower_limits <= joints) and np.all(joints <= upper_limits): qpos = np.array(joints[:7]) fk_pos, fk_quat = self.fk(qpos) if np.linalg.norm(fk_pos - pos) < pos_tol and 1 - np.abs(quat_mul(quat, quat_conjugate(fk_quat))[3]) < quat_tol: return qpos else: if verbose: print('IK failed: pos error:', np.linalg.norm(fk_pos - pos), 'quat error:', 1 - np.abs(quat_mul(quat, quat_conjugate(fk_quat))[3])) if force: return np.array(joints[:7]) return None
[docs] def ikfast(self, pos: np.ndarray, quat: np.ndarray, last_qpos: Optional[np.ndarray] = None, max_attempts: int = 1000, max_distance: float = float('inf'), error_on_fail: bool = True, verbose: bool = False) -> Optional[np.ndarray]: """Inverse kinematics using IKFast. Args: pos: 3D position of the end effector. quat: 4D quaternion of the end effector. last_qpos: Last joint configuration. Defaults to None. If None, the current joint configuration is used. max_attempts: Maximum number of IKFast attempts. Defaults to 1000. max_distance: Maximum distance between the target pose and the end effector. Defaults to float('inf'). error_on_fail: Whether to raise an error if the IKFast solver fails. Defaults to True. verbose: Whether to print debug information. Returns: np.ndarray: Joint configuration. """ raise NotImplementedError(f'IKFast is not supported for this {self.__class__.__name__}.')
[docs] def get_jacobian(self, qpos: Optional[np.ndarray] = None, link_id: Optional[int] = None) -> np.ndarray: """Get the Jacobian matrix. Args: qpos: Joint configuration. link_id: id of the link. If not specified, the Jacobian of the end effector is returned. Returns: np.ndarray: Jacobian matrix. The shape is (6, nr_moveable_joints). """ if link_id is None: link_id = self.get_ee_link_id() if qpos is None: qpos = self.get_qpos() if self.get_dof() < self.get_full_dof(): qpos = np.append(qpos, [0.0 for _ in range(self.get_full_dof() - self.get_dof())]) linear_jacobian, angular_jacobian = self.client.p.calculateJacobian( bodyUniqueId=self.get_body_id(), linkIndex=link_id, localPosition=[0.0, 0.0, 0.0], objPositions=qpos.tolist(), objVelocities=np.zeros_like(qpos).tolist(), objAccelerations=np.zeros_like(qpos).tolist() ) jacobian = np.vstack([np.array(linear_jacobian), np.array(angular_jacobian)]) if jacobian.shape[1] > self.get_dof(): jacobian = jacobian[:, :self.get_dof()] return jacobian
[docs] def get_coriolis_torque(self, qpos: Optional[np.ndarray] = None, qvel: Optional[np.ndarray] = None) -> np.ndarray: """Get the Coriolis torque. Args: qpos: Joint configuration. qvel: Joint velocity. Returns: np.ndarray: Coriolis torque. """ if qpos is None: qpos = self.get_full_qpos() if qvel is None: qvel = self.get_full_qvel() qddot = self.client.p.calculateInverseDynamics(self.get_body_id(), qpos.tolist(), qvel.tolist(), np.zeros_like(qvel).tolist()) qddot = np.array(qddot) if qddot.shape[0] > self.get_dof(): qddot = qddot[:self.get_dof()] return qddot
[docs] def get_configuration_space(self) -> BoxConfigurationSpace: if self._cspace is None: ranges = list() joint_limits = self.get_joint_limits() for lower, upper in zip(joint_limits[0], joint_limits[1]): ranges.append(Range(lower, upper)) self._cspace = BoxConfigurationSpace(ranges, 0.02) return self._cspace
[docs] def get_collision_free_problem_space(self, ignore_collision_objects: Optional[Sequence[int]] = None) -> CollisionFreeProblemSpace: if self._cfree_default_pspace is not None and ignore_collision_objects is None: return self._cfree_default_pspace cspace = self.get_configuration_space() def is_colliding(q): return self.is_colliding(q, ignore_collision_objects=ignore_collision_objects) pspace = CollisionFreeProblemSpace(cspace, is_colliding) if ignore_collision_objects is not None: self._cfree_default_pspace = pspace return pspace
[docs] def is_colliding_with_saved_state(self, q: Optional[np.ndarray] = None, return_contacts: bool = False, ignore_collision_objects: Optional[Sequence[int]] = None): if q is not None: with self.world.save_world_builtin(): return self.is_colliding(q, return_contacts, ignore_collision_objects) # If q is None, we don't need to save the world state. return self.is_colliding(q, return_contacts, ignore_collision_objects)
[docs] def is_colliding(self, q: Optional[np.ndarray] = None, return_contacts: bool = False, ignore_collision_objects: Optional[Sequence[int]] = None): """Check if the robot is colliding with other objects. When the joint configuration (q) is provided, we will set the robot to that configuration before checking the collision. Note that this function will not restore the robot to the original configuration after the check. If you want to restore the robot to the original configuration, you should use :meth:`is_colliding_with_saved_state` instead. Args: q: Joint configuration. If None, the current joint configuration is used. return_contacts: whether to return the contact information. Defaults to False. ignore_collision_objects: IDs of the objects to be ignored in collision checking. Defaults to None. """ raise NotImplementedError()
[docs] def rrt_collision_free(self, qpos1: np.ndarray, qpos2: Optional[np.ndarray] = None, ignore_collision_objects: Optional[Sequence[int]] = None, smooth_fine_path: bool = False, disable_renderer: bool = True, **kwargs): """RRT-based collision-free path planning. Args: qpos1: Start position. qpos2: End position. If None, the current position is used. ignore_collision_objects: IDs of the objects to ignore in collision checking. Defaults to None. smooth_fine_path: Whether to smooth the path. Defaults to False. disable_renderer: Whether to disable the renderer. Defaults to True. kwargs: Additional arguments. Returns: bool: True if the path is collision-free. List[np.ndarray]: Joint configuration trajectory. """ if qpos2 is None: qpos2 = qpos1 qpos1 = self.get_qpos() cfree_pspace = self.get_collision_free_problem_space(ignore_collision_objects=ignore_collision_objects) with self.world.save_world_builtin(), cond_with(self.client.disable_rendering(suppress_stdout=False), disable_renderer): path = birrt(cfree_pspace, qpos1, qpos2, smooth_fine_path=smooth_fine_path, **kwargs) if path[0] is not None: return True, path[0] return False, None
[docs] def set_arm_joint_position_control(self, target_qpos: np.ndarray, control_mode: int = pybullet.POSITION_CONTROL, gains: float = 0.3, set_gripper_control: bool = True): """Set the arm joint position control. Args: target_qpos: target joint configuration. control_mode: control mode. gains: gains of the controller. Defaults to 0.3. set_gripper_control: whether to set the gripper control. Defaults to True. """ raise NotImplementedError()
[docs] def set_full_hold_position_control(self, qpos: Optional[np.ndarray] = None, gains: float = 0.3): """Set the control parameter for holding the current arm joint positions, while the gripper holding the object.""" qpos = self.get_qpos() if qpos is None else qpos self.set_arm_joint_position_control(qpos, gains=gains, set_gripper_control=True)
[docs] def move_qpos(self, target_qpos: np.ndarray, speed: float = 0.01, timeout: float = 10.0, local_smoothing: bool = True) -> bool: """Move the robot to the given joint configuration. Args: target_qpos: Target joint configuration. speed: Speed of the movement. Defaults to 0.01. timeout: Timeout of the movement. Defaults to 10. local_smoothing: Whether to use local smoothing. Defaults to True. Returns: bool: True if the movement is successful. """ raise NotImplementedError()
[docs] def move_home(self, timeout: float = 10.0) -> bool: """Move the robot to the home configuration.""" return self.move_qpos(self.get_home_qpos(), timeout=timeout)
[docs] def move_home_cfree(self, speed: float = 0.01, timeout: float = 10.0): with self.client.disable_rendering(suppress_stdout=False): try: success, qpath = self.rrt_collision_free(self.get_home_qpos()) except ValueError: success = False if not success: if not self.warnings_suppressed: logger.warning('Cannot find a collision-free path to home. Doing a direct move.') return self.move_qpos(self.get_home_qpos(), speed=speed, timeout=timeout) return self.move_qpos_path(qpath, speed=speed, timeout=timeout)
[docs] def move_pose(self, pos, quat, speed=0.01, force: bool = False, verbose: bool = False) -> bool: """Move the end effector to the given pose. Args: pos: 3D position of the end effector. quat: 4D quaternion of the end effector. speed: Speed of the movement. Defaults to 0.01. force: Whether to force the IK solver to return a solution. Defaults to False. If set, the IK solve may return a solution even if the end effector is not at the specified pose. verbose: Whether to print debug information. Returns: bool: True if the movement is successful. """ if verbose: logger.info(f'{self.body_name}: Moving to pose: {pos}, {quat}.') target_qpos = self.ik(pos, quat, force=force) rv = self.move_qpos(target_qpos, speed) return rv
[docs] def move_pose_smooth(self, pos: np.ndarray, quat: np.ndarray, speed: float = 0.01, max_qpos_distance: float = 1.0) -> bool: if self.ik_method is IKMethod.IKFAST: # In ik_fast mode, we need to specify the `max_qpos_distance` to avoid the IK solution to be too far away. target_qpos = self.ikfast(pos, quat, max_distance=max_qpos_distance) else: target_qpos = self.ik_pybullet(pos, quat) rv = self.move_qpos(target_qpos, speed=speed) return rv
[docs] def move_qpos_path(self, qpos_trajectory: Iterable[np.ndarray], speed: float = 0.01, timeout: float = 10, first_timeout: float = None, local_smoothing: bool = True, verbose: bool = False) -> bool: """Move the robot along the given joint configuration trajectory. Args: qpos_trajectory: Joint configuration trajectory. speed: Speed of the movement. Defaults to 0.01. timeout: Timeout of the movement. Defaults to 10. first_timeout: Timeout of the first movement. Defaults to None (same as timeout). local_smoothing: Whether to use local smoothing. Defaults to True. verbose: Whether to print debug information. Returns: bool: True if the movement is successful. """ this_timeout = timeout if first_timeout is None else first_timeout rv = True for target_qpos in qpos_trajectory: if verbose: logger.info(f'{self.body_name}: Moving to qpos: {target_qpos}.') rv = self.move_qpos(target_qpos, speed, this_timeout, local_smoothing=local_smoothing) this_timeout = timeout # if verbose: # logger.info(f'{self.body_name}: Moved to qpos: {self.get_qpos()}.') if not rv: return False return True
[docs] def move_qpos_path_v2_set_control( self, qpos_trajectory: Iterable[np.ndarray], step_size: float = 1, gains: float = 0.3, atol: float = 0.03, timeout: float = 20, verbose: bool = False, return_world_states: bool = False, ): raise NotImplementedError()
[docs] def move_qpos_path_v2(self, qpos_trajectory: Iterable[np.ndarray], timeout: float = 20) -> bool: """A customized version of move_qpos_trajectory. It allows the user to specify path tracking mechanisms. Args: qpos_trajectory: joint configuration trajectory. timeout: timeout of the movement. Returns: bool: True if the movement is successful. """ raise NotImplementedError()
[docs] def replay_qpos_trajectory(self, qpos_trajectory: Iterable[np.ndarray], verbose: bool = True): """Replay a joint confifguartion trajectory. This function is useful for debugging a generated joint trajectory. Args: qpos_trajectory: joint configuration trajectory. verbose: whether to print debug information. """ for i, target_qpos in enumerate(qpos_trajectory): if verbose: logger.info(f'{self.body_name}: Moving to qpos: {target_qpos}. Trajectory replay {i + 1}/{len(qpos_trajectory)}.') self.set_qpos_with_holding(target_qpos) self.client.wait_for_duration(0.1)
# input('Press enter to continue.')
[docs] class BulletRobotActionPrimitive(object):
[docs] def __init__(self, robot: BulletArmRobotBase): self.robot = robot
[docs] def __call__(self, *args, **kwargs) -> bool: raise NotImplementedError()
@property def client(self): return self.robot.client @property def p(self): return self.robot.client.p @property def world(self): return self.robot.client.w @property def w(self): return self.robot.client.w @property def warnings_suppressed(self): return self.robot.warnings_suppressed