B2. Designing robot behavior in human-robot interactions
Changliu Liu, Te Tang, Hsien-Chung Lin and Masayoshi Tomizuka
CRC Press, 2019 Abstract | Cover | Link | Bib
Human-robot interactions (HRI) have been recognized to be a key element of future robots in many application domains such as manufacturing and transportation, which entail huge social and economic impacts. Future robots are envisioned to be acting like human, which are independent entities that make decisions for themselves; intelligent actuators that interact with the physical world; and involved observers that have rich senses and critical judgements. Most importantly, they are entitled social attributions to build relationships with humans. We call these robots co-robots. Technically, it is challenging to design the behavior of co-robots. Unlike traditional robots that work in structured and deterministic environments, co-robots need to operate in highly unstructured and stochastic environments. The book is to study methodologies to ensure that co-robots operate efficiently and safely in dynamic uncertain environments. This book sets up a unified analytical framework for various human-robot systems, which involves peer-peer interactions or hierarchical interactions. Various methods to design the robot behavior through control, planning, decision and learning are proposed. In particular, the following topics are discussed: safety during human-robot interactions, efficiency in real-time robot motion planning, imitation of human behaviors by robot, dexterity of robot to adapt to different environments and tasks, cooperation among robots and humans and conflict resolution. The proposed methods have been applied on various scenarios, such as human-robot collaborative assembly, robot skill learning from human demonstration, interaction between autonomous and human-driven vehicles, and etc.
B1. Designing the robot behavior for safe human-robot interactions
Changliu Liu, and Masayoshi Tomizuka Trends in Control and Decision-Making for Human-Robot Collaboration Systems (Y. Wang and F. Zhang (Eds.)), Springer, 2017 Abstract | Preprint | Link | Bib
Recent advances in robotics suggest that human robot interaction (HRI) is no longer a fantasy, but is happening in various fields such as industrial robots, autonomous vehicles and medical robots. Human safety is one of the biggest concerns in HRI. As humans will respond to the robot's movement, interactions need to be considered explicitly by the robot. A systematic approach to design the robot behavior towards safe HRI is discussed in this chapter. By modeling the interactions in a multi-agent framework, the safety issues are understood as conflicts in the multi-agent system. By mimicking human's social behavior, the robot's behavior is constrained by the "no-collision" social norm and the uncertainties it perceives for human motions. An efficient action is then found within the constraints. Both analysis and human-involved simulation verify the effectiveness of the method.
Journal Articles
J11. The Before, During and After of Multi-Robot Deadlock
Jaskaran Grover, Changliu Liu, and Katia Sycara International Journal of Robotics Research Abstract
To appear
J10. Safe and Sample-efficient Reinforcement Learning for Clustered Dynamic Environments
Hongyi Chen and Changliu Liu IEEE Control System Letters Abstract | Link
This study proposes a safe and sample-efficient reinforcement learning (RL) framework to address two major challenges in developing applicable RL algorithms: satisfying safety constraints and efficiently learning with limited samples. To guarantee safety in real-world complex environments, we use the safe set algorithm (SSA) to monitor and modify the nominal controls, and evaluate SSA+RL in a clustered dynamic environment which is challenging to be solved by existing RL algorithms. However, the SSA+RL framework is usually not sample-efficient especially in reward-sparse environments, which has not been addressed in previous safe RL works. To improve the learning efficiency, we propose three techniques: (1) avoiding behaving overly conservative by adapting the SSA; (2) encouraging safe exploration using random network distillation with safety constraints; (3) improving policy convergence by treating SSA as expert demonstrations and directly learn from that. The experimental results show that our framework can achieve better safety performance compare to other safe RL methods during training and solve the task with substantially fewer episodes.
J9. Algorithms for verifying deep neural networks
Changliu Liu, Tomer Arnon, Christopher Lazarus, Christopher Strong, Clark Barrett, and Mykel J. Kochenderfer Foundation and Trend in Optimization, vol. 4, No. 3-4, pp. 244–404, 2021 Abstract | Preprint | Link | Code | Slides | Talk | Tutorial | Bib
Deep neural networks are widely used for nonlinear function approximation with applications spanning from computer vision to control. Although these networks involve the composition of simple arithmetic operations, it can be very challenging to verify whether a particular network satisfies certain input-output properties. This article surveys methods that have emerged recently for soundly verifying such properties. These methods borrow insights from reachability analysis, optimization, and search. We discuss fundamental differences and connections between existing algorithms. In addition, we provide pedagogical implementations of existing methods and compare them on a set of benchmark problems.
J8. Human Motion Prediction Using Adaptable Recurrent Neural Networks and Inverse Kinematics
Ruixuan Liu and Changliu Liu IEEE Control System Letters, vol. 5, no. 5, pp. 1651-1656, Nov. 2021 Abstract | Preprint | Link | Video
Human motion prediction, especially arm prediction, is critical to facilitate safe and efficient human-robot collaboration (HRC). This letter proposes a novel human motion prediction framework that combines a recurrent neural network (RNN) and inverse kinematics (IK) to predict human arm motion. A modified Kalman filter (MKF) is applied to adapt the model online. The proposed framework is tested on collected human motion data with up to 2 s prediction horizon. The experiments demonstrate that the proposed method improves the prediction accuracy by approximately 14% comparing to the state-of-art on seen situations. It stably adapts to unseen situations by keeping the maximum prediction error under 4 cm, which is 70% lower than other methods. Moreover, it is robust when the arm is partially occluded. The wrist prediction remains the same, while the elbow prediction has 20% less variation.
J7. Robust Nonlinear Adaptation Algorithms for Multi-Task Prediction Networks
Abulikemu Abuduweili and Changliu Liu International Journal of Adaptive Control and Signal Processing, vol. 35, no. 3, pp. 314-341, Mar. 2021 Abstract | Preprint | Link
High fidelity behavior prediction of intelligent agents is critical in many applications,which is challenging due to the stochasticity, heterogeneity and time-varying natureof agent behaviors. Prediction models that work for one individual may not be appli-cable to another. Besides, the prediction model trained on the training set may notgeneralize to the testing set. These challenges motivate the adoption of online adap-tation algorithms to update prediction models in real-time to improve the predictionperformance. This paper considers online adaptable multi-task prediction for bothintention and trajectory. The goal of online adaptation is to improve the performanceof both intention and trajectory predictions with only the feedback of the observedtrajectory. We first introduce a generic tau-step adaptation algorithm of the multi-taskprediction model that updates the model parameters with the trajectory predictionerror in recent tau steps. Inspired by Extended Kalman Filter (EKF), a base adaptationalgorithm Modified EKF with forgetting factor (MEKFtau) is introduced. In order toimprove the performance of MEKFtau, generalized exponential moving average filter-ing techniques are adopted. Then this paper introduces a dynamic multi-epoch updatestrategy to effectively utilize samples received in real time. With all these exten-sions, we propose a robust online adaptation algorithm: MEKF with Moving Averageand dynamic Multi-Epoch strategy (MEKFMA−ME). We empirically study the bestset of parameters to adapt in the multi-task prediction model and demonstrate theeffectiveness of the proposed adaptation algorithms to reduce the prediction error.
J6. Towards Efficient Human-Robot Collaboration with Robust Plan Recognition and Trajectory Prediction
Yujiao Cheng, Liting Sun, Changliu Liu, and Masayoshi Tomizuka IEEE Robotics and Automation Letters, vol. 5, no.2, pp. 2602-2609, 2020 Abstract | Preprint | Link | Bib
Human-robot collaboration (HRC) is becoming increasingly important as the paradigm of manufacturing is shifting from mass production to mass customization. The introduction of HRC can significantly improve the flexibility and intelligence of automation. To efficiently finish tasks in HRC systems, the robots need to not only predict the future movements of human, but also more high-level plans, i.e., the sequence of actions to finish the tasks. However, due to the stochastic and time-varying nature of human collaborators, it is quite challenging for the robot to efficiently and accurately identify such task plans and respond in a safe manner. To address this challenge, we propose an integrated human-robot collaboration framework. Both plan recognition and trajectory prediction modules are included for the generation of safe and efficient robotic motions. Such a framework enables the robots to perceive, predict and adapt their actions to the human's work plan and intelligently avoid collisions with the human. Moreover, by explicitly leveraging the hierarchical relationship between plans and trajectories, more robust plan recognition performance can be achieved. Physical experiments were conducted on an industrial robot to verify the proposed framework. The results show that the proposed framework could accurately recognize the human workers’ plans and thus significantly improve the time efficiency of the HRC team even in the presence of motion classification noises.
J5. Graph-Based Modeling, Scheduling, and Verification for Intersection Management of Intelligent Vehicles
Yi-Ting Lin, Hsiang Hsu, Shang-Chien Lin, Chung-Wei Lin, Hui-Ru Jiang, and Changliu Liu ACM Transactions on Embedded Computing Systems (TECS), vol. 18, no. 5s, 2019 Abstract | Preprint | Link | Bib
to appear
J4. Distributed conflict resolution for connected autonomous vehicles
Changliu Liu, Chung-Wei Lin, Shinichi Shiraishi, and Masayoshi Tomizuka IEEE Transactions on Intelligent Vehicles, vol. 3, no. 1, pp. 18-29, Mar. 2018 Abstract | Preprint | Link | Bib
This paper proposes a novel communication-enabled distributed conflict resolution mechanism for interactions among connected autonomous vehicles (CAVs). The environments under consideration are generalized intersections where multiple incoming and outgoing lanes intersect. All vehicles close to the intersection are requested to broadcast their estimated times to occupy the conflict zones where a conflict zone is identified when the extensions of two incoming lanes intersect. The conflict resolution strategy is decoupled temporally for a vehicle. In a decision maker, the vehicle computes the desired time slot to pass the conflict zones based on the broadcasted information by solving a conflict graph locally. Then in a motion planner, the vehicle computes the desired speed profile by solving a temporal optimization problem constrained in the desired time slot. The estimated time to occupy the conflict zones given the new speed profile is then broadcasted again. It is shown theoretically that the aggregation of these local decisions solves the conflicts globally. Moreover, this mechanism increases the efficiency of autonomous vehicles, and outperforms conventional mechanisms such as traffic light or stop sign in a four-way intersection in terms of delay time and throughput as demonstrated by simulation.
J3. The convex feasible set algorithm for real time optimization in motion planning
Changliu Liu, Chung-Yen Lin, and Masayoshi Tomizuka SIAM Journal on Control and Optimization, vol. 56, no. 4, pp. 2712–2733, 2018 Abstract | Preprint | Link | Code | Bib
With the development of robotics, there are growing needs for real time motion planning. However, due to obstacles in the environment, the planning problem is highly non-convex, which makes it difficult to achieve real time computation using existing non-convex optimization algorithms. This paper introduces the convex feasible set algorithm (CFS) which is a fast algorithm for non-convex optimization problems that have convex costs and non-convex constraints. The idea is to find a convex feasible set for the original problem and iteratively solve a sequence of subproblems using the convex constraints. The feasibility and the convergence of the proposed algorithm are proved in the paper. The application of this method on motion planning for mobile robots is discussed. The simulations demonstrate the effectiveness of the proposed algorithm.
J2. Real time trajectory optimization for nonlinear robotic systems: Relaxation and convexification
Changliu Liu, and Masayoshi Tomizuka System & Control Letters, vol. 108, pp. 56-63, Oct. 2017 Abstract | Preprint | Link | Bib
Real time trajectory optimization is critical for robotic systems. Due to nonlinear system dynamics and obstacles in the environment, the trajectory optimization problems are highly nonlinear and non convex, hence hard to be computed online. Liu, Lin and Tomizuka proposed the convex feasible set algorithm (CFS) to handle the non convex optimization in real time by convexification. However, one limitation of CFS is that it will not converge to local optima when there are nonlinear equality constraints. In this paper, the slack convex feasible set algorithm (SCFS) is proposed to handle the nonlinear equality constraints, e.g. nonlinear system dynamics, by introducing slack variables to relax the constraints. The geometric interpretation of the method is discussed. The feasibility and convergence of the SCFS algorithm is proved. It is demonstrated that SCFS performs better than existing non convex optimization methods such as interior-point, active set and sequential quadratic programming, as it requires less computation time and converges faster.
J1. Safe robot navigation among moving and steady obstacles [Bookshelf]
Changliu Liu IEEE Control Systems, vol. 37, no. 1, pp. 123-125, Feb. 2017
Abstract | Preprint | Link
Refereed Conference Proceedings
C39. Parameter Identification for Optimization-based Controllers in Multirobot Systems
Jaskaran Grover, Changliu Liu, and Katia Sycara IEEE International Symposium on Multi-Robot and Multi-Agent Systems, 2021 Abstract
To appear
C38. Model-free Safe Control for Zero-Violation Reinforcement Learning
Weiye Zhao, Tairan He, and Changliu Liu Conference on Robot Learning, 2021 Abstract | Link
Maintaining safety under adaptation has long been considered to be an important capability for autonomous systems. As these systems estimate and change the ego-model of the system dynamics, questions regarding how to develop safety guarantees for such systems continue to be of interest. We propose a novel robust safe control methodology that uses set-based safety constraints to make a robotic system with dynamical uncertainties safely adapt and operate in its environment. The method consists of designing a scalar energy function (safety index) for an adaptive system with parametric uncertainty and an optimization-based approach for control synthesis. Simulation studies on a two-link manipulator are conducted and the results demonstrate the effectiveness of our proposed method in terms of generating provably safe control for adaptive systems with parametric uncertainty.
C37. Safe Adaptation with Multiplicative Uncertainties Using Robust Safe Set Algorithm
Charles Noren, Weiye Zhao, and Changliu Liu Modeling, Estimation, and Control Conference (MECC), 2021 Abstract | Preprint | Link
Maintaining safety under adaptation has long been considered to be an important capability for autonomous systems. As these systems estimate and change the ego-model of the system dynamics, questions regarding how to develop safety guarantees for such systems continue to be of interest. We propose a novel robust safe control methodology that uses set-based safety constraints to make a robotic system with dynamical uncertainties safely adapt and operate in its environment. The method consists of designing a scalar energy function (safety index) for an adaptive system with parametric uncertainty and an optimization-based approach for control synthesis. Simulation studies on a two-link manipulator are conducted and the results demonstrate the effectiveness of our proposed method in terms of generating provably safe control for adaptive systems with parametric uncertainty.
C36. System Identification for Safe Controllers using Inverse Optimization
Jaskaran Grover, Changliu Liu, and Katia Sycara Modeling, Estimation, and Control Conference (MECC), 2021 Abstract | Preprint | Link
This paper presents algorithms for learning parameters of optimization-based controllers used in multiagent systems based on their position-velocity measurements. The motivation to learn these parameters stems from the need to infer an agent’s intent (human or robot) to facilitate accurate predictions of motion as well as efficient interactions in a multiagent system. In this work, we demonstrate how to perform inference using algorithms based on the theory of inverse optimization (IO). We propose QP-based reformulations of IO algorithms for faster processing of batch-data to facilitate quicker inference. In our prior work, we used persistency of excitation analysis for deriving conditions under which conventional estimators such as a Kalman filter can successfully perform such inference. In this work, we demonstrate that whenever these conditions are violated, inference of parameters will fail, be it using IO-based algorithms or a UKF. We provide numerical simulations to infer desired goal locations and controller gains of each robot in a multirobot system and compare performance of IO-based algorithms with a UKF and an adaptive observer. In addition to these, we also conduct experiments with Khepera-4 robots and demonstrate the power of IO-based algorithms in inferring goals in the presence of perception noise.
C35. Distributed Motion Coordination Using Convex Feasible Set Based Model Predictive Control
Hongyu Zhou and Changliu Liu IEEE International Conference on Robotics and Automation (ICRA), 2021 Abstract | Preprint | Link
The implementation of optimization-based motion coordination approaches in real world multi-agent systems remains challenging due to their high computational complexity and potential deadlocks. This paper presents a distributed model predictive control (MPC) approach based on convex feasible set (CFS) algorithm for multi-vehicle motion coordination in autonomous driving. By using CFS to convexify the collision avoidance constraints, collision-free trajectories can be computed in real time. We analyze the potential deadlocks and show that a deadlock can be resolved by changing vehicles’ desired speeds. The MPC structure ensures that our algorithm is robust to low-level tracking errors. The proposed distributed method has been tested in multiple challenging multi-vehicle environments, including unstructured road, intersection, crossing, platoon formation, merging, and overtaking scenarios. The numerical results and comparison with other approaches (including a centralized MPC and reciprocal velocity obstacles) show that the proposed method is computationally efficient and robust, and avoids deadlocks.
C34. Feasible Region-Based Identification Using Duality
Jaskaran Grover, Katia Sycara, and Changliu Liu European Control Conference, 2021 Abstract | Preprint | Link
We consider the problem of estimating bounds on parameters representing tasks being performed by individual robots in a multirobot system. In our previous work, we derived necessary conditions based on persistency of excitation analysis for exact identification of these parameters. We concluded that depending on the robot’s task, the dynamics of individual robots may fail to satisfy these conditions, thereby preventing exact inference. As an extension to that work, this paper focuses on estimating bounds on task parameters when such conditions are not satisfied. Each robot in the team uses optimization-based controllers for mediating between task satisfaction and collision avoidance. We use KKT conditions of this optimization and SVD of active collision avoidance constraints to derive explicit relations between Lagrange multipliers, robot dynamics and task parameters. Using these relations, we are able to derive bounds on each robot’s task parameters. Through numerical simulations we show how our proposed region based identification approach generates feasible regions for parameters when a conventional estimator such as a UKF fails. Additionally, empirical evidence shows that this approach generates contracting sets which converge to the true parameters much faster than the rate at which a UKF based estimate converges. Videos of these results are available at https://bit.ly/2JDMgeJ
C33. Flexible MPC-based Conflict Resolution Using Online Adaptive ADMM
Jerry An, Giulia Giordano, and Changliu Liu European Control Conference, 2021 Abstract | Preprint | Link
Decentralized conflict resolution for autonomous vehicles is needed in many places where a centralized method is not feasible, e.g., parking lots, rural roads, merge lanes, etc. However, existing methods generally do not fully utilize optimization in decentralized conflict resolution. We propose a decentralized conflict resolution method for autonomous vehicles based on a novel extension to the Alternating Direc- tions Method of Multipliers (ADMM), called Online Adaptive ADMM (OA-ADMM), and on Model Predictive Control (MPC). OA-ADMM is tailored to online systems, where fast and adaptive real-time optimization is crucial, and allows the use of safety information about the physical system to improve safety in real-time control. We prove convergence in the static case and give requirements for online convergence. Combining OA-ADMM and MPC allows for robust decentralized motion planning and control that seamlessly integrates decentralized conflict resolution. The effectiveness of our proposed method is shown through simulations in CARLA, an open-source vehicle simulator, resulting in a reduction of 47.93% in mean added delay compared with the next best method.
C32. Augmenting GAIL with BC for sample efficient imitation learning
Rohit Jena, Changliu Liu, and Katia Sycara Conference on Robot Learning, 2020 Abstract | Preprint | Link
Imitation learning is the problem of recovering an expert policy without access to a reward signal. Behavior cloning and GAIL are two widely used methods for performing imitation learning. Behavior cloning converges in a few iterations, but doesn’t achieve peak performance due to its inherent iid assumption about the state-action distribution. GAIL addresses the issue by accounting for the temporal dependencies when performing a state distribution matching between the agent and the expert. Although GAIL is sample efficient in the number of expert trajectories required, it is still not very sample efficient in terms of the environment interactions needed for convergence of the policy. Given the complementary benefits of both methods, we present a simple and elegant method to combine both methods to enable stable and sample efficient learning. Our algorithm is very simple to implement and integrates with different policy gradient algorithms. We demonstrate the effectiveness of the algorithm in low dimensional control tasks, gridworlds and in high dimensional image-based tasks.
C31. Tolerance-guided Policy Learning for Adaptable and Transferrable Delicate Industrial Insertion
Boshen Niu*, Chenxi Wang*, and Changliu Liu Conference on Robot Learning, 2020 Abstract | Preprint | Link
Policy learning for delicate industrial insertion tasks (e.g., PC board assembly) is challenging. This paper considers two major problems: how to learn a diversified policy (instead of just one average policy) that can efficiently handle different workpieces with minimum amount of training data, and how to handle defects of workpieces during insertion. To address the problems, we propose tolerance-guided policy learning. To encourage transferability of the learned policy to different workpieces, we add a task embedding to the policy’s input space using the insertion tolerance. Then we train the policy using generative adversarial imitation learning with reward shaping (RS-GAIL) on a variety of representative situations. To encourage adaptability of the learned policy to handle defects, we build a probabilistic inference model that can output the best inserting pose based on failed insertions using the tolerance model. The best inserting pose is then used as a reference to the learned policy. This proposed method is validated on a sequence of IC socket insertion tasks in simulation. The results show that 1) RS-GAIL can efficiently learn optimal policies under sparse rewards; 2) the tolerance embedding can enhance the transferability of the learned policy; 3) the probabilistic inference makes the policy robust to defects on the workpieces.
C30. Contact-Rich Trajectory Generation in Confined Environments Using Iterative Convex Optimizationg
Weiye Zhao, Suqin He, Chengtao Wen, and Changliu Liu Dynamics Systems and Control Conference (DSCC), ASME, 2020 Abstract | Preprint | Video
Applying intelligent robot arms in dynamic uncertain environments (i.e., flexible production lines) remains challenging, which requires efficient algorithms for real time trajectory generation. The motion planning problem for robot trajectory generation is highly nonlinear and nonconvex, which usually comes with collision avoidance constraints, robot kinematics and dynamics constraints, and task constraints (e.g., following a Cartesian trajectory defined on a surface and maintain the contact). The nonlinear and nonconvex planning problem is computationally expensive to solve, which limits the application of robot arms in the real world. In this paper, for redundant robot arm planning problems with complex constraints, we present a motion planning method using iterative convex optimization that can efficiently handle the constraints and generate optimal trajectories in real time. The proposed planner guarantees the satisfaction of the contact-rich task constraints and avoids collision in confined environments. Extensive experiments on trajectory generation for weld grinding are performed to demonstrate the effectiveness of the proposed method and its applicability in advanced robotic manufacturing.
C29. Multi-car convex feasible set algorithm in trajectory planning
Jing Huang and Changliu Liu Dynamics Systems and Control Conference (DSCC), ASME, 2020 Abstract | Preprint | Video
Trajectory planning is an essential module for autonomous driving. To deal with multi-vehicle interactions, existing methods follow the prediction-then-plan approaches which first predict the trajectories of others then plan the trajectory for the ego vehicle given the predictions. However, since the true trajectories of others may deviate from the predictions, frequent re-planning for the ego vehicle is needed, which may cause many issues such as instability or deadlock. These issues can be overcome if all vehicles can form a consensus by solving the same multi-vehicle trajectory planning problem. Then the major challenge is how to efficiently solve the multi-vehicle trajectory planning problem in real time under the curse of dimensionality. We introduce a novel planner for multi-vehicle trajectory planning based on the convex feasible set (CFS) algorithm. The planning problem is formulated as a non-convex optimization. A novel convexification method to obtain the maximal convex feasible set is proposed, which transforms the problem into a quadratic programming. Simulations in multiple typical on-road driving situations are conducted to demonstrate the effectiveness of the proposed planning algorithm in terms of completeness and optimality.
C28. Deadlock Analysis and Resolution in Multi-Robot Systems
Jaskaran Grover, Changliu Liu, and Katia Sycara International Workshop on the Algorithmic Foundations of Robotics (WAFR), 2020 Abstract | Preprint
to appear.
C27. A Dynamic Programming Approach to Optimal Lane Merging of Connected and Autonomous Vehicles
C26. Robust online model adaptation by EKF with exponential moving average and dynamic multi-epoch strategy
Abulikemu Abuduweili, and Changliu Liu Learning for Dynamics and Control Conference, 2020 Abstract | Preprint | Poster | Code | Video
High fidelity behavior prediction of intelligent agents is critical in many applications. However, the prediction model trained on the training set may not generalize to the testing set due to domain shift and time variance. The challenge motivates the adoption of online adaptation algorithms to update prediction models in real-time to improve the prediction performance. Inspired by Extended Kalman Filter (EKF), this paper introduces a series of online adaptation methods, which are appli- cable to neural network-based models. A base adaptation algorithm Modified EKF with forgetting factor (MEKFλ) is introduced first, followed by exponential moving average filtering techniques. Then this paper introduces a dynamic multi-epoch update strategy to effectively utilize samples received in real time. With all these extensions, we propose a robust online adaptation algorithm: MEKF with Exponential Moving Average and Dynamic Multi-Epoch strategy (MEKFEMA-DME). The proposed algorithm outperforms existing methods as demonstrated in experiments.
C25. Why does symmetry cause deadlocks?
Jaskaran Grover, Changliu Liu, and Katia Sycara IFAC World Congress, 2020 Abstract | Preprint | Link | Video
to appear
C24. Experimental evaluation of human motion prediction toward safe and efficient human robot collaboration
Weiye Zhao, Liting Sun, Changliu Liu, and Masayoshi Tomizuka American Control Conference, 2020 Abstract | Preprint | Link | Video
Human motion prediction is non-trivial in modern industrial settings. Accurate prediction of human motion can not only improve efficiency in human robot collaboration, but also enhance human safety in close proximity to robots. Among existing prediction models, the parameterization and identification methods of those models vary. It remains unclear what is the necessary parameterization of a prediction model, whether online adaptation of the model is necessary, and whether prediction can help improve safety and efficiency during human robot collaboration. These problems result from the difficulty to quantitatively evaluate various prediction models in a closed-loop fashion in real human-robot interaction settings. This paper develops a method to evaluate the closed-loop performance of different prediction models. In particular, we compare models with different parameterizations and models with or without online parameter adaptation. Extensive experiments were conducted on a human robot collaboration platform. The experimental results demonstrated that human motion prediction significantly enhanced the collaboration efficiency and human safety. Adaptable prediction models that were parameterized by neural networks achieved the best performance.
C23. Safe control algorithms using energy functions: A unified framework, benchmark, and new directions
Tianhao Wei, and Changliu Liu IEEE Conference on Decision and Control, IEEE, 2019, pp. 238 - 243. Abstract | Preprint | Link | Bib
Safe autonomy is important in many application domains, especially for applications involving interactions with humans. Existing safe control algorithms are similar to each other in the sense that: they all provide control input to maintain a low value of an energy function that measures safety. In different methods, the energy function is called a potential function, a safety index, or a barrier function. The connections and relative advantages among these methods remain unclear. This paper introduces a unified framework to derive safe control laws using energy functions. We demonstrate how to integrate existing controllers based on potential field method, safe set algorithm, barrier function method, and sliding mode algorithm into this unified framework. In addition to theoretical comparison, this paper also introduces a benchmark which implements and compares existing methods on a variety of problems with different system dynamics and interaction modes. Based on the comparison results, a new method, called the sublevel safe set algorithm, is derived under the unified framework by optimizing the hyperparameters. The proposed algorithm achieves the best performance in terms of safety and efficiency on all benchmark problems.
C22. Toward modularization of neural network autonomous driving policy using parallel attribute networks
Zhuo Xu, Haonan Chang, Chen Tang, Changliu Liu, and Masayoshi Tomizuka IEEE Intelligent Vehicle Symposium, IEEE, 2019, pp. 1400 - 1407. Abstract | Preprint | Link | Bib
to appear
C21. AGen: Adaptable generative prediction networks for autonomous driving
Wenwen Si, Tianhao Wei, and Changliu Liu IEEE Intelligent Vehicle Symposium, IEEE, 2019, pp. 281 - 286. Abstract | Preprint | Poster | Link | Bib
In highly interactive driving scenarios, accurate prediction of other road participants is critical for safe and efficient navigation of autonomous cars. Prediction is challenging due to the difficulty in modeling various driving behavior, or learning such a model. The model should be interactive and reflect individual differences. Imitation learning methods, such as parameter sharing generative adversarial imitation learning (PS-GAIL), are able to learn interactive models. However, the learned models average out individual differences. When used to predict trajectories of individual vehicles, these models are biased. This paper introduces an adaptable generative prediction framework (AGen), which performs online adaptation of the offline learned models to recover individual differences for better prediction. In particular, we combine the recursive least square parameter adaptation algorithm (RLS-PAA) with the offline learned model from PS-GAIL. RLS-PAA has analytical solutions and is able to adapt the model for every single vehicle efficiently online. The proposed method is able to reduce the root mean squared prediction error in a 2.5s time window by 60%, compared with PS-GAIL.
C20. Human motion prediction using semi-adaptable neural networks
Yujiao Cheng*, Weiye Zhao*, Changliu Liu, and Masayoshi Tomizuka American Control Conference, IEEE, 2019, pp. 4884 - 4890. Abstract | Preprint | Link | Code | Bib
Human motion prediction is an important component to facilitate human robot interaction. Robots need to accurately predict human's future movement in order to efficiently collaborate with humans, as well as to safely plan its own motion trajectories. Many recent approaches predict human's future movement using deep learning methods, such as recurrent neural networks. However, existing methods lack the ability to adapt to time-varying human behaviors. Moreover, many of them do not quantify uncertainties in the prediction. This paper proposes a new approach that uses an adaptable neural network for human motion prediction, in order to accommodate human's time-varying behaviors and to provide uncertainty bounds of the predictions in real time. In particular, a neural network is trained offline to represent the human motion transition model. Recursive least square parameter adaptation algorithm (RLS-PAA) is adopted for online parameter adaptation of the neural network and for uncertainty estimation. Experiments on several human motion datasets verify that the proposed method outperforms the state-of-the-art approach with a significant improvement in terms of prediction accuracy and computation efficiency.
C19. Simulating emergent properties of human driving behavior using multi-agent RAIL
Raunak P. Bhattacharyya, Derek J. Phillips, Changliu Liu, Jayesh K. Gupta, Katherine Driggs-Campbell, and Mykel J. Kochenderfer IEEE International Conference on Robotics and Automation (ICRA), IEEE, 2019, pp. 789 - 795. Abstract | Preprint | Link | Bib
to appear
C18. Fast robot motion planning with collision avoidance and temporal optimization
Hsien-Chung Lin*, Changliu Liu*, and Masayoshi Tomizuka International Conference on Control, Automation, Robotics and Vision (ICARCV), IEEE, 2018, pp. 29 - 35. Best Paper Award Abstract | Preprint | Link | Bib
Considering the growing demand of real-time motion planning in robot applications, this paper proposes a fast robot motion planner (FRMP) to plan collision-free and time-optimal trajectories, which applies the convex feasible set algorithm (CFS) to solve both the trajectory planning problem and the temporal optimization problem. The performance of CFS in trajectory planning is compared to the sequential quadratic programming (SQP) in simulation, which shows a significant decrease in iteration numbers and computation time to converge a solution. The effectiveness of temporal optimization is shown on the operational time reduction in the experiment on FANUC LR Mate 200iD/7L.
C17. Analytically modeling unmanaged intersections with microscopic vehicle interactions
Changliu Liu, and Mykel J. Kochenderfer Intelligent Transportation Systems Conference (ITSC), IEEE, 2018, pp. 2352 - 2357. Abstract | Preprint | Link | Code | Bib | Talk | Blog
With the emergence of autonomous vehicles, it is important to understand their impact on the transportation system. However, conventional traffic simulations are time-consuming. In this paper, we introduce an analytical traffic model for unmanaged intersections accounting for microscopic vehicle interactions. The macroscopic property, i.e., delay at the intersection, is modeled as an event-driven stochastic dynamic process, whose dynamics encode the microscopic vehicle behaviors. The distribution of macroscopic properties can be obtained through either direct analysis or event-driven simulation. They are more efficient than conventional (time-driven) traffic simulation, and capture more microscopic details compared to conventional macroscopic flow models. We illustrate the efficiency of this method by delay analyses under two different policies at a two-lane intersection. The proposed model allows for 1) efficient and effective comparison among different policies, 2) policy optimization, 3) traffic prediction, and 4) system optimization (e.g., infrastructure and protocol).
C16. Improving efficiency of autonomous vehicles via V2V communication
Changliu Liu, Chung-Wei Lin, Shinichi Shiraishi, and Masayoshi Tomizuka American Control Conference, IEEE, 2018, pp. 4778 - 4783. Abstract | Preprint | Link | Bib
Autonomous vehicles are widely regarded as a promising technology to improve the safety of transportation systems. However, the efficiency of vehicles may be compromised to ensure safety when there are large uncertainties in perception and prediction of the behaviors of other road participants due to limitations in sensors. To remedy this problem, vehicle to vehicle (V2V) communication is applied to improve efficiency of autonomous vehicles during interactions with other vehicles. By requiring the vehicles to communicate their intentions with one another, the efficiency of the vehicles can be improved in terms of smaller variations in their speed profiles and smaller delay as demonstrated in the simulations.
C15. FOAD: Fast optimization-based autonomous driving motion planner
Jianyu Chen, Changliu Liu, and Masayoshi Tomizuka American Control Conference, IEEE, 2018, pp. 4725-4732. Abstract | Preprint | Link | Bib
C14. Real-time collision avoidance algorithm on industrial manipulators
Hsien-Chung Lin, Changliu Liu, Yongxiang Fan, and Masayoshi Tomizuka IEEE Conference on Control Technology and Applications (CCTA), IEEE, 2017, pp. 1294 - 1299. Abstract | Preprint | Link | Bib
Safety is a fundamental issue in robotics, especially in the growing application of human-robot interaction (HRI), where collision avoidance is an important consideration. In this paper, a novel real-time velocity based collision avoidance planner is presented to address this problem. The proposed algorithm provides a solution to deal with both collision avoidance and reference tracking simultaneously. An invariant safe set is introduced to exclude the dangerous states that may lead to collision, and a smoothing function is introduced to adapt different reference commands and to preserve the invariant property of the safe set. A real-time experiment with a moving obstacle is conducted on FANUC LR Mate 200iD/7L.
C13. Boundary layer heuristic for search-based nonholonomic path planning in maze-like environments
Changliu Liu, Yizhou Wang, and Masayoshi Tomizuka IEEE Intelligent Vehicle Symposium, IEEE, 2017, pp. 831 - 836. Abstract | Preprint | Poster | Link | Code | Bib
Automatic valet parking is widely viewed as a milestone towards fully autonomous driving. One of the key problems is nonholonomic path planning in maze-like environments (e.g. parking lots). To balance efficiency and passenger comfort, the planner needs to minimize the length of the path as well as the number of gear shifts. Lattice A* search is widely adopted for optimal path planning. However, existing heuristics do not evaluate the nonholonomic dynamic constraint and the collision avoidance constraint simultaneously, which may mislead the search. To efficiently search the environment, the boundary layer heuristic is proposed which puts large cost in the area that the vehicle must shift gear to escape. Such area is called the boundary layer. A simple and efficient geometric method to compute the boundary layer is proposed. The admissibility and consistency of the additive combination of the boundary layer heuristic and existing heuristics are proved in the paper. The simulation results verify that the introduction of the boundary layer heuristic improves the search performance by reducing the computation time by 56.1%.
C12. Speed profile planning in dynamic environments via temporal optimization
Changliu Liu, Wei Zhan, and Masayoshi Tomizuka IEEE Intelligent Vehicle Symposium, IEEE, 2017, pp. 154 - 159. Abstract | Preprint | Poster | Link | Code | Bib
To generate safe and efficient trajectories for an automated vehicle in dynamic environments, a layered approach is usually considered, which separates path planning and speed profile planning. This paper is focused on speed profile planning for a given path that is represented by a set of waypoints. The speed profile will be generated using temporal optimization which optimizes the time stamps for all waypoints along the given path. The formulation of the problem under urban driving scenarios is discussed. To speed up the computation, the non-convex temporal optimization is approximated by a set of quadratic programs which are solved iteratively using the slack convex feasible set (SCFS) algorithm. The simulations in various urban driving scenarios validate the effectiveness of the method.
C11. Spatially-partitioned environmental representation and planning architecture for on-road autonomous driving
Wei Zhan, Jianyu Chen, Chin-Yao Chan, Changliu Liu, and Masayoshi Tomizuka IEEE Intelligent Vehicle Symposium, IEEE, 2017, pp. 632 - 639. Abstract | Preprint | Link | Bib
to appear
C10. Convex feasible set algorithm for constrained trajectory smoothing
Changliu Liu, Chung-Yen Lin, Yizhou Wang, and Masayoshi Tomizuka American Control Conference, IEEE, 2017, pp. 4177 - 4182. Abstract | Preprint | Link | Code | Bib
Trajectory smoothing is an important step in robot motion planning, where optimization methods are usually employed. However, the optimization problem for trajectory smoothing in a clustered environment is highly non-convex, and is hard to solve in real time using conventional non-convex optimization solvers. This paper discusses a fast online optimization algorithm for trajectory smoothing, which transforms the original non-convex problem to a convex problem so that it can be solved efficiently online. The performance of the algorithm is illustrated in various cases, and is compared to that of conventional sequential quadratic programming (SQP). It is shown that the computation time is greatly reduced using the proposed algorithm.
C9. The robustly-safe automated driving system for enhanced active safety
Changliu Liu, Jianyu Chen, Trong-Duy Nguyen, and Masayoshi Tomizuka SAE World Congress, SAE Technical Paper 2017-01-1406, 2017 Abstract | Preprint | Link | Bib
The development of automated vehicles brings new challenges to road safety. The behavior of the automated vehicles should be carefully designed in order to interact with the environment and other vehicles efficiently and safely. The robustly-safe automated driving system (ROAD) prevents or minimizes occurrences of collisions of the automated vehicles with surrounding vehicles and moving objects while maintaining efficiency. A set of design principles are elaborated based on the previous work, including robust perception and cognition algorithms for environment monitoring and high level decision making and low level control algorithms for safe maneuvering of the automated vehicle. The autonomous driving problem in mixed traffic is posed as a stochastic optimization problem, which is solved by 1) behavior classification and trajectory prediction of the surrounding vehicles, and 2) an unique parallel planner architecture which addresses the efficiency goal and the safety goal separately. Extensive simulations are performed to validate the effectiveness of the proposed algorithm, which evaluate both high level decision making and low level vehicle regulation. Two typical scenarios are considered, driving on freeway and driving in unstructured environments such as parking lots. In the simulation, multiple moving agents representing surrounding vehicles and pedestrians are added to the environment, some of which are controlled by human users in order to test the real time response of the automated vehicle.
C8. A non-conservatively defensive strategy for urban autonomous driving
Wei Zhan, Changliu Liu, Chin-Yao Chan, and Masayoshi Tomizuka Intelligent Transportation Systems Conference (ITSC), IEEE, 2016, pp. 459 - 464. Abstract | Preprint | Link | Bib
From the driving strategy point of view, a major challenge for autonomous vehicles in urban environment is to behave defensively to potential dangers, yet to not overreact to threats with low probability. As it is overwhelming to program the action rules case-by-case, a unified planning framework under uncertainty is proposed in this paper, which achieves a non-conservatively defensive strategy (NCDS) in various kinds of scenarios for urban autonomous driving. First, uncertainties in urban scenarios are simplified to two probabilistic cases, namely passing and yielding. Two-way-stop intersection is used as an exemplar scenario to illustrate the derivation of probabilities for different intentions of others via a logistic regression model. Then a deterministic planner is designed as the baseline. Also, a safe set is defined, which considers both current and preview safety. The planning framework under uncertainty is then proposed, in which safety is guaranteed and overcautious behavior is prevented. Finally, the proposed planning framework is tested by simulation in the exemplar scenario, which demonstrates that an NCDS can be realistically achieved by employing the proposed framework.
C7. Robotic manipulation of deformable objects by tangent space mapping and non-rigid registration
Te Tang, Changliu Liu, Wenjie Chen, and Masayoshi Tomizuka IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), IEEE, 2016, pp. 2689 - 2696. Abstract | Preprint | Link | Bib
Recent works of non-rigid registration have shown promising applications on tasks of deformable manipulation. Those approaches use thin plate spline-robust point matching (TPS-RPM) algorithm to regress a transformation function, which could generate a corresponding manipulation trajectory given a new pose/shape of the object. However, this method regards the object as a bunch of discrete and independent points. Structural information, such as shape and length, is lost during the transformation. This limitation makes the object’s final shape to differ from training to test, and can sometimes cause damage to the object because of excessive stretching. To deal with these problems, this paper introduces a tangent space mapping (TSM) algorithm, which maps the deformable object in the tangent space instead of the Cartesian space to maintain structural information. The new algorithm is shown to be robust to the changes in the object’s pose/shape, and the object’s final shape is similar to that of training. It is also guaranteed not to overstretch the object during manipulation. A series of rope manipulation tests are performed to validate the effectiveness of the proposed algorithm.
C6. Enabling safe freeway driving for automated vehicles
Changliu Liu, and Masayoshi Tomizuka American Control Conference, IEEE, 2016, pp. 3461 - 3467. Abstract | Preprint | Link | Bib
The development of automated vehicles brings new challenges to road safety. The behavior of the automated vehicles should be carefully designed in order to interact with the environment and other vehicles efficiently and safely. This paper is focused on the learning and decision making methods for the automated vehicles towards safe freeway driving. Based on a multi-agent traffic model, the decision making problem is posed as an optimal control problem, which is solved by 1) behavior classification and trajectory prediction of the surrounding vehicles, and 2) a unique parallel planner architecture which addresses the efficiency goal and the safety goal separately. The simulation results demonstrate the effectiveness of the algorithm.
C5. Who to blame? Learning and control strategies with information asymmetry
Changliu Liu, Wenlong Zhang and Masayoshi Tomizuka American Control Conference, IEEE, 2016, pp. 4859 - 4864. Abstract | Preprint | Link | Bib
The rise of robot-robot interactions (RRI) is pushing for novel controller design techniques. Instead of using fixed control laws, robots should choose actions to minimize some cost functions specified by the designer. However, since the cost function of one robot may not be known to other robots (information asymmetry), special reasoning strategies are needed for multiple robots to learn to cooperate. Analysis shows that conventional learning and control strategies can lead to instability in a multi-agent system since the imperfection of other agents is not considered. In this paper, a new learning and control strategy that deals with interactions among imperfect agents is proposed. Analysis and simulation results show that the proposed strategy improves the performance of the system.
C4. Algorithmic safety measures for intelligent industrial co-robots
Changliu Liu, and Masayoshi Tomizuka IEEE International Conference on Robotics and Automation (ICRA), IEEE, 2016, pp. 3095 - 3102. Abstract | Preprint | Link | Code | Bib
In factories of the future, humans and robots are expected to be co-workers and co-inhabitants in the flexible production lines. It is important to ensure that humans and robots do not harm each other. This paper is concerned with functional issues to ensure safe and efficient interactions among human workers and the next generation intelligent industrial co-robots. The robot motion planning and control problem in a human involved environment is posed as a constrained optimal control problem. A modularized parallel controller structure is proposed to solve the problem online, which includes a baseline controller that ensures efficiency, and a safety controller that addresses real time safety by making a safe set invariant. Capsules are used to represent the complicated geometry of humans and robots. The design considerations of each module are discussed. Simulation studies which reproduce realistic scenarios are performed on a planar robot arm and a 6 DoF robot arm. The simulation results confirm the effectiveness of the method.
C3. Safe exploration: addressing various uncertainty levels in human robot interactions
Changliu Liu, and Masayoshi Tomizuka American Control Conference, IEEE, 2015, pp. 465 - 470. Abstract | Preprint | Link | Code | Bib
To address the safety issues in human robot interactions (HRI), a safe set algorithm (SSA) was developed previously. However, during HRI, the uncertainty levels are changing in different phases of the interaction, which is not captured by SSA. A safe exploration algorithm (SEA) is proposed in this paper to address the uncertainty levels in the robot control. To estimate the uncertainty levels online, a learning method in the belief space is developed. A comparative study between SSA and SEA is conducted. The simulation results confirm that SEA can capture the uncertainty reduction behavior which is observed in human-human interactions.
C2. Control in a safe set: addressing safety in human-robot interactions
Changliu Liu, and Masayoshi Tomizuka Dynamic Systems and Control Conference (DSCC), ASME, 2014, p. V003T42A003. Best Student Paper Finalist. Abstract | Preprint | Link | Code | Supplementary | Bib
Human-robot interactions (HRI) happen in a wide range of situations. Safety is one of the biggest concerns in HRI. This paper proposes a safe set method for designing the robot controller and offers theoretical guarantees of safety. The interactions are modeled in a multi-agent system framework. To deal with humans in the loop, we design a parameter adaptation algorithm (PAA) to learn the closed loop behavior of humans online. Then a safe set (a subset of the state space) is constructed and the optimal control law is mapped to the set of control which can make the safe set invariant. This algorithm is applied with different safety constraints to both mobile robots and robot arms. The simulation results confirm the effectiveness of the algorithm.
C1. Modeling and controller design of cooperative robots in workspace sharing human-robot assembly teams
Changliu Liu, and Masayoshi Tomizuka IEEE/RSJ International Conference on Intelligent Robots and Systems (IROS), IEEE, 2014, pp. 1386 - 1391. Abstract | Preprint | Link | Code | Bib
Human workers and robots are two major workforces in modern factories. For safety reasons, they are separated, which limits the productive potentials of both parties. It is promising if we can combine human’s flexibility and robot’s productivity in manufacturing. This paper investigates the modeling and controller design method of workspace sharing human-robot assembly teams and adopts a two-layer interaction model between the human and the robot. In theoretical analysis, enforcing invariance in a safe set guarantees safety. In imple- mentation, an integrated method concerning online learning of closed loop human behavior and receding horizon control in the safe set is proposed. Simulation results in a 2D setup confirm the safety and efficiency of the algorithm.
Workshop Papers
W10. Online Adaptation of Neural Network Models by Modified Extended Kalman Filter for Customizable and Transferable Driving Behavior Prediction
Letian Wang, Yeping Hu, and Changliu Liu
in AAAI Workshop on Human-Centric Self-Supervised Learning, 2021. Abstract | Preprint
High fidelity behavior prediction of human drivers is crucial for efficient and safe deployment of autonomous vehicles, which is challenging due to the stochasticity, heterogeneity, and time-varying nature of human behaviors. On one hand, the trained prediction model can only capture the motion pattern in an average sense, while the nuances among individuals can hardly be reflected. On the other hand, the prediction model trained on the training set may not generalize to the testing set which may be in a different scenario or data distribution, resulting in low transferability and generalizability. In this paper, we applied a τ-step modified Extended Kalman Filter parameter adaptation algorithm (MEKFλ) to the driving behavior prediction task, which has not been studied before in literature. With the feedback of the observed trajectory, the algorithm is applied to neural-network-based models to improve the performance of driving behavior predictions across different human subjects and scenarios. A new set of metrics is proposed for systematic evaluation of online adaptation performance in reducing the prediction error for different individuals and scenarios. Empirical studies on the best layer in the model and steps of observation to adapt are also provided.
W9. Hierarchical Adaptable and Transferable Networks (HATN) for Driving Behavior Prediction
Letian Wang, Yeping Hu, Liting Sun, Wei Zhan, Masayoshi Tomizuka, and Changliu Liu
in NeurIPS workshop on Machine Learning for Autonomous Driving, 2021. Abstract | Preprint
When autonomous vehicles still struggle to solve challenging situations during on-road driving, humans have long mastered the essence of driving with efficient transferable and adaptable driving capability. By mimicking humans' cognition model and semantic understanding during driving, we present HATN, a hierarchical framework to generate high-quality driving behaviors in multi-agent dense-traffic environments. Our method hierarchically consists of a high-level intention identification and low-level action generation policy. With the semantic sub-task definition and generic state representation, the hierarchical framework is transferable across different driving scenarios. Besides, our model is also able to capture variations of driving behaviors among individuals and scenarios by an online adaptation module. We demonstrate our algorithms in the task of trajectory prediction for real traffic data at intersections and roundabouts, where we conducted extensive studies of the proposed method and demonstrated how our method outperformed other methods in terms of prediction accuracy and transferability.
W8. A hierarchical long short term safety framework for efficient robot manipulation under uncertainty
Suqin He, Weiye Zhao, Chuxiong Hu, Yu Zhu, and Changliu Liu
in MECC Workshop on Safe Control and Learning under Uncertainty, 2021. Abstract | Preprint
Safe and efficient robot manipulation in uncertain
clustered environments has been recognized to be a key element of
future intelligent industrial robots. Unlike traditional robots that
work in structured and deterministic environments, intelligent
industrial robots need to operate in dynamically changing and
stochastic environments with limited computation resources. This
paper proposed a hierarchical long short term safety system
(HLSTS), where the upper layer contains a long term planner
for global reference trajectory generation and the lower layer
contains a short term planner for real time emergent safety
maneuvers. Additionally, a hierarchical coordinator is proposed
to enable smooth coordination of the two layers by compensating
the communication delay through trajectory modification. The
proposed architecture is validated in industrial settings in both
simulations and real robot experiments, where the robot is
interacting with randomly moving obstacles while performing
a goal reaching task. Experimental results demonstrates that the
proposed HLSTS framework not only guarantees safety but also
improves task efficiency.
W7. Joint Synthesis of Safety Certificate and Safe Control Policy using Constrained Reinforcement Learning
Haitong Ma, Changliu Liu, Shengbo Eben Li, Sifa Zheng, and Jianyu Chen
in MECC Workshop on Safe Control and Learning under Uncertainty, 2021. Abstract | Preprint
Safety is the major consideration in controlling complex dynamical systems using reinforcement learning (RL), where the safety certificate can provide provable safety guarantee. A valid safety certificate is an energy function indicating that safe states are with low energy, and there exists a corresponding safe control policy that allows the energy function to always dissipate. The safety certificate and the safe control policy are closely related to each other and both challenging to synthesize. Therefore, existing learning-based studies treat either of them as prior knowledge to learn the other, which limits their applicability with general unknown dynamics. This paper proposes a novel approach that simultaneously synthesizes the energy-function-based safety certificate and learns the safe control policy with constrained RL. We do not rely on the prior knowledge about either an available model-based controller or a perfect safety certificate. In particular, we formulate a loss function to optimize the safety certificate parameters by minimizing the occurrence of energy increases. By adding this optimization procedure as an outer loop to the Lagrangian-based constrained RL, we jointly update the policy and safety certificate parameters. We evaluate our algorithms on multiple safety-critical benchmark environments. The results show that the proposed algorithm learns provably safe policies with no constraint violation. The validity, or feasibility of synthesized safety certificate is also verified numerically.
W6. Safe Control with Neural Network Dynamic Models
Tianhao Wei and Changliu Liu
in RSS Workshop on Robotics for People: Perspectives on Interaction, Learning and Safety, 2021. Abstract | Preprint
Safety is critical in autonomous robotic systems. A safe control law ensures forward invariance of a safe set (a subset in the state space). It has been extensively studied regarding how to derive a safe control law with a control-affine analytical dynamic model. However, in complex environments and tasks, it is challenging and time-consuming to obtain a principled analytical model of the system. In these situations, data-driven learning is extensively used and the learned models are encoded in neural networks. How to formally derive a safe control law with Neural Network Dynamic Models (NNDM) remains unclear due to the lack of computationally tractable methods to deal with these black-box functions. In fact, even finding the control that minimizes an objective for NNDM without any safety constraint is still challenging. In this work, we propose MIND-SIS (Mixed Integer for Neural network Dynamic model with Safety Index Synthesis), the first method to derive safe control laws for NNDM. The method includes two parts: 1) SIS: an algorithm for the offline synthesis of the safety index (also called as barrier function), which uses evolutionary methods and 2) MIND: an algorithm for online computation of the optimal and safe control signal, which solves a constrained optimization using a computationally efficient encoding of neural networks. It has been theoretically proved that MIND-SIS guarantees forward invariance and finite convergence. And it has been numerically validated that MIND-SIS achieves safe and optimal control of NNDM. From our experiments, the optimality gap is less than 10−8, and the safety constraint violation is 0.
W5. IADA: Iterative Adversarial Data Augmentation using Formal Verification and Expert Guidance
Ruixuan Liu and Changliu Liu
in ICML Workshop on Human In the Loop Learning, 2021. Abstract | Preprint
Neural networks (NNs) are widely used for classification tasks for their remarkable performance. However, the robustness and accuracy of NNs heavily depend on the training data. In many applications, massive training data is usually not available. To address the challenge, this paper proposes an iterative adversarial data augmentation (IADA) framework to learn neural network models from an insufficient amount of training data. The method uses formal verification to identify the most "confusing" input samples, and leverages human guidance to safely and iteratively augment the training data with these samples. The proposed framework is applied to an artificial 2D dataset, the MNIST dataset, and a human motion dataset. By applying IADA to fully-connected NN classifiers, we show that our training method can improve the robustness and accuracy of the learned model. By comparing to regular supervised training, on the MNIST dataset, the average perturbation bound improved 107.4%. The classification accuracy improved 1.77%, 3.76%, 10.85% on the 2D dataset, the MNIST dataset, and the human motion dataset respectively.
W4. Simultaneously learning safety margins and task parameters of multirobot systems
Jaskaran Grover, Changliu Liu, and Katia Sycara
in RSS Workshop on Behavioral Inference of Remotely Sensed Multi-agent Systems, 2021.
W3. "Provably Safe" in the Wild: Testing Control Barrier Functions on a Vision-Based Quadrotor in an Outdoor Environment
Cherie Ho*, Katherine Shih*, Jaskaran Grover, Changliu Liu, and Sebastian Scherer
in RSS Workshop on Robust Autonomy, 2020. Link
W2. Adaptable Human Intention and Trajectory Prediction for Human-Robot Collaboration
Abulikemu Abuduweili, Siyan Li, and Changliu Liu
in AAAI 2019 Fall Symposium Series, AI for HRI. Abstract | Preprint
To engender safe and efficient human-robot collaboration, it is critical to generate high-fidelity predictions of human behavior. The challenges in making accurate predictions lie in the stochasticity and heterogeneity in human behaviors. This paper introduces a method for human trajectory and intention prediction through a multi-task model that is adaptable across different human subjects. We develop a nonlinear recursive least square parameter adaptation algorithm (NRLS-PAA) to achieve online adaptation. The effectiveness and flexibility of the proposed method has been validated in experiments. In particular, online adaptation can reduce the trajectory prediction error by more than 28% for a new human subject. The proposed human prediction method has high flexibility, data efficiency, and generalizability, which can support fast integration of HRC systems for user-specified tasks.
W1. NeuralVerification.jl: Algorithms for verifying deep neural networks
Changliu Liu, Tomer Arnon, Christopher Lazarus, and Mykel J. Kochenderfer
in ICLR 2019 Debugging Machine Learning Models Workshop. Best Applied Paper Award. Abstract | Preprint | Link | Code | Tutorial
Deep neural networks (DNNs) are widely used for nonlinear function approximation with applications ranging from computer vision to control. Although DNNs involve the composition of simple arithmetic operations, it can be very challenging to verify whether a particular network satisfies certain input-output properties. This work introduces NeuralVerification.jl, a software package that implements methods that have emerged recently for soundly verifying such properties. These methods borrow insights from reachability analysis, optimization, and search. We present the formal problem definition and briefly discuss the fundamental differences between the implemented algorithms. In addition, we provide a pedagogical example of how to use the library.
Preprints
A Microscopic Epidemic Model and Pandemic Prediction Using Multi-Agent Reinforcement Learning
This paper introduces a microscopic approach to model epidemics, which can explicitly consider the consequences of individual's decisions on the spread of the disease. We first formulate a microscopic multi-agent epidemic model where every agent can choose its activity level that affects the spread of the disease. Then by minimizing agents' cost functions, we solve for the optimal decisions for individual agents in the framework of game theory and multi-agent reinforcement learning. Given the optimal decisions of all agents, we can make predictions about the spread of the disease. We show that there are negative externalities in the sense that infected agents do not have enough incentives to protect others, which then necessitates external interventions to regulate agents' behaviors. In the discussion section, future directions are pointed out to make the model more realistic.
SERoCS: Safe and efficient robot collaborative systems for next generation intelligent industrial co-robots
Changliu Liu*, Te Tang*, Hsien-Chung Lin*, Yujiao Cheng*, and Masayoshi Tomizuka Abstract | Preprint | Link | Bib
Human-robot collaborations have been recognized as an essential component for future factories. It remains challenging to properly design the behavior of those co-robots. Those robots operate in dynamic uncertain environment with limited computation capacity. The design objective is to maximize their task efficiency while guaranteeing safety. This paper discusses a set of design principles of the safe and efficient robot collaboration system (SERoCS) for the next generation co-robots, which consists of robust cognition algorithms for environment monitoring, optimal task planning algorithms for safe human-robot collaborations, and safe motion planning and control algorithms for safe human-robot interactions. The proposed SERoCS will address the design challenges and significantly expand the skill sets of the co-robots to allow them work safely and efficiently with their human counterparts. The development of SERoCS will create a significant advancement toward adoption of co-robots in various industries. The experiments validate the effectiveness of SERoCS.
Analyzing traffic delay at unmanaged intersections
At an unmanaged intersection, it is important to understand how much traffic delay may be caused as a result of microscopic vehicle interactions. Conventional traffic simulations that explicitly track these interactions are time-consuming. Prior work introduced an analytical traffic model for unmanaged intersections. The traffic delay at the intersection is modeled as an event-driven stochastic process, whose dynamics encode microscopic vehicle interactions. This paper studies the traffic delay in a two-lane intersection using the model. We perform rigorous analyses concerning the distribution of traffic delay under different scenarios. We then discuss the relationships between traffic delay and multiple factors such as traffic flow density, unevenness of traffic flows, temporal gaps between two consecutive vehicles, and the passing order.
Robot safe interaction system for intelligent industrial co-robots
Human-robot interactions have been recognized to be a key element of future industrial collaborative robots (co-robots). Unlike traditional robots that work in structured and deterministic environments, co-robots need to operate in highly unstructured and stochastic environments. To ensure that co-robots operate efficiently and safely in dynamic uncertain environments, this paper introduces the robot safe interaction system. In order to address the uncertainties during human-robot interactions, a unique parallel planning and control architecture is proposed, which has a long term global planner to ensure efficiency of robot behavior, and a short term local planner to ensure real time safety under uncertainties. In order for the robot to respond immediately to environmental changes, fast algorithms are used for real-time computation, i.e., the convex feasible set algorithm for the long term optimization, and the safe set algorithm for the short term optimization. Several test platforms are introduced for safe evaluation of the developed system in the early phase of deployment. The effectiveness and the efficiency of the proposed method have been verified in experiment with an industrial robot manipulator.