Next Article in Journal
Virtual Obstacles for Sensors Incapacitation in Robot Navigation: A Systematic Review of 2D Path Planning
Next Article in Special Issue
A Multi-AUV Maritime Target Search Method for Moving and Invisible Objects Based on Multi-Agent Deep Reinforcement Learning
Previous Article in Journal
Expectation–Maximization-Based Simultaneous Localization and Mapping for Millimeter-Wave Communication Systems
Previous Article in Special Issue
RBF Neural Network Sliding Mode Control for Passification of Nonlinear Time-Varying Delay Systems with Application to Offshore Cranes
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Dynamic Navigation and Area Assignment of Multiple USVs Based on Multi-Agent Deep Reinforcement Learning

Lab of Intelligent Marine Vehicles of DMU, Dalian Maritime University, Dalian 116026, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(18), 6942; https://doi.org/10.3390/s22186942
Submission received: 18 July 2022 / Revised: 5 September 2022 / Accepted: 7 September 2022 / Published: 14 September 2022
(This article belongs to the Special Issue Sensors, Modeling and Control for Intelligent Marine Robots)

Abstract

:
The unmanned surface vehicle (USV) has attracted more and more attention because of its basic ability to perform complex maritime tasks autonomously in constrained environments. However, the level of autonomy of one single USV is still limited, especially when deployed in a dynamic environment to perform multiple tasks simultaneously. Thus, a multi-USV cooperative approach can be adopted to obtain the desired success rate in the presence of multi-mission objectives. In this paper, we propose a cooperative navigating approach by enabling multiple USVs to automatically avoid dynamic obstacles and allocate target areas. To be specific, we propose a multi-agent deep reinforcement learning (MADRL) approach, i.e., a multi-agent deep deterministic policy gradient (MADDPG), to maximize the autonomy level by jointly optimizing the trajectory of USVs, as well as obstacle avoidance and coordination, which is a complex optimization problem usually solved separately. In contrast to other works, we combined dynamic navigation and area assignment to design a task management system based on the MADDPG learning framework. Finally, the experiments were carried out on the Gym platform to verify the effectiveness of the proposed method.

1. Introduction

Nowadays, various kinds of unmanned robots are developing rapidly with the arrival of the 5G era. Typical robots include the autonomous underwater vehicle (AUV), unmanned surface vessel (USV), unmanned ground vehicle (UGV), and unmanned aerial vehicle (UAV) [1,2,3,4], which play important roles in the artificial intelligence (AI)-enabled next-generation (6G) network. As an important unmanned marine tool, the USV is also a promising technique to provide wireless communication due to its low cost and high flexibility [5,6]. Especially when it comes to complex tasks, such as maritime joint search and rescue, maritime multi-target search, the construction of marine information networks, and other missions. However, it is difficult to rely on one single USV to complete the task, while multi-USV cooperation can be a good solution to the problem. This paper studies the multi-USV dynamic path planning and area assignment problem, which will effectively improve the autonomy and reliability of the USV in the increasing field.
As a generic technology among different robotics systems, the optimization objectives mainly include path length, time or energy consumption, risk measure, maneuverability, etc. They are classified into four kinds based on the model of consumption space, i.e., the grid-based methods [7,8,9,10] solved by the heuristic strategies, such as the A* algorithm, D* algorithm, Dijkstra algorithm, and Q-learning algorithm in reinforcement learning theory, or intelligent strategies represented by particle swarm optimization and evolutionary algorithms; the sampling-based methods such as probabilistic roadmap, rapidly-exploring random tree (RRT) [11,12,13], or deep reinforcement learning method represented by experience replay based DQN algorithm; the mathematical optimization methods such as mixed integer linear programming (MILP) and model predictive control (MPC) [14,15,16]; and the potential field methods such as the artificial potential field (APF) and the interfered fluid dynamical system (IFDS) [17,18,19].
In addition to the classification mentioned above, when the purpose of agents is taken as the dividing boundaries, the path planning problem is divided into the single agent path planning problem (SAPP) and the multi-agent path planning problem (MAPP). For the requirement of accessing a series of intermediate points during the monitoring mission in SAPP, Ning Wang et al. [20] proposed a successive waypoints tracking method using a BT-guided model-free solution to solve the SWT problem. Yong et al. [21] proposed the dynamic augmented multi-objective particle swarm optimization algorithm to solve the problem that obstacles and water flows exist at the same time to find the shortest and safest route to the target, which is subject to collision avoidance. The rapidly random-exploring tree (RRT) algorithm and its variants are some of the more popular path planning methods in SAPP. However, they suffer sensitivity to the initial solution, which requires a lot of memory and time to converge to the optimal solution. In order to solve this problem, Wang et al. [22] propose the NRRT* to achieve nonuniform sampling in the path planning process by learning quantities of successful planning cases from the A* algorithm. Thus, the sampling process is guided, and the efficiency of the algorithm is improved. The sampling mechanism is also used in reinforcement learning which has been prevalent in recent years. In [23], Tom Schaul et al. proposed the prioritized experience replay method to speed up the convergence of the training process, and the effectiveness was verified on the Gym platform.
For the multi-objective optimization problem in SAPP, Hongqiang Sang et al. [24] proposed a novel deterministic algorithm named the multiple sub-target artificial potential field (MTAPF) based on the heuristic A* algorithm. The optimal path is divided by this algorithm into multiple sub-target points to form a sub-target point sequence. Ning Wang et al. [25] proposed a multilayer path planner (MPP) with global path-planning (GPP), collision avoidance (CA), and routine correction (RC) for an unmanned surface vehicle (USV). In addition, some methods inspired by these problems or traditional search strategies are suggested, such as the bridge access path-planning method [26,27].
However, it is difficult to complete tasks only by relying on one single agent in certain scenarios, such as maritime joint search and rescue, maritime multi-target search, the construction of the marine information network, etc. Thus, the MAPP approach becomes another effective method to deal with complex multi-objective problems. Yu Wu et al. [28] proposed a new cooperative path planning algorithm based on an improved particle swarm optimization (IPSO) algorithm aimed at maximizing the search space, minimizing the terminal error, and generating paths in a centralized or distributed mode. In the same way, Pradhan B. et al. [29] realized multi-robot navigation tasks by combining particle swarm optimization (PSO) with the feed forward neural network (FFNN). To optimize search capability, Yu Wu et al. [30] proposed a clustering improved ant colony optimization (CIACO) algorithm, which strengthens the global and local search ability in the early and later phases of iterations. Xinghai Guo et al. [31] proposed a chaotic and sharing-learning particle swarm optimization (CSPSO) algorithm. The path planning problem is divided into two stages: global path planning and path control, to solve the extended TSP, and the nonlinear multi-objective model. For the multi-objective joint optimization problem, Milad Nazarahari et al. [32] proposed an enhanced genetic algorithm (EGA) to improve the initial paths in continuous space and jointly optimize the path length, smoothness, and safety of the agent.
However, the alternating algorithm may not converge as the number of optimized variables of USV is increased [33]. In addition, the optimized results can only be used for the current environment, while, when the environment changes, the proposed optimization algorithms can become invalid.
Deep reinforcement learning (DRL), as a branch of artificial intelligence (AI), provides an alternative solution for such complex optimization problems, such as resource allocation for V2V communications [34], the stochastic shortest path (SSP) problem [35], and mode selection and resource allocation for the fog radio access networks [36]. The DRL method can deal with a large state space and time-varying environments [37].
However, in the multi-agent reinforcement learning scenario, each agent is unstable and the environment is changing. In this paper, we propose to use the multi-agent deep deterministic policy gradient (MADDPG) algorithm to solve the area assignment and dynamic trajectory design problem in a multi-USV cooperation task. The algorithm utilized centralized training within the decentralized execution framework [38]. Each USV can be regarded as an agent. The contributions of this paper can be summarized as follows:
  • We propose a multi-agent DRL method for the joint optimization problem in the multi-USV cooperation scenario, where they share the common reward function to achieve the maximum success rate of the system. The number of UAVs can be arbitrary in the proposed MADRL algorithm, while the conventional methods can only deal with the simple case, i.e., no more than two USVs;
  • We consider a scenario in which obstacles change position at fixed intervals and the USV needs to adjust its actions in real-time to avoid collisions with obstacles and other USVs, ultimately achieving the task of dynamic trajectory design and area assignment. Our algorithm is designed for 2D space, in which the trajectory of the UAV can be shown in 2D;
  • We develop an efficient task management framework, which adopts centralized training and the decentralized execution method. In order to improve the learning ability of the agent and better adapt to the environment, we add the “soft update” mechanism in MADDPG, so that the target network can better track the learning policy. All USVs work in a cooperative way to achieve the reasonable allocation of target areas. In order to maximize cooperative rewards, all experiences are trained together, while all behaviors are at the disposal of the USV itself. The output of the actor network is the action of the USV, which is based on the USV’s own observation.
The rest of the paper is organized as follows: In Section 2, we present the system model and problem formulation. Section 3 demonstrates the MADDPG method for the cooperative multi-USV network. Section 4 shows the simulation results and discussions. Finally, Section 5 elaborates on the conclusion of this paper.

2. System Model

This paper considered a multi-USV cooperative dynamic navigation and area allocation scenario with random obstacles on the sea surface, K USVs, N obstacles, and K target areas, as shown in Figure 1. Each USV departs from the same point and adjusts the target area to be reached according to the safety of the surrounding environment and the distance required to reach the target area. Specifically, each USV should keep a certain distance from other USVs during navigation to ensure communication as well as safety. At the same time, when encountering obstacles, it can smoothly avoid obstacles under the premise of keeping the maximum communication distance with other USVs. In order to simulate the real dynamic port situation, obstacles involved dynamic obstacles and static obstacles, among which dynamic obstacles would change their positions randomly after each training episode.
Next, we will describe the multi-USV system and the problem formulation for the proposed multi-USV cooperative dynamic navigation and area allocation scenario.

2.1. Multi-USV System

We considered a two-dimensional environment in which K USVs were represented by U , each USV’s position at time t is denoted by x i U ( t ) , y i U ( t ) , and the matching target is represented by T i , among which the obstacle is denoted by O i , and the positions of targets and obstacles are represented by x i T , y i T and x i O , y i O , respectively. For an arbitrary USV, the path taken can be denoted by P i = x i U ( 0 ) , y i U ( 0 ) , x i U ( 1 ) , y i U ( 1 ) , , x i U ( n ) , y i U ( n ) and the path length by i K U d i . Thus, the discrete dynamics model of each USV can be expressed as:
v i t + 1 = v i t + F i t m Δ t p i t + 1 = p i t + v i t Δ t
where v i t and p i t , respectively, represent the speed and position of the i t h USV at time t , and Δ t represents the sampling period where F is a force vector. The distance between the USV and the obstacle is represented by d i O , and the distance between USVs is represented by d i U , while the distance from the USV to the matching target is represented by d i T .

2.2. Problem Formulation

In the given system model, our goal is to enable all USVs to autonomously navigate to their respective target areas by optimizing all trajectories, and each target is only assigned to one USV. Then, we have
i = 1 K U T i = T , i 1 , , K T i j , T i T j i , j 1 , , K T
where T represent all assignable regions. All USVs can navigate by adjusting their positions dynamically to avoid static and dynamic obstacles, which can be expressed as
i , j , O j P i i 1 , , N , j 1 , , U K
During the mission, each USV needs to maintain a certain distance to stay within communication distance. We utilized Z to describe the communication graph of K USVs, where E is the edge set, defined as
E = U i , U j | d r i , r j = p i p j ρ c
where ρ c is the maximum communication distance. In other words, when the distance between two USVs is less than the maximum communication distance, there will be an undirected edge between them, and they can communicate with each other. Accordingly, each USV collaboratively adjusts its position and selects the target area based on the hazards of its environment. The collision-free path is then formulated as:
i , j , x i U ( t ) , y i U ( t ) x j U ( t ) , y j U ( t )
Thus, in this article, a multi-agent deep reinforcement learning-based trajectory design and area assignment algorithm are proposed.

3. MADDPG Approach for Cooperative Multi-USV Network

The multi-USV collaboration optimization issue is challenging as it requires a joint kinetic USV trajectory and area assignment. In fact, this is NP-hard, and the approach of exhaustion is usually invalid for such a multiple USVs scenario. As the quantity of USVs increases, the calculation intricacy will elevate remarkably. As far as we know, there is research utilizing the traditional optimization algorithm to tackle this problem in these intricate settings. The MARL can solve this dynamic multi-objective optimization problem effectively and accurately. Therefore, in this section, we will delineate how to utilize the MARL approach to tackle the multi-USV collaboration issue. In Section 3.1, we formulate the proposed problem as a Markov process and define the agent, state, action, and reward separately. Section 3.2 presents the MADDPG algorithm for the multi-USV joint optimization scenario.

3.1. Markov Game for Multi-USV Cooperation

To study the best behavior mode in given states, we employ a Markov decision process (MDP) [39] to formulate the AUV motion planning, as the Markov decision process (MDP) offers a mathematical framework for simulating the randomized strategies that can be implemented with Markov states in a given scene. The method is modeled as tuples ( S , A , R , P , γ ) , and in this case, the tuples are action set A , state set S , state transition probability P , discount factor γ , and reward function R of the system. The action selection of the agent, a functional mapping from each state s i t S to action a i t A , is modeled as policy π . The value function v π ( s ) of the process is defined as the expected sum of discount rewards that act continuously from and along with state s . In case a policy π can attain the best from any initial state s i t S , we detect it as an optimal policy π * . This is the target of this training of the deep neural network with a deep reinforcement learning module.
Agent: Each USV can be considered an agent. USVs maintain a certain distance from each other during navigation to facilitate communication, and each USV obtains a state containing its own information and the information of the surrounding environment in the process of interaction with the environment. The environment in this problem is completely observed; therefore, the observations are equivalent to the state. Each actor has its own actor and critic network which act as the executor and evaluator of the policy, respectively. Each agent observes its own state, takes actions according to its own strategy, and then obtains rewards from the environment to reach the next state, as shown in Figure 2.
State: The state of any agent is a one-dimensional vector with five components, x , y , d i U , d i O , d i T . The first two elements represent the current 2D position of the agent, the third entry d i U represents the distance between agents, and the fourth entry d i O represents the distance between agent i and the surrounding obstacles. The fifth element d i T represents the distance from agent i to the current matching target which can be changed with the changes in the USV’s selection.
Action: The action for each agent is the output of its actor network, which is expressed by ν i = u i o i . This is a Gaussian distribution where v i is composited by the velocities of the x and y axes. An action is executed by the formula a = v Δ t + N t , where a is a displacement vector and N t is a random noise. The action is determined by the position of the target area and the risk factors of the surrounding environment.
Reward: Each USV obtains its own reward, which depends on the current state, current actions, and the next state s , a , s at each time slot t. In our proposed multi-USV scenario, the reward consists of four parts: communication distance l max limitation penalty, distance penalty, threat area penalty, and collision penalty. We utilized R l to represent the communication limitation reward, which depended on the next state of the agent. There will be a large minus penalty R l for the agent if the agent is out of the communication space in the next state. The space limitation is set as follows
0 X k , t l max , k K , t T
and
0 Y k , t l max , k K , t T
where X k , t and Y k , t represent the horizontal and vertical coordinates of USV, respectively. In the same way, we denote R k , o as the collision penalty, which can be described as
R k , o = k = 1 K z k , o , t P k , o ( t ) z k , o , t = { 0 , 1 } , k K , o O , t T
where z k , o , t = 1 means there has been a collision, and R k , o ( t ) is the collision penalty of USV. Additionally, we set up a threat area penalty R k , r to maintain a certain communication distance between the USVs and prevent collisions. Then, we have
R k , r =   d min u i , u j + σ   d u i t , u j t
where d min u i , u j =   agent . size   +   agent . size , σ represents the width of critical area of agents, and d u i t , u j t represents the distance between agents. In order to guide the USV closer to the target, we give the USVs a reward dependent on the distance between the USV and the target as
R k , t = k = 1 K k d i s x i x t 2 + y i y t 2
where R k , t is the distance reward for USV, and x i x t , y i y t are the coordinates of the USV. Moreover, k d i s is the hyperparameters set manually. Thus, the whole reward R w , t is
R w , t = R l + R k , o + R k , r

3.2. Multi-Agent DDPG Approach

In the collaborative MARL scenario, each agent engages in interactions with the environment and acquires team rewards to facilitate collaboration. Single-agent reinforcement learning algorithms, such as proximal policy optimization (PPO) and the deep Q network (DQN), can be straightly utilized to deal with collaborative scenarios by letting each agent learn its optimum Q function in an independent manner. Nevertheless, the environment can be unstable from the perspective of any agent. To tackle the unstable issue in MARL, we utilized the MADDPG algorithm [38] learning a centralized Q-function for each agent as per the global information. When all the actions of the agents are known, the environment is stable. This is due to
P s s , a 1 , , a L , π 1 , , π L = P s s , a 1 , , a L = P s s , a 1 , , a L , π 1 , , π L
for any π i π i , in which π i is the policy of agent i .
The aim of each agent is to select the beneficial policy that maximizes the accumulated reward J ( θ ) = E s ~ p π , a ~ π θ [ R ] prior to the description of the MADDPG arithmetic. Let us start with the policy gradient (PG) algorithm utilized for the continuous control issue. The crucial goal of the PG is to straightly adjust the parameter θ of policy π at the orientation of θ J ( θ ) , which is expressed as
θ J ( θ ) = S ρ π ( s ) A θ π θ ( a s ) Q π ( s , a ) d s d a = E s ~ p π , a ~ π θ θ log π θ ( a s ) Q π ( s , a )
where the policy π θ is stochastic. At each step, the action is sampled as per the conditional probability density π θ a | s . When the action space dimension is very large, the PG algorithm may need more samples, which will induce a remarkable computational challenge. Unlike the random policy requiring the exploration of the full state and action space in (12), the deterministic policy gradient (DPG) takes a deterministic policy into consideration μ θ : S A , which merely needs to integrate over the state space, as
θ J ( θ ) = S ρ μ ( s ) θ μ θ ( s ) a Q μ ( s , a ) a = μ θ ( s ) d s = E s ~ p μ θ μ θ ( s ) a Q μ ( s , a ) a = μ θ ( s )
It is obvious from (14) that the DPG arithmetic prevents the integral over the entire action space, which can decrease the computational intricacy and ameliorate the training efficiency. In contrast to PG, DPG can tackle the difficult enhancement issue with high-dimensional actions.
As the extension of DPG, DDPG adopts the deep neural network (DNN) to approximate the policy μ and critic Q μ s , a . Nevertheless, the updated network Q μ s , a | θ Q cannot be straightly utilized for estimating the target value, which will induce the update Q divergent. Hence, the DDPG algorithm utilizes the soft target updates rather than straightly copying the weights of the update Q .
Specifically, DDPG utilized a copy of the actor and critic networks to calculate the target value, which is denoted as Q s , a and μ θ ( s ) , respectively. For the sake of suiting the environment and ameliorating the exploration efficiency, another trick of DDPG is to add stochastic noise into the actor policy, as presented in Algorithm 1.
Algorithm 1. Training algorithm using the MADDPG framework.
Parameters: batch size β , training episodes. M , training step T , action noise N and the number of USVs N , actor networks’ weights for each agent θ i μ
1: For episode = 1 to M  do
2:  Initialize observations O init   , O new   O init   .
    Initialize: Actor network μ , critic network Q with weights θ μ , θ Q .
    Initialize: Target actor, critic network: μ , Q , with weights θ μ θ μ , θ Q θ Q .
    Initialize: Replay buffer D with capacity C , exploration counter. Counter   = 0
3:  for step t = 1 to T  do
4:   if Counter <   C  then
5:    each USV i randomly chooses a i ;
6:
7:    else
8:      a i = μ θ i o new   i + N
9:    end if
10:    Execute actions a = a 1 , a 2 , a N , and observe reward R , new states o n e w ;
11:    Store transition o , a , r , o new   into experience replay buffer D ;
12:    Sample a mini-batch of β transitions o m , a m , r m , o new m from replay. Buffer D ;
13:    Set y m = R m + γ Q i μ o new m , a 1 , , a N a i = μ i o i
14:    Update critic by minimizing the loss
      L θ i = 1 S m = 1 S y m Q i μ o new   m , a 1 , , a N 2
15:    Update actor using the sampled policy gradient:
     ∇ θ i J = 1 S m = 1 S θ i μ θ i o i m a i Q i μ o m , a 1 , a 2 , , a N a i = μ θ i o i m
16:    Updating actor networks
             Updating critic networks
             Update target networks with updating rate τ :
             θ i μ θ i μ + ( 1 τ ) θ i μ
             θ i Q θ i Q + ( 1 τ ) θ i Q
17:  end for
18: end for
Now we resort to the MADDPG algorithm that extends DDPG to the multi-agent scenario. Specifically, a multi-agent game with L agents, μ θ = μ θ 1 , , μ θ L , which is parameterized by θ = { θ 1 , , θ L } , can be regarded as the set of all deterministic policies for all agents, the gradient of the expected return for each agent is expressed as
θ i J μ θ i = E G , a ~ D θ i μ θ i a i s i × a i Q i μ o , a 1 , a 2 , , a L a i = μ θ i s i
where Q i μ o , a 1 , a 2 , , a L is a centralized function with the inputs of all the agents’ action a = a 1 , , a L , as well as the observation information o . G = o 1 , o 2 , , o L represents the information that the environment feeds back to the agent, including the distance between agents, the distance between agent i with surrounding obstacles, and the distance from agent i to each targets, all of which constitute the observation of all agents that are denoted by x , y , d i U , d i O , d i T . In our networks, the inputs of the critic network are the sates of all the USVs, the distance between USVs, as well as distance from the USV to the target area. The output of the critic network, i.e., Q i μ ( o , a ) is returned to the actor network for evaluating the action, which can be seen in Figure 2. The actor i executes the action based on its own policy μ θ i , and the critic uses the Q i μ function to evaluate the action of the actor. In order to remove the correlation of the samples generating from the environment, the framework adopts the experience replay mechanism to store the experience of each agent, which is a finite buffer with capacity M expressed as the tuple o , o , a 1 , , a L , r 1 , , r L . When the replay buffer is full, the oldest samples will be discarded. In order to better adapt to the environment and improve the stability of exploration, we updated the target network in a “soft update” way, so that it can slowly track the learning strategy, which can be expressed as θ τ θ + ( 1 τ ) θ . In each time step, a batch size of tuples was selected to train the network, and the critic-network was updated by minimizing the loss function as
L θ i = E o , o , a , r Q i μ o , a 1 , , a L y 2
where
y = r i + γ Q i μ o , a 1 , , a L a i = μ o i
The update policy of the actor-network is expressed as
θ i J 1 m k θ i μ i o i k a i Q i μ o k , a 1 k , , a L k a i = μ i o i k
where m and k represent the minibatch size and the experience index, respectively.

4. Simulation Results

In this section, we present the simulation results as well as the performance analysis of the proposed algorithm. In Section 4.1, the settings for the simulation are developed. Section 4.2 presents the algorithm training configurations. In Section 4.3, we present the detailed figures for the reward, collision rate, and trajectories.

4.1. Environment Settings

We consider a 400 * 400 square training environment based on the open AI platform, which consists of USVs, targets, and threat areas. The geometric coordinate system is established with the environmental center as the origin of the coordinates. As the target area and static obstacle are regarded as parts of the environment, their settings would not be changed during the training process. In contrast, the dynamic obstacle changes position randomly after each training episode. In our settings, the maximum communication distance ρ c is set to 0.9 and the width of critical area σ is set to 0.1. In this coordinate system, the size of the threat area is set to 0.25, while the size of the agent and target area are set to 0.04 and 0.20, respectively. We present two indicators to measure the effectiveness of training: the collision rate of USVs’ collisions during the current episode and the collision rate between the agent and the critical area during the total episode.

4.2. Training Configuration

In the given scenario, we set 60 episodes with 1000 steps each during the training process. As the mission is continuous, we manually aborted the training process in each training, and the environment was reset automatically after each episode. Since the capacity of the memory buffer we set was 3000, the training process did not start until the buffer was full, thus each USV adopted a random policy in the first 3000 steps, and then the whole network started to be trained in each step afterward.
The whole training networks of the mission planning for the AUV are constructed based on the PyTorch framework, where the training process is implemented on the NVIDIA GeForce RTX 3060 GPU. The critic network consists of five fully connected layers, including three hidden layers, of which the hidden units are set as 64, 52, and 30, respectively. The ReLU function is adopted as the non-linearity function in the networks. Specifically, the first hidden layer with 64 neurons obtains the concatenated vector of observations o and actions a , and the data then proceed through the following second and third hidden layers, with 52 and 30 neurons, respectively. The whole process is offline and can be divided into two parts: off-line centralized training and on-line decentralized execution. The advantage of using this method is that the system will have competitive execution speeds compared to the traditional methods during the testing stage, and the calculation could be gathered in the training stage.

4.3. Simulation Figures

Figure 3 shows the episode rewards obtained by USVs under different algorithms. The RL algorithm based on the policy gradient is used as the benchmark comparison algorithm. The experimental setting is for two USVs to perform navigation and assignment tasks with two target areas under the condition of no obstacles. It can be seen that the MADDPG has a significant advantage over the DDPG and REINFORCE algorithms, as it can get a higher reward, which proves the effectiveness of the proposed algorithm in solving multiple USVs’ navigation and area allocation tasks.
Figure 4 shows the collision rate of USVs in different task environments. We observe the experimental effects when the number of USVs is 4, 3, and 2, and the number of target areas is 1, 2, 3, and 4, respectively. It can be seen from the figure that with the increase in training times, the collision rate of USVs in each turn will gradually decrease and tend to converge. At the same time, the total number of collisions will gradually decrease and stabilize, as can be seen in Figure 5.
Figure 6 shows the experimental conditions of the USV reward. It can be seen that in the early stage of the training, because of the blindness of the exploration stage, the reward for each USV will undergo a dramatic decline in the lowest (about 500 rounds), but with ongoing exploration, the neural network with gradually learn the best strategy.
Figure 7 shows the dynamic trajectory of USVs in different test environments. Obstacles will move randomly after each training round, while the position of the target area remains unchanged. The number of USVs and target areas can be set manually. When encountering obstacles, it will adjust the direction according to the security of the surrounding environment and the position of the target area. When approaching the target area, it will automatically coordinate the area to be reached according to the position of each target area to complete the task assigned by the area.

5. Conclusions

In this paper, a multi-agent reinforcement learning framework is proposed to solve the trajectory design and area assignment for the multi-USV cooperation scenario. In this framework, each USV needs to select the closest target area so as to obtain the shortest route, during which each USV should keep a certain distance from others to keep within the communication distance and avoid collisions. All UAVs use the MADDPG to try to find the optimal policy to obtain a better reward, while traditional optimization methods can hardly handle the scenario with a large number of UAVs. Thus, the proposed method can be applied to the trajectory design and area assignment for multi-UAV scenarios. The simulation results show the effectiveness of the proposed framework.

Author Contributions

Conceptualization, J.W., S.L.; Data curation, J.W., S.L.; Methodology, J.W., S.L.; Writing—original draft, J.W.; Supervision, S.L., Y.L. All authors have read and agreed to the published version of the manuscript.

Funding

National Natural Science Foundation of China (Grant 52271306); Innovative Research Foundation of Ship General Performance (Grant 31422120); Key Laboratory of Equipment Pre-Research Fund Project (6142215200106).

Informed Consent Statement

Not applicable.

Data Availability Statement

Not applicable.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Xiao, H.; Cui, R.; Xu, D. A Sampling-Based Bayesian Approach for Cooperative Multiagent Online Search With Resource Constraints. IEEE Trans. Cybern. 2017, 48, 1773–1785. [Google Scholar] [CrossRef] [PubMed]
  2. Paull, L.; Saeedi, S.; Seto, M.; Li, H. Sensor-Driven Online Coverage Planning for Autonomous Underwater Vehicles. IEEE/ASME Trans. Mechatron. 2012, 18, 1827–1838. [Google Scholar] [CrossRef]
  3. Wang, N.; Zhang, Y.; Ahn, C.K.; Xu, Q. Autonomous Pilot of Unmanned Surface Vehicles: Bridging Path Planning and Tracking. IEEE Trans. Veh. Technol. 2021, 71, 2358–2374. [Google Scholar] [CrossRef]
  4. Qi, S.; Yao, P. Persistent Tracking of Maneuvering Target Using IMM Filter and DMPC by Initialization-Guided Game Approach. IEEE Syst. J. 2019, 13, 4442–4453. [Google Scholar] [CrossRef]
  5. Vasilijević, A.; Nađ, Đ.; Mandić, F.; Mišković, N.; Vukić, Z. Coordinated navigation of surface and underwater marine robotic vehicles for ocean sampling and environmental monitoring. IEEE-ASME Trans. Mechatron. 2017, 22, 1174–1184. [Google Scholar] [CrossRef]
  6. Wang, N.; Sun, J.C.; Er, M.J.; Liu, Y.C. A novel extreme learning control framework. of unmanned surface vehicles. IEEE Trans. Cybern. 2015, 46, 1106–1117. [Google Scholar] [CrossRef]
  7. Kim, H.; Park, B.; Myung, H. Curvature path planning with high resolution graph. for unmanned surface vehicle. In Robot Intelligence Technology and Applications 2012; Springer: Berlin/Heidelberg, Germany, 2013; pp. 147–154. [Google Scholar]
  8. Soulignac, M. Feasible and Optimal Path Planning in Strong Current Fields. IEEE Trans. Robot. 2010, 27, 89–98. [Google Scholar] [CrossRef]
  9. Chen, M.Z.; Saad, W.; Yin, C.C. Liquid State Machine Learning for Resource and Cache Management in LTE-U Unmanned Aerial Vehicle (UAV) Networks. IEEE Trans. Wirel. Commun. 2019, 18, 1504–1517. [Google Scholar] [CrossRef]
  10. Zeng, Z.; Lammas, A.; Sammut, K.; He, F.P.; Tang, Y.H. Shell space decomposition based path planning for AUVs operating in a variable environment. Ocean Eng. 2014, 91, 181–195. [Google Scholar] [CrossRef]
  11. Kuwata, Y.; Teo, J.; Fiore, G.; Karaman, S.; Frazzoli, E.; How, J.P. Real-time motion planning with applications to autonomous urban driving. IEEE Trans. Control Syst. Technol. 2009, 17, 1105–1118. [Google Scholar] [CrossRef]
  12. Karaman, S.; Walter, M.R.; Perez, A. Any time motion planning using the RRT*. In Proceedings of the 2011 IEEE International Conference on Robotics and Automation, Shanghai, China, 9–13 May 2011; pp. 1478–1483. [Google Scholar]
  13. Salzman, O.; Halperin, D. Asymptotically Near-Optimal RRT for Fast, High-Quality Motion Planning. IEEE Trans. Robot. 2016, 32, 473–483. [Google Scholar] [CrossRef]
  14. Zhang, Y.; Chen, J.; Shen, L. Real-time trajectory planning for UCAV air-to-surface attack using inverse dynamics optimization method and receding horizon control. Chin. J. Aeronaut. 2013, 26, 1038–1056. [Google Scholar] [CrossRef]
  15. Ma, C.S.; Miller, R.H. MILP optimal path planning for real-time applications. In Proceedings of the American Control Conference, Minneapolis, MN, USA, 14–16 June 2006; pp. 4945–4950. [Google Scholar]
  16. Fayazi, S.A.; Vahidi, A. Mixed-Integer Linear Programming for Optimal Scheduling of Autonomous Vehicle Intersection Crossing. IEEE Trans. Intell. Veh. 2018, 3, 287–299. [Google Scholar] [CrossRef]
  17. Khatib, O. Real-time obstacle avoidance for manipulators and mobile robots. In Autonomous Robot Vehicles; Springer: New York, NY, USA, 1986; pp. 396–404. [Google Scholar]
  18. Yao, P.; Qi, S. Obstacle-avoiding path planning for multiple autonomous underwater vehicles with simultaneous arrival. Sci. China Technol. Sci. 2018, 62, 121–132. [Google Scholar] [CrossRef]
  19. Xie, S.R.; Wu, P.; Peng, Y.; Luo, J.; Qu, D.; Li, Q.M.; Gu, J. The obstacle avoidance planning of USV based on improved artificial potential field. In Proceedings of the 2014 IEEE International Conference on Information and Automation (ICIA), Hulunbuir, China, 28–30 July 2014; pp. 746–751. [Google Scholar]
  20. Wang, N.; Karimi, H.R. Successive Waypoints Tracking of an Underactuated Surface Vehicle. IEEE Trans. Ind. Inform. 2019, 16, 898–908. [Google Scholar] [CrossRef]
  21. Ma, Y.; Hu, M.; Yan, X. Multi-objective path planning for unmanned surface vehicle with currents effects. ISA Trans. 2018, 75, 137–156. [Google Scholar] [CrossRef] [PubMed]
  22. Wang, J.K.; Chi, W.Z.; Li, C.M.; Wang, C.Q.; Meng, M.Q.H. Neural RRT*: Learning-Based Optimal Path Planning. IEEE Trans. Autom. Sci. Eng. 2020, 17, 1748–1758. [Google Scholar] [CrossRef]
  23. Schaul, T.; Quan, J.; Antonoglou, I.; Silver, D. Prioritized Experience Replay. In Proceedings of the International Conference on Learning Representations 2016, San Juan, Puerto Rico, 2–4 May 2016. arXiv:1511.05952v4. [Google Scholar]
  24. Sang, H.Q.; You, Y.S.; Sun, X.J.; Zhou, Y.; Liu, F. The hybrid path planning algorithm. based on improved A* and artificial potential field for unmanned surface vehicle formations. Ocean Eng. 2020, 223, 108709. [Google Scholar] [CrossRef]
  25. Wang, N.; Jin, X.Z.; Er, M.J. A multilayer path planner for a USV under complex. marine environments. Ocean. Eng. 2019, 184, 1–10. [Google Scholar] [CrossRef]
  26. Wang, N.; Xu, H.W. Dynamics-Constrained Global-Local Hybrid Path Planning of. an Autonomous Surface Vehicle. IEEE Trans. Veh. Technol. 2020, 69, 6928–6942. [Google Scholar] [CrossRef]
  27. Gu, Y.; Zhang, Y.; Rong, Z.W.; Tong, H.Z. Unmanned Surface Vehicle Collision Avoidance Path Planning in Restricted Waters Using Multi-Objective Optimisation Complying with COLREGs. Sensors 2022, 22, 5796. [Google Scholar] [CrossRef] [PubMed]
  28. Wu, Y.; Low, K.H.; Lv, C. Cooperative Path Planning for Heterogeneous Unmanned Vehicles in a Search-and-Track Mission Aiming at an Underwater Target. IEEE Trans. Veh. Technol. 2020, 69, 6782–6787. [Google Scholar] [CrossRef]
  29. Pradhan, B.; Nandi, A.; Hui, N.B.; Roy, D.S.; Rodrigues, J.J.P.C. A Novel Hybrid Neural Network-Based Multirobot Path Planning With Motion Coordination. IEEE Trans. Veh. Technol. 2020, 69, 1319–1327. [Google Scholar] [CrossRef]
  30. Wu, Y.; Low, K.H.; Pang, B.Z.; Tan, Q.Y. Swarm-Based 4D Path Planning For Drone. Operations in Urban Environments. IEEE Trans. Veh. Technol. 2021, 70, 7464–7479. [Google Scholar] [CrossRef]
  31. Guo, X.H.; Ji, M.J.; Zhao, Z.W.; Wen, D.S.; Zhang, W.D. Global path planning and. multi-objective path control for unmanned surface vehicle based on modified particle swarm optimization (PSO) algorithm. Ocean Eng. 2020, 216, 107693. [Google Scholar] [CrossRef]
  32. Nazarahari, M.; Khanmirza, E. Multi-objective multi-robot path planning in. continuous environment using an enhanced genetic algorithm. Expert Syst. Appl. 2019, 115, 106–120. [Google Scholar] [CrossRef]
  33. Zhong, C.; Yao, J.; Xu, J. Secure UAV Communication With Cooperative Jamming and Trajectory Control. IEEE Commun. Lett. 2018, 23, 286–289. [Google Scholar] [CrossRef]
  34. Ye, H.; Li, G.Y.; Juang, B.-H.F. Deep Reinforcement Learning Based Resource Allocation for V2V Communications. IEEE Trans. Veh. Technol. 2019, 68, 3163–3173. [Google Scholar] [CrossRef]
  35. Cao, Z.G.; Guo, H.L.; Song, W.; Gao, K.Z.; Chen, Z.H.; Zhang, L.; Zhang, X.X. Using reinforcement learning to minimize the probability of delay occurrence in transportation. IEEE Trans. Veh. Technol. 2020, 69, 2424–2436. [Google Scholar] [CrossRef]
  36. Xiang, H.; Peng, M.; Sun, Y.; Yan, S. Mode Selection and Resource Allocation in Sliced Fog Radio Access Networks: A Reinforcement Learning Approach. IEEE Trans. Veh. Technol. 2020, 69, 4271–4284. [Google Scholar] [CrossRef] [Green Version]
  37. Zhou, X.; Wu, Q.; Yan, S.; Shu, F.; Li, J. UAV-Enabled Secure Communications: Joint Trajectory and Transmit Power Optimization. IEEE Trans. Veh. Technol. 2019, 68, 4069–4073. [Google Scholar] [CrossRef]
  38. Lowe, R.; Wu, Y.; Tamar, A.; Harb, J.; Abbeel, P.; Mordatch, I. Multi-agent actor-critic for mixed cooperative-competitive environments. In Proceedings of the 31st International Conference on Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 6382–6393. [Google Scholar]
  39. Littman, M.L. Markov games as a framework for multi-agent reinforcement learning. In Proceedings of the Eleventh International Conference on International Conference on Machine Learning, New Brunswick, NJ, USA, 10–13 July 1994; pp. 157–163. [Google Scholar]
Figure 1. Multi-USV communication system.
Figure 1. Multi-USV communication system.
Sensors 22 06942 g001
Figure 2. The framework of MADDPG for the cooperative multi-USV network.
Figure 2. The framework of MADDPG for the cooperative multi-USV network.
Sensors 22 06942 g002
Figure 3. Rewards versus episodes under different RL algorithms.
Figure 3. Rewards versus episodes under different RL algorithms.
Sensors 22 06942 g003
Figure 4. Collision rate per episode for the different numbers of USVs.
Figure 4. Collision rate per episode for the different numbers of USVs.
Sensors 22 06942 g004
Figure 5. Collision rate in total episodes for the different numbers of USVs under the MADDPG algorithm.
Figure 5. Collision rate in total episodes for the different numbers of USVs under the MADDPG algorithm.
Sensors 22 06942 g005
Figure 6. Rewards versus episodes for the different numbers of USVs under the MADDPG algorithm.
Figure 6. Rewards versus episodes for the different numbers of USVs under the MADDPG algorithm.
Sensors 22 06942 g006
Figure 7. Dynamic trajectories of multi-USV.
Figure 7. Dynamic trajectories of multi-USV.
Sensors 22 06942 g007aSensors 22 06942 g007b
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Wen, J.; Liu, S.; Lin, Y. Dynamic Navigation and Area Assignment of Multiple USVs Based on Multi-Agent Deep Reinforcement Learning. Sensors 2022, 22, 6942. https://doi.org/10.3390/s22186942

AMA Style

Wen J, Liu S, Lin Y. Dynamic Navigation and Area Assignment of Multiple USVs Based on Multi-Agent Deep Reinforcement Learning. Sensors. 2022; 22(18):6942. https://doi.org/10.3390/s22186942

Chicago/Turabian Style

Wen, Jiayi, Shaoman Liu, and Yejin Lin. 2022. "Dynamic Navigation and Area Assignment of Multiple USVs Based on Multi-Agent Deep Reinforcement Learning" Sensors 22, no. 18: 6942. https://doi.org/10.3390/s22186942

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