Next Article in Journal
Vision-Less Sensing for Autonomous Micro-Drones
Previous Article in Journal
Game-Theoretic Decision Support for Cyber Forensic Investigations
Previous Article in Special Issue
Vision-Based Tactile Sensor Mechanism for the Estimation of Contact Position and Force Distribution Using Deep Learning
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Object Manipulation with an Anthropomorphic Robotic Hand via Deep Reinforcement Learning with a Synergy Space of Natural Hand Poses

Department of Electronics and Information Convergence Engineering, Kyung Hee University, Yongin 17104, Korea
*
Author to whom correspondence should be addressed.
Sensors 2021, 21(16), 5301; https://doi.org/10.3390/s21165301
Submission received: 24 June 2021 / Revised: 24 July 2021 / Accepted: 1 August 2021 / Published: 5 August 2021

Abstract

:
Anthropomorphic robotic hands are designed to attain dexterous movements and flexibility much like human hands. Achieving human-like object manipulation remains a challenge especially due to the control complexity of the anthropomorphic robotic hand with a high degree of freedom. In this work, we propose a deep reinforcement learning (DRL) to train a policy using a synergy space for generating natural grasping and relocation of variously shaped objects using an anthropomorphic robotic hand. A synergy space is created using a continuous normalizing flow network with point clouds of haptic areas, representing natural hand poses obtained from human grasping demonstrations. The DRL policy accesses the synergistic representation and derives natural hand poses through a deep regressor for object grasping and relocation tasks. Our proposed synergy-based DRL achieves an average success rate of 88.38% for the object manipulation tasks, while the standard DRL without synergy space only achieves 50.66%. Qualitative results show the proposed synergy-based DRL policy produces human-like finger placements over the surface of each object including apple, banana, flashlight, camera, lightbulb, and hammer.

1. Introduction

Achieving dexterous object manipulation with an anthropomorphic robotic hand much like a human hand is still a challenge in robotics. There is a growing interest in adopting anthropomorphic robotic hands for various applications in logistics and production lines [1], and to improve emerging fields of service robotics [2]. For instance, anthropomorphic robotic hands are available such as Shadow Hand [3], ADROIT [4], and RBO Hand2 [5], which allow highly dexterous movements. Controlling these anthropomorphic robotic hands is challenging due to their high degree-of-freedom (DoF) in movements [6] compared to under-actuated manipulators such as parallel grippers and vacuum grippers [7,8]. For an anthropomorphic robotic hand, with five independent fingers and their higher DoFs, the complexity of control increases accordingly. Especially for human-like grasping of an object, which requires placing the robotic fingers around the object while considering constraints to achieve a stable grasp much like human fingers. In addition, relocation using robotic hands strongly requires a stable grasping to relocate an object to a target position without dropping. In this work, we propose a method for natural grasping and object manipulation based on a novel synergy space.
Recent works have proposed deep reinforcement learning (DRL) for object manipulation. A DRL agent (i.e., policy) learns optimal actions in an environment to maximize a cumulative reward via trial-and-error [9,10]. For instance, a DRL policy was trained using a non-parametric Relative Entropy Policy to roll an object in a real-world environment using only images from a camera sensor and a three-fingered robotic hand [9]. More recently, a DRL policy using Proximal Policy Optimization was trained for achieving complex in-hand manipulation for solving a Rubik cube using a five-fingered anthropomorphic robotic hand with RGB sensor data [6]. DRL approaches without a model of the environment are challenging as they need to interact and collect large amounts of interactions (i.e., actions and states) for learning tasks. Besides, the tasks learned by DRL are difficult to generalize to different manipulation tasks (e.g., pushing and grasping). As a result, different approaches train a DRL policy with human demonstrations to help the task with prior knowledge (i.e., behavior cloning) [11,12]. In this work, a DRL policy learned object manipulation with a latent representation of natural hand poses derived from human grasping information.
Some approaches use human demonstrations to train hand manipulation skills with supervised learning methods, thereby optimizing the DRL [13,14]. For instance, in [14] human demonstrations were used to pre-train a Q-function approximator that guided the policy exploration by minimizing the error between the demonstrations and policy experience with a prioritized replay mechanism. In [15], an algorithm for training the DRL policy using an augmented cost function with demonstrations was proposed using a natural policy-gradient search algorithm. DRL policies use expert knowledge such as grasping locations with gripper poses over the object or predefined hand poses from a grasp taxonomy for a successful grasp. This approach is proven successful for grasping trained objects [16,17]. There are not many works that use high dimensional data such as 3D point clouds as priors to compute the grasp movements for object manipulation using robotic. Ji et al. [18] took an object partial point cloud and obtained a bounding box to identify the shape, pose, and orientation. Then, based on this box a policy chooses between two grasp strategies (i.e., top-down or side-grasp) and plans the final pose for the robotic hand to grasp the object that switched to position-based force control to grasp the object. Osa et al. [19] proposed a hierarchical DRL utilizing features extracted from potential areas for object grasping in a given point cloud to teach the policies proper grasp planning. The lower-level policies learned different poses to grasp an object whereas the upper-level policy learned to select a specific grasp for each object. Learning to grasp using grasping priors allows the policies to propose novel hand poses for various objects, which otherwise would be difficult to model. However, simultaneous learning of various policies in the hierarchical DRL is not a trivial task and still requires high-quality human demonstrations. As the complexity of control increases with the number of DoF from anthropomorphic robotic hands, it is hard to identify and control each DoF simultaneously. Robust control is needed that can exploit pose information from human demonstrations and grasp priors in DRL. In this context, a prior-based latent space using 3D point clouds of haptic information could improve the DRL policy to control robotic hands.
For anthropomorphic robotic hands with a high DoF, it is crucial to derive a feasible space of optimal grasping poses to control the finger movements (e.g., finger joint angles). Earlier works employ a dimension reduction of this space using Principal Component Analysis (PCA) to simplify the planning and control of a fully-actuated robotic hand by finding the correlation between fingers and joints movements. For instance, in Santello et al. [20], patterns of covariation for 15 joint sensors in a total of 57 hand postures were investigated using PCA. The principal components computed from the eigenvalues and eigenvectors of the matrix of covariance coefficients showed that using the first three principal components could account for more than 80% of the grasp variance. In addition, including some low-order components of PCA obtained from features computed from images of 3D object models improved the control for grasping objects [21,22]. Synergies represent the variance of various hand poses for grasping and the correlation between the fingers’ joint movements in a low-dimensional space. These approaches using PCA for computing the synergies restricted the hand motion to a limited number of static hand postures defined at the end of the task. This implies that improving DRL policies to find the optimal grasp configuration requires better ways to approximate the relationship between the proper hand poses and synergy space [22]. Synergies using lower-order principal components represent coarse hand opening and closing and adding a few high-order components provides a finer control [23,24,25]. To ensure a fast convergence of the RL algorithm a dimensionality reduction in the search space is needed. For such purposes, an efficient synergy space can be used as a tool in planning and controlling a fully actuated and high-DOF anthropomorphic robotic hand for complex hand manipulations.
Our proposed DRL policy generates natural hand poses for object manipulation based on a novel low-dimensional synergy space. First, we obtained high-dimensional point clouds using haptic contact areas of various objects from human demonstrations of successful grasping. Then, we generated a novel low-dimensional synergy space from this haptic information via Continuous Normalizing Flow (CNF) using a deep autoencoder network. The obtained latent space via CNF contains a rich representation of haptic information, which a deep neural network regressor utilizes to estimate the joint angles for an anthropomorphic hand. The proposed synergy-based DRL performs a dexterous grasping and relocation of objects using an anthropomorphic robotic hand. Through various experiments, our results demonstrate that the proposed DRL policy and regressor can generate natural hand poses to grasping and relocation variously shaped test objects. The remainder of this paper is organized as follows. Section 2 provides an overview of the database, the proposed DRL structure, and the CNF synergy space modeling. Section 3 presents the qualitative and quantitative results with the synergy-based DRL and standard DRL for grasping and relocation tasks. Lastly, Section 4 presents conclusions and a discussion of the work.

2. Methods

The proposed DRL method and the simulation environment are illustrated in Figure 1. The DRL policy is instantiated using a deep neural network trained to control the robot hand movements to grasp an object and relocate to a target location. Formally, in each timestep t , the action vector a t controls the displacement of the joint angles in the hand and the position of the robotic hand to navigate within the environment. The robot hand interacts with the object in the environment which generates the next timestep state s t of the object and robotic hand (i.e., joint angles and cartesian positions), which are sent to the DRL agent π θ (i.e., policy). The policy generates two outputs: an object-specific sample described by the synergy space of haptic information z Z and a vector to control the robot hand position u w for the next timestep t + 1 . The optimal natural hand pose (i.e., joint angles) u f is obtained via a pretrained regressor R θ using the synergistic information in z . The action vector for the next step a t + 1 is composed by u f , u w and sent to the robot to interact within the environment again. By iterating this process, the DRL algorithm learns to derive an optimal hand pose for natural manipulation of the objects with the anthropomorphic robotic hand.

2.1. Simulation Environment

The simulation environment is set up with the Mujoco physics engine [26]. Mujoco is a robotics simulation package providing robotic kinematics, objects models, and manipulation tasks. The simulated anthropomorphic robotic hand is modeled after the ADROIT hand [4], which has 24-DoF with five fingers for dynamic and dexterous manipulations. The first, middle, and ring fingers have 4-DoF. The little finger and thumb have 5-DoF, while the wrist has 2-DoF. Each joint is equipped with a joint angle sensor and a haptic sensor. The movements are controlled via a position control actuator.

2.2. Synergy Space of Haptic Information

The proposed low-dimensional synergy space is created by encoding high-dimensional 3D haptic point clouds of each variously shaped object from successful grasping. This low-dimensional representation of haptic information helps to reduce the action space that the DRL policy explores to learn how to manipulate objects. An encoder-decoder architecture is trained with a database of grasping demonstrations to attain the latent representation.

2.2.1. PCA based Synergy Space

Previous works that derived a latent representation for grasping poses in [20,21,27,28], showed that the joints angles in the hand are not independently controlled. Also, the grasping poses can be represented in a low-dimensional synergy space. As a result, reducing the complexity of higher DoFs in anthropomorphic hands allows controlling grasp poses more effectively. However, the low-dimension representation of grasps was obtained using PCA on a set of handcrafted features in terms of hand joint angles of the predefined hand poses according to the object shape. In contrast [20,21,23], our proposed method replaces the predefined set of hand joints with higher dimensional 3D point clouds of haptic information. The haptic information includes various shapes from an apple, camera, flashlight, hammer, banana, and lightbulb extracted from a public database of human demonstrations with a large variety of successful grasps, which yields a dataset containing a rich variety of natural hand poses. Nevertheless, obtaining a linear combination of components that covers most variance in the point clouds of 3D objects shapes using PCA might be limited. PCA assumes normally distributed data and might fail to approximate the complex manifold of the natural hand poses in the database. Therefore, in this work, we utilize a deep neural network based on flow models that learns a non-linear parametric function to capture the underlying variability of such high-dimensional data. It is expected that this approach better exploits the latent representation from point clouds for generating natural hand poses.

2.2.2. Contact Map Dataset

The ContactDB database contains data of various household objects including 3D point clouds of hand contact information from grasping demonstrations by human hands. A thermal camera was used to record the after-heat prints from a human hand after grasping each object [29,30]. The thermal images represent the hand-object contact map and the contact points are recorded as continuous values defined over the mesh surface for each object. The point clouds included samples from six objects, grasped with the intent of use, and handoff the object after grasping by 50 participants. We normalized the point clouds between a range of 0 and 1 and sampled a fixed number of points N = 1024 from the values above a threshold of 0.75, which indicates a higher grasping probability. The 3D point clouds of haptic contact points are X = x i i = 1 N = 2048 . After sampling, each point cloud is augmented with random rotations up to 162-point clouds are obtained for each of the six objects used in this study.

2.2.3. Synergy Space via Continuous Normalizing Flow

We propose a framework of condensing high-dimensional 3D point clouds into a latent space which includes local variations and complicated distribution of haptic information from human object grasping demonstrations. For such purpose, an encoder-decoder network using a flow-based model is proposed. Flow-based models are efficient to model a complex distribution (e.g., 3D point clouds of natural hand poses) into a compact space through a sequence of invertible transformation functions [31]. In particular, we can though of a point cloud from the haptic maps X to be part of a larger distribution of haptic information Q X . The continuous normalizing flow could sample points from a generic prior distribution (e.g., Gaussian) and induce a transformation to match the distribution of X [31,32]. The latent space derived from a database of natural hand poses using the encoder-decode model proposed is named a synergy space.
The encoder network q ϕ 𝓏 | X , based on the PointNet architecture [33], infers a posterior 𝓏 Z (i.e., the sample of synergy space) given the input of haptic point clouds x X . The encoder is a neural network with four 1D convolutional layers with feature maps of 128, 128, 256, and 512 respectively, which are followed by three fully connected layers with 256, 64, and 4 units. The encoder architecture includes max-pooling layers as symmetric function and T-Net modules for input and feature alignment networks as introduced in the PointNet network. The decoder, p ϕ x | 𝓏 is based on the continuous normalizing flow (CNF) architecture in [34]. It computes the reconstruction of the point cloud x conditioned on the latent space 𝓏 evaluating the likelihood of p z and the inverse CNF, p ϕ 1 x . The decoder is instantiated with a tri-layered fully connected network with 512 units in each layer.
CNF employs a sequence of invertible transformations, defined using neural networks, that learns a mapping from the synergy space z   Z to the input x X . This mapping is done such that the embedding z = f 1 x corresponds to x = f   z . The normalizing flow f is a parametrized function that models the probability density of p x to estimate the contact locations by minimizing:
X = 1 X i = 1 X log p x i
For a single deterministic sample x , using a change of variables, inverse function theorem, and logarithm properties, it can be written as [32]:
l o g p x = l o g p z + i = 1 k l o g d e t f i h i 1 h i 1
where the partial derivative is the Jacobian matrix of a function f i at step h i 1 and the value of log-determinant measures the change in the log-density made by transformation f i . In practice, choosing transformations whose Jacobian is a triangular matrix achieves a fast calculation and ensures invertibility. The density function for the synergy space 𝓏 can be defined as a spherical multivariate Gaussian distribution p z = N 𝓏 ; 0 ,   I . In the case of continuous 3D point clouds with a continuous dense distribution p x and a synergy space prior distribution p 𝓏 , CNF can be written as [34]:
x = 𝓏 t 0 + t 0 t 1 f 𝓏 t , t d t , 𝓏 t 0 ~ p 𝓏
log p x = log p 𝓏 t 0 t 0 t 1 Tr f 𝓏 t   d t
Here, z t 0 can be calculated using the inverse flow of the transformation function 𝓏 t 0 = x + t 1 t 0 f 𝓏 t , t d t . A black-box ordinary differential equation (ODE) solver can be applied to estimate the outputs and the inputs gradients of continuous normalizing flow [35].
The synergy space was built considering the haptic contact map dataset to be a part of a larger distribution of human-like finger placements for natural hand poses. By learning a synergy space of this larger distribution via CNF, new haptic contact points are proposed similar to the contact map dataset.

2.2.4. Training and Validation Synergy Space via CNF

Previous works that derived a synergy space for high DoF robotic hands selected the higher principal components from PCA to represent the variability of grasp poses [20,21,22,23,25]. Despite the dimensions differing between all works, a minimum of three or four principal components was commonly used (in some cases added more dimensions for finer control). Therefore, the CNF latent space is trained and tested for optimal dimension starting with 4 and increasing to 16, and 32.
The point clouds from the contact map dataset were randomly split into 90% training and 10% testing sets. CNF is trained using a black-box ODE solver to compute the gradients of the normalizing flows and updates the parameters of the deep network. During testing, we computed the Chamfer distance (CD) and the earth mover’s distance (EMD) between the ground truth point clouds and the reconstructed output from the CNF decoder. The lower value for these metrics indicates a better reconstruction capability of the decoder, which are defined as follows:
CD X , Y = x ϵ X min y ϵ Y x y 2 2 + y ϵ Y min x ϵ X x y 2 2
EMD X , Y = min ϕ : X Y x ϵ X x ϕ x 2 ,
where x X N and y Y N are two point clouds with the same dimension and ϕ is a bijective function between them.

2.3. Synergy-Based Regressor

The regressor estimates the corresponding joint angles for the hand pose sampled from the low-dimensional synergy space.

2.3.1. Haptic Map Dataset

A dataset of natural hand poses from human demonstrations and 3D point clouds of object contact points was created. Retargeting hand poses obtained from human demonstrations into our simulated environment, the haptic sensors located in the simulated anthropomorphic robotic hand provided the approximate locations of contact points over the object mesh. Then, a normal distribution of points was sampled from the object surface as 3D point clouds, h = h i i = 1 N = 2048 . Complementarily, the joint angles corresponding to the 22-DoF of the hand pose while grasping an object, u = u i i = 1 22 were recorded. The generated dataset h , u had 2730 pairs of 3D contact point clouds and joint angles for 22-DoF hand poses for each object. This dataset was named the haptic map dataset and used in training the regressor.

2.3.2. Deep Regressor Using Synergy Information

The 3D point clouds from the haptic map dataset h i are mapped into synergy representations using the pre-trained encoder, 𝓏 h = q ϕ h i . Then, the regressor, R θ uses these latent representations to estimate the joint angles, u f generating a natural hand pose of the anthropomorphic hand. The regressor is parameterized using a neural network with four layers of 256 neurons. Each layer uses a ReLU piecewise activation function and batch normalization. The parameters are optimized minimizing the mean squared error (MSE) between the regressor output and corresponding joint angles u for the 22-DoF fingers of the anthropomorphic hand. Figure 2 illustrates the regressor under a DRL policy, π θ , using a synergy representation from the point cloud to estimate the angles of the finger joints for corresponding natural hand poses in time series.

2.3.3. Training and Validation Synergy-Based Regressor

The haptic map dataset was randomly split into 80% for training and 20% for testing. Training of the regressor minimizes the MSE loss function using Adam optimizer with a learning rate of 3 × 10 4 . For testing, the overall MSE error was computed for each joint angle of the anthropomorphic hand with the regressor prediction. The regressor was trained until the error for every joint is less than 5% from each corresponding DoF.

2.4. Synergy-Based Deep Reinforcement Learning

In our system, the DRL policy explores potential solutions for natural object grasping and relocation using the anthropomorphic robotic hand. The policy accesses the synergy space corresponding to each object and obtains low-dimensional synergistic haptic information. Finally, the pre-trained regressor, R θ estimates a natural hand pose based on the synergistic information. The goal of the policy, π θ is to maximize the sum of expected rewards at the end of each training episode and utilize a reward function as an indicator of task completion.
A model-free DRL policy π θ a t , s t is proposed, where the action vector a t is an element of 𝓏 h and represents the haptic maps in the synergy space. s t is the current state of the simulation with the Cartesian coordinates of the object, hand, and target location within the environment. A reward function, r t = R s t , a t provides a measure of the completeness of the task, measures how close is the object to the target location at the end of an episode. For training, an on-policy gradient method optimizes the parameters, θ of the policy by maximizing the objective, J θ using gradient ascent. Our implementation follows the natural policy gradient implementation (NPG) in Kakade [36], which computes the vanilla policy gradient:
θ J θ = 1 N T i = 1 N t = 1 T θ l o g π θ a t i | s t i A π s t i , a t i
Then, it pre-conditions this gradient with the Fisher Information Matrix, F θ and makes the following normalized gradient ascent update:
θ k + 1 = θ k + δ θ J θ T ·   F θ k 1 · θ J θ · F θ k 1 · θ J θ
where δ is the step size of choice. The advantage function A π is the difference between the value for the given state-action pair and value function of the state, the NPG implementation in [36] uses the general advantage estimator (GAE) defined as:
A G A E = l = 0 T γ λ l δ t + l V
where, δ t V = r t + γ V s t + 1 V s t defines the temporal difference residual between consecutive prediction assuming a value function V approximating the true value function, V π . Both the policy and value networks share the same architecture and were defined by a three-layer neural network with 64 units in the hidden layers.

2.4.1. DRL Reward for Task Completion

Shaping the reward function to solve the manipulation tasks must reflect the progress on the learning problem and guide the exploration of DRL. In our work, the reward is defined as a combination of the Cartesian distance between the anthropomorphic hand, object, and target locations. The following distances are used: r p o is the distance from the robotic hand to the object location,   r p t from the robotic hand to the relocation target, and r o t from the object location and relocation target. Then the total reward is given as:
r g o a l = r p o + 1 r p t r o t     I o z > λ t h
During training, the term r p o aims to reduce the distance between the hand and the object. Then, the second term evaluates if the object o z has been lifted from the table above a threshold λ t h . When the object is lifted, minimizing the distance between the hand and object to the target location receives a higher reward. The total reward, r g o a l measures the completion of grasping and relocation tasks. The greater the sum of rewards at the end of an episode indicates the faster the policy solves the tasks.

2.4.2. Training and Validation for Synergy-Based DRL

Using our proposed approach, an individual policy in a multilayer perceptron with two hidden layers of 64 nodes was trained three times per object. All policies were trained for 5000 iterations, each iteration with n = 200 episodes, and a time horizon of T = 1000 time steps. The parameter initialization for each policy was done using a random seed every time. The proposed method is compared against a standard DRL trained per object without the synergy space to solve the same grasping and relocation tasks using the NPG algorithm and the reward function r g o a l . The training also used the same number of iterations, episodes, and time steps. We evaluate the success rate between both methods. The success rate is the ratio of successful grasping and relocation among all generated trajectories. We compare the success rate for the standard DRL using NPG without the synergy space and the proposed DRL using synergy space from 100 generated trajectories.

3. Results

This section describes the qualitative and quantitative results for each component of the proposed method.

3.1. Validation of the Synergy Space

The qualitative results in Figure 3 show the point cloud reconstruction produced by the CNF decoder. Random test samples from the contact map dataset were used for three synergy space dimensions. For each synergy dimension, the input point clouds are illustrated in the rows of Figure 3a, and the CNF decoder reconstruction is illustrated in the rows of Figure 3b. Testing reconstruction using the decoder after the initial iterations ( i = 50 ) resulted in a random point cloud for all synergy dimensions. After ( i = 3500 ) training, the reconstruction using a synergy space 𝓏 32 is less noisy than the other two. However, it is shown that all three synergy dimensions are capable of encoding a wide variability of haptic information encountered in the contact map dataset.
In Table 1, we show the average CD and EMD distance errors between the ground truth and reconstruction using the contact map test dataset for the initial and final training iterations. The initial CD and EMD errors provide a reference point to compare the improvement in reconstruction for each synergy dimension. It is noticed that after training, there was not a notable difference between the results obtained using 𝓏 32 , 𝓏 16 , and 𝓏 4 . Although, 𝓏 32 produces a slightly better reconstruction in terms of CD and EMD, the difference between 𝓏 32 and 𝓏 4 is not very significant, respectively. Therefore, 𝓏 4 was used in the later experiments.

3.2. Validation of the Synergy-Based Deep Regressor

To validate the deep regressor, the ground truth joint angles from the haptic map dataset were compared to the regressor output. For each finger of the anthropomorphic hand, the joint angle distribution from the haptic map dataset is illustrated in Figure 4a,b the joint angles estimated by the synergy-based regressor. The difference between both is shown in Figure 4c, where the largest error from all joints is 20.4   × 10 3 in the second joint of the middle finger and the proportional error is below 2% of the total DoF range. For the DoF of every finger in the anthropomorphic hand, the angular different error is kept below 5%.

3.3. Object Grasping and Relocation via Synergy Based DRL

The average success rates of the given tasks per object using the standard DRL without synergy and proposed synergy-based DRL are shown in Table 2. The overall synergy-based DRL success rate was 88.38%, outperforming the 50.66% achieved by the standard DRL without synergy. For the objects including lightbulb, flashlight, and camera, the standard DRL could not learn proper hand poses for solving the manipulation tasks. In contrast, the proposed synergy-based DRL policy achieved a higher success rate for all objects. The success rate from the camera was lower due to the orientations where the major axis of the camera aligned with the sagittal plane of the robotic hand, and the synergy-based DLR had trouble positioning the robotic hand for grasping.
Figure 5 shows the average cumulative reward for all objects (left) and time series frames of the DRL policies during grasping and relocation (right). Overall, the cumulative reward from the synergy-based DRL grew faster and higher compared to the standard DRL. This implies that the proposed DRL learned to grasp and relocate the object with fewer iterations and maintain the object in the target location for a longer time. However, the hammer cumulative reward for the standard DRL is slightly higher than the proposed DRL. Because the standard DRL grasps the hammerhead and moves to the target location faster compared to the proposed DRL, Figure 5c,d, that accumulates a larger value for the second term of the reward function in Equation (10).
For objects such as apple, hammer, and banana, the standard DRL generated unnatural hand poses as seen in the row frames of Figure 5a,c,e. In contrast, our system generated a pre-shape of the hand extending the fingers, seen in the row frames of Figure 5b,d,f, and then proceeded to close the hand grasping the object. In the particular case of the lightbulb in Figure 5h, the size of the object sometimes made the proposed DRL lose its grasp. The standard DRL generally manipulates with a wide range of unnatural behaviors, including hitting the object hard as shown in the row frames of Figure 5i. This is because DRL merely attempts to increase the reward only. However, this phenomenon is part of the learning process of DRL while exploring the environment. By including prior knowledge as done in this work, our proposed DRL prevents and avoids these unnatural behaviors.

4. Discussion

A robust DRL with anthropomorphic robotic hands requires learning an effective policy for controlling a robot hand with large DoFs. By learning from human grasping demonstrations, we can leverage the prior knowledge needed to learn various tasks with DRL for robotic manipulation. In this work, we have shown that integrating a synergy space derived from haptic information into DRL improves the learning for object manipulation. First, deriving the latent space via CNF showed promising results, reconstructing the complex distribution of high-dimensional point clouds as in Figure 3. We explored empirically the dimension of the latent space and analyze that a 4-dimensional synergy space could encode as much information as a 16- and 32-dimensional synergy space. Further analysis of the synergy dimension could provide a perspective of when is more beneficial to use a more expressive (i.e., larger) latent dimension.
The policies trained via the proposed method outperform in five out of six objects tested as in Figure 5. The hand poses estimated by the proposed regressor are correlated with the variety of natural grasps in the grasping demonstration database used for deriving the synergy space. The proposed DRL could be used for grasping objects with similar shapes to the objects in the training database. For more complex and novel objects, our method could be fine-tuned with an additional synergy space of them.
The DRL manipulation system controls the actions of a robotic hand with high dexterity for grasping and relocating various objects. The manipulation results show the hand extending the fingers before reaching the object and adapt the angle for grasping as seen in Figure 5. Furthermore, the abnormal behaviors for object manipulation observed with the standard DRL were avoided with our proposed DRL.

5. Conclusions

This work proposed a synergy-based DRL policy for generating natural hand poses for grasping and relocating variously shaped objects including apple, hammer, banana, lightbulb, flashlight, and camera. The average success rate achieved by the proposed DRL policy was 88.38%, outperforming the 50.66% success rate achieved by standard DRL without synergy. We trained an encoder-decoder network via CNF to reduce high-dimensional 3D point clouds of hand poses into a 4-dimensional synergy space. Then, a synergy-based regressor estimated the joint angles for the 22-DoFs from the anthropomorphic finger joints with less than a 2% MSE error. Finally, the proposed method for grasping and relocation using the anthropomorphic hand showed qualitative and quantitative results, indicating its ability to produce natural movements for manipulating variously shaped objects.
Effectively reducing the action space for DRL via synergies helped to learn a policy for natural grasping with a 22-DoFs anthropomorphic hand. Learning an individual synergy space for each object allows the proposed DRL to produce natural hand poses and grasp the objects in a human-like manner (i.e., opening the hand before grasping and placing the fingers on the object in a natural way). Finally, an extension of this work would be learning a general synergy space for various objects conditioning the latent space to the corresponding object shape. To learn a non-trivial grasping and relocation policy with natural hand poses for an anthropomorphic hand, future considerations include experiments with more complex objects and improving the synergy space representation for more complicated objects.

Author Contributions

Conceptualization, P.R., E.V.A. and T.-S.K.; investigation, P.R. and E.V.A.; methodology, P.R.; resources, E.V.A.; project administration, T.-S.K.; software, P.R. and E.V.A.; supervision, T.-S.K.; validation, P.R., E.V.A. and T.-S.K.; writing—original draft, P.R.; writing—review and editing, T.-S.K.; funding acquisition, T.-S.K. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Research Foundation of Korea (NRF) grant funded by the Korean government (MEST) (NRF-2019R1A2C1003713).

Data Availability Statement

A publicly available dataset was analyzed in this study. This data can be found here: GitHub—samarth-robo/contactdb_utils: Python and ROS (C++) utilities for the ContactDB dataset (5 August 2021).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Billard, A.; Kragic, D. Trends and Challenges in Robot Manipulation. Science 2019, 364, eaat8414. [Google Scholar] [CrossRef]
  2. Sturm, J.; Stachniss, C.; Burgard, W. A Probabilistic Framework for Learning Kinematic Models of Articulated Objects. JAIR 2011, 41, 477–526. [Google Scholar] [CrossRef]
  3. Kochan, A. Shadow Delivers First Hand. Ind. Robot. 2005, 32, 15–16. [Google Scholar] [CrossRef]
  4. Kumar, V.; Xu, Z.; Todorov, E. Fast, Strong and Compliant Pneumatic Actuation for Dexterous Tendon-Driven Hands. In Proceedings of the 2013 IEEE International Conference on Robotics and Automation, Karlsruhe, Germany, 6–10 May 2013; pp. 1512–1519. [Google Scholar]
  5. Deimel, R.; Brock, O. A Novel Type of Compliant and Underactuated Robotic Hand for Dexterous Grasping. Int. J. Robot. Res. 2016, 35, 161–185. [Google Scholar] [CrossRef] [Green Version]
  6. Andrychowicz, O.M.; Baker, B.; Chociej, M.; Józefowicz, R.; McGrew, B.; Pachocki, J.; Petron, A.; Plappert, M.; Powell, G.; Ray, A.; et al. Learning Dexterous In-Hand Manipulation. Int. J. Robot. Res. 2020, 39, 3–20. [Google Scholar] [CrossRef] [Green Version]
  7. Zeng, A.; Yu, K.-T.; Song, S.; Suo, D.; Walker, E.; Rodriguez, A.; Xiao, J. Multi-View Self-Supervised Deep Learning for 6D Pose Estimation in the Amazon Picking Challenge. In Proceedings of the 2017 IEEE International Conference on Robotics and Automation (ICRA), Singapore, 29 May–3 June 2017; pp. 1386–1393. [Google Scholar]
  8. Zeng, A.; Song, S.; Yu, K.-T.; Donlon, E.; Hogan, F.R.; Bauza, M.; Ma, D.; Taylor, O.; Liu, M.; Romo, E.; et al. Robotic Pick-and-Place of Novel Objects in Clutter with Multi-Affordance Grasping and Cross-Domain Image Matching. In Proceedings of the 2018 IEEE International Conference on Robotics and Automation (ICRA), Brisbane, QLD, Australia, 21–26 May 2018; pp. 3750–3757. [Google Scholar]
  9. Van Hoof, H.; Hermans, T.; Neumann, G.; Peters, J. Learning Robot In-Hand Manipulation with Tactile Features. In Proceedings of the 2015 IEEE-RAS 15th International Conference on Humanoid Robots (Humanoids), Seoul, Korea, 3–5 November 2015; pp. 121–127. [Google Scholar]
  10. Kumra, S.; Kanan, C. Robotic Grasp Detection Using Deep Convolutional Neural Networks. In Proceedings of the 2017 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Vancouver, BC, Canada, 24–28 September 2017; pp. 769–776. [Google Scholar]
  11. Mohammed, M.Q.; Chung, K.L.; Chyi, C.S. Review of Deep Reinforcement Learning-Based Object Grasping: Techniques, Open Challenges, and Recommendations. IEEE Access 2020, 8, 178450–178481. [Google Scholar] [CrossRef]
  12. Kroemer, O.; Niekum, S.; Konidaris, G. A Review of Robot Learning for Manipulation: Challenges, Representations, and Algorithms. J. Mach. Learn. Res. 2021, 22, 1–82. [Google Scholar]
  13. Hester, T.; Vecerik, M.; Pietquin, O.; Lanctot, M.; Schaul, T.; Piot, B.; Horgan, D.; Quan, J.; Sendonaris, A.; Dulac-Arnold, G.; et al. Deep Q-Learning from Demonstrations. arXiv 2017, arXiv:1704.03732. [Google Scholar]
  14. Subramanian, K.; Isbell, C.L., Jr.; Thomaz, A.L. Exploration from Demonstration for Interactive Reinforcement Learning. In Proceedings of the International Conference on Agents and Multiagent Systems, Singapore, 9–13 May 2016; pp. 447–456. [Google Scholar]
  15. Rajeswaran, A.; Kumar, V.; Gupta, A.; Vezzani, G.; Schulman, J.; Todorov, E.; Levine, S. Learning Complex Dexterous Manipulation with Deep Reinforcement Learning and Demonstrations. arXiv 2017, arXiv:1709.10087. [Google Scholar]
  16. Liu, C.; Fang, B.; Sun, F.; Li, X.; Huang, W. Learning to Grasp Familiar Objects Based on Experience and Objects’ Shape Affordance. IEEE Trans. Syst. Man Cybern. Syst. 2019, 49, 2710–2723. [Google Scholar] [CrossRef]
  17. Santina, C.D.; Arapi, V.; Averta, G.; Damiani, F.; Fiore, G.; Settimi, A.; Catalano, M.G.; Bacciu, D.; Bicchi, A.; Bianchi, M. Learning From Humans How to Grasp: A Data-Driven Architecture for Autonomous Grasping With Anthropomorphic Soft Hands. IEEE Robot. Autom. Lett. 2019, 4, 1533–1540. [Google Scholar] [CrossRef] [Green Version]
  18. Ji, S.-Q.; Huang, M.-B.; Huang, H.-P. Robot Intelligent Grasp of Unknown Objects Based on Multi-Sensor Information. Sensors 2019, 19, 1595. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  19. Osa, T.; Peters, J.; Neumann, G. Hierarchical Reinforcement Learning of Multiple Grasping Strategies with Human Instructions. Adv. Robot. 2018, 32, 955–968. [Google Scholar] [CrossRef] [Green Version]
  20. Santello, M.; Flanders, M.; Soechting, J.F. Postural Hand Synergies for Tool Use. J. Neurosci. 1998, 18, 10105–10115. [Google Scholar] [CrossRef]
  21. Ficuciello, F. Hand-Arm Autonomous Grasping: Synergistic Motions to Enhance the Learning Process. Intell. Serv. Robot. 2019, 12, 17–25. [Google Scholar] [CrossRef]
  22. Bicchi, A.; Gabiccini, M.; Santello, M. Modelling Natural and Artificial Hands with Synergies. Phil. Trans. R. Soc. B 2011, 366, 3153–3161. [Google Scholar] [CrossRef]
  23. Catalano, M.G.; Grioli, G.; Farnioli, E.; Serio, A.; Piazza, C.; Bicchi, A. Adaptive Synergies for the Design and Control of the Pisa/IIT SoftHand. Int. J. Robot. Res. 2014, 33, 768–782. [Google Scholar] [CrossRef] [Green Version]
  24. Ozawa, R.; Tahara, K. Grasp and Dexterous Manipulation of Multi-Fingered Robotic Hands: A Review from a Control View Point. Adv. Robot. 2017, 31, 1030–1050. [Google Scholar] [CrossRef]
  25. Santello, M.; Bianchi, M.; Gabiccini, M.; Ricciardi, E.; Salvietti, G.; Prattichizzo, D.; Ernst, M.; Moscatelli, A.; Jörntell, H.; Kappers, A.M.L.; et al. Hand Synergies: Integration of Robotics and Neuroscience for Understanding the Control of Biological and Artificial Hands. Phys. Life Rev. 2016, 17, 1–23. [Google Scholar] [CrossRef] [Green Version]
  26. Todorov, E.; Erez, T.; Tassa, Y. MuJoCo: A Physics Engine for Model-Based Control. In Proceedings of the 2012 IEEE/RSJ International Conference on Intelligent Robots and Systems, Vilamoura-Algarve, Portugal, 7–12 October 2012; pp. 5026–5033. [Google Scholar]
  27. Ficuciello, F. Synergy-Based Control of Underactuated Anthropomorphic Hands. IEEE Trans. Ind. Inf. 2019, 15, 1144–1152. [Google Scholar] [CrossRef]
  28. Zhou, J.; Chen, X.; Chang, U.; Liu, Y.; Chen, Y.; Wang, Z. A Grasping Component Mapping Approach for Soft Robotic End-Effector Control. In Proceedings of the 2019 2nd IEEE International Conference on Soft Robotics (RoboSoft), Seoul, Korea, 14–18 April 2019; pp. 650–655. [Google Scholar]
  29. Brahmbhatt, S.; Ham, C.; Kemp, C.C.; Hays, J. ContactDB: Analyzing and Predicting Grasp Contact via Thermal Imaging. In Proceedings of the 2019 IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR), Long Beach, CA, USA, 15–20 June 2019; pp. 8701–8711. [Google Scholar]
  30. Brahmbhatt, S.; Handa, A.; Hays, J.; Fox, D. ContactGrasp: Functional Multi-Finger Grasp Synthesis from Contact. In Proceedings of the 2019 IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), Macau, China, 3–8 November 2019; pp. 2386–2393. [Google Scholar]
  31. Kingma, D.P.; Salimans, T.; Jozefowicz, R.; Chen, X.; Sutskever, I.; Welling, M. Improved Variational Inference with Inverse Autoregressive Flow. Adv. Neural Inf. Process. Syst. 2016, 29, 4743–4751. [Google Scholar]
  32. Rezende, D.J.; Mohamed, S. Variational Inference with Normalizing Flows. In Proceedings of the International Conference on Machine Learning, Lille, France, 6–11 July 2015; pp. 1530–1538. [Google Scholar]
  33. Charles, R.Q.; Su, H.; Kaichun, M.; Guibas, L.J. PointNet: Deep Learning on Point Sets for 3D Classification and Segmentation. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 77–85. [Google Scholar]
  34. Yang, G.; Huang, X.; Hao, Z.; Liu, M.-Y.; Belongie, S.; Hariharan, B. PointFlow: 3D Point Cloud Generation with Continuous Normalizing Flows. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Korea, 27 October–2 November 2019; pp. 4540–4549. [Google Scholar]
  35. Chen, R.T.Q.; Rubanova, Y.; Bettencourt, J.; Duvenaud, D. Neural Ordinary Differential Equations. In Proceedings of the Advances in Neural Information Processing Systems, Montréal, QC, Canada, 3–8 December 2018; pp. 6571–6583. [Google Scholar]
  36. Kakade, S.M. A Natural Policy Gradient. In Proceedings of the Advances in Neural Information Processing Systems, Vancouver, BC, Canada, 9–14 December 2001; pp. 1531–1538. [Google Scholar]
Figure 1. The proposed synergy–based DRL for natural object manipulation with a synergy space of object haptic information and a deep regressor to derive natural hand poses of the ADROIT anthropomorphic robotic hand.
Figure 1. The proposed synergy–based DRL for natural object manipulation with a synergy space of object haptic information and a deep regressor to derive natural hand poses of the ADROIT anthropomorphic robotic hand.
Sensors 21 05301 g001
Figure 2. From human demonstrations (top row), haptic information is shown in point clouds (second row). CNF encodes the haptic information, q ϕ into a synergy space representation, 𝓏 . The deep regressor, R θ 𝓏 estimates natural hand poses (final row) in time series.
Figure 2. From human demonstrations (top row), haptic information is shown in point clouds (second row). CNF encodes the haptic information, q ϕ into a synergy space representation, 𝓏 . The deep regressor, R θ 𝓏 estimates natural hand poses (final row) in time series.
Sensors 21 05301 g002
Figure 3. Reconstruction of object haptic information using the synergy-based encoder-decoder via CNF for three synergy dimensions. The illustrations are derived from training iterations: (a), (c), and (e) point clouds shown in gray are the ground truth haptic maps, the (b), (d), and (f) point clouds in blue are the reconstructed maps from CNF models with dimensions of z 32 , z 16 , z 4 , respectively.
Figure 3. Reconstruction of object haptic information using the synergy-based encoder-decoder via CNF for three synergy dimensions. The illustrations are derived from training iterations: (a), (c), and (e) point clouds shown in gray are the ground truth haptic maps, the (b), (d), and (f) point clouds in blue are the reconstructed maps from CNF models with dimensions of z 32 , z 16 , z 4 , respectively.
Sensors 21 05301 g003
Figure 4. The mean squared error (c) between the joint angle distributions of the haptic map dataset, (a) and the angles distributions estimated by the regressor (b) for each finger in the anthropomorphic hand. A lower error indicates higher confidence in estimating the joint angles of a natural grasping pose.
Figure 4. The mean squared error (c) between the joint angle distributions of the haptic map dataset, (a) and the angles distributions estimated by the regressor (b) for each finger in the anthropomorphic hand. A lower error indicates higher confidence in estimating the joint angles of a natural grasping pose.
Sensors 21 05301 g004
Figure 5. The left column shows the average sum of rewards from training the manipulation task with the proposed synergy-based DRL in purple and synergy-less standard DRL in blue. The solid line represents the mean and the shadow area of the standard deviation of the rewards. The right column shows the time-series frames from grasping and relocation of each object from apple, banana, hammer, lightbulb, flashlight, and camera with the standard DRL in the blue frames of (a,c,e,g,i,k), and the proposed synergy-based DRL in the purple frames of (b,d,f,h,j,l).
Figure 5. The left column shows the average sum of rewards from training the manipulation task with the proposed synergy-based DRL in purple and synergy-less standard DRL in blue. The solid line represents the mean and the shadow area of the standard deviation of the rewards. The right column shows the time-series frames from grasping and relocation of each object from apple, banana, hammer, lightbulb, flashlight, and camera with the standard DRL in the blue frames of (a,c,e,g,i,k), and the proposed synergy-based DRL in the purple frames of (b,d,f,h,j,l).
Sensors 21 05301 g005
Table 1. The mean value of CD and EMD reconstruction errors by the CNF decoder for three synergy dimensions.
Table 1. The mean value of CD and EMD reconstruction errors by the CNF decoder for three synergy dimensions.
Synergy Space DimensionIteration No. 50Iteration No. 3500
CDEMDCD (×10−3)EMD (×10−2)
𝓏 32 2.9151.5880.2190.896
𝓏 16 2.9231.5900.2690.844
𝓏 4 2.9081.5850.4650.989
Table 2. The success rate (%) of grasping and relocating tasks using the standard DRL without synergy and the proposed synergy-based DRL.
Table 2. The success rate (%) of grasping and relocating tasks using the standard DRL without synergy and the proposed synergy-based DRL.
ObjectsStandard DRL without
Synergy (Mean ± Std)
Proposed Synergy-Based DRL (Mean ± Std)
Apple85.33 (±6.03)93.66 (±2.08)
Banana80.67 (±8.33)90.00 (±4.73)
Hammer92.33 (±6.51)95.33 (±4.13)
Lightbulb21.67 (±6.31)86.50 (±5.51)
Flashlight9.00 (±1.73)88.16 (±2.52)
Camera15.00 (±1.53)76.67 (±4.62)
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Rivera, P.; Valarezo Añazco, E.; Kim, T.-S. Object Manipulation with an Anthropomorphic Robotic Hand via Deep Reinforcement Learning with a Synergy Space of Natural Hand Poses. Sensors 2021, 21, 5301. https://doi.org/10.3390/s21165301

AMA Style

Rivera P, Valarezo Añazco E, Kim T-S. Object Manipulation with an Anthropomorphic Robotic Hand via Deep Reinforcement Learning with a Synergy Space of Natural Hand Poses. Sensors. 2021; 21(16):5301. https://doi.org/10.3390/s21165301

Chicago/Turabian Style

Rivera, Patricio, Edwin Valarezo Añazco, and Tae-Seong Kim. 2021. "Object Manipulation with an Anthropomorphic Robotic Hand via Deep Reinforcement Learning with a Synergy Space of Natural Hand Poses" Sensors 21, no. 16: 5301. https://doi.org/10.3390/s21165301

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop