Sign in to use this feature.

Years

Between: -

Subjects

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Journals

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Article Types

Countries / Regions

remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline
remove_circle_outline

Search Results (677)

Search Parameters:
Keywords = UAV search

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
23 pages, 2718 KB  
Article
Deep Learning Image-Based Classification for Post-Earthquake Damage Level Prediction Using UAVs
by Norah Alsaaran and Adel Soudani
Sensors 2025, 25(17), 5406; https://doi.org/10.3390/s25175406 - 2 Sep 2025
Abstract
Unmanned Aerial Vehicles (UAVs) integrated with lightweight deep learning models represent an effective solution for image-based rapid post-earthquake damage assessment. UAVs, equipped with cameras, capture high-resolution aerial imagery of disaster-stricken areas, providing essential data for evaluating structural damage. When paired with light eight [...] Read more.
Unmanned Aerial Vehicles (UAVs) integrated with lightweight deep learning models represent an effective solution for image-based rapid post-earthquake damage assessment. UAVs, equipped with cameras, capture high-resolution aerial imagery of disaster-stricken areas, providing essential data for evaluating structural damage. When paired with light eight Convolutional Neural Network (CNN) models, these UAVs can process the captured images onboard, enabling real-time, accurate damage level predictions that might with potential interest to orient efficiently the efforts of the Search and Rescue (SAR) teams. This study investigates the use of the MobileNetV3-Small lightweight CNN model for real-time post-earthquake damage level prediction using UAV-captured imagery. The model is trained to classify three levels of post-earthquake damage, ranging from no damage to severe damage. Experimental results show that the adapted MobileNetV3-Small model achieves the lowest FLOPs, with a significant reduction of 58.8% compared to the ShuffleNetv2 model. Fine-tuning the last five layers resulted in a slight increase of approximately 0.2% in FLOPs, but significantly improved accuracy and robustness, yielding a 4.5% performance boost over the baseline. The model achieved a weighted average F-score of 0.93 on a merged dataset composed of three post-earthquake damage level datasets. It was successfully deployed and tested on a Raspberry Pi 5, demonstrating its feasibility for edge-device applications. This deployment highlighted the model’s efficiency and real-time performance in resource-constrained environments. Full article
(This article belongs to the Section Vehicular Sensing)
Show Figures

Figure 1

20 pages, 8235 KB  
Article
Enhancing Search and Rescue Missions with UAV Thermal Video Tracking
by Piero Fraternali, Luca Morandini and Riccardo Motta
Remote Sens. 2025, 17(17), 3032; https://doi.org/10.3390/rs17173032 - 1 Sep 2025
Viewed by 27
Abstract
Wilderness Search and Rescue (WSAR) missions are time-critical emergency response operations that require locating a lost person within a short timeframe. Large forested terrains must be explored in challenging environments and adverse conditions. Unmanned Aerial Vehicles (UAVs) equipped with thermal cameras enable the [...] Read more.
Wilderness Search and Rescue (WSAR) missions are time-critical emergency response operations that require locating a lost person within a short timeframe. Large forested terrains must be explored in challenging environments and adverse conditions. Unmanned Aerial Vehicles (UAVs) equipped with thermal cameras enable the efficient exploration of vast areas. However, manual analysis of the huge amount of collected data is difficult, time-consuming, and prone to errors, increasing the risk of missing a person. This work proposes an object detection and tracking pipeline that automatically analyzes UAV thermal videos in real-time to identify lost people in forest environments. The tracking module combines information from multiple viewpoints to suppress false alarms and focus responders’ efforts. In this moving camera scenario, tracking performance is enhanced by introducing a motion compensation module based on known camera poses. Experimental results on the collected thermal video dataset demonstrate the effectiveness of the proposed tracking-based approach by achieving a Precision of 90.3% and a Recall of 73.4%. On a dataset of UAV thermal images, the introduced camera alignment technique increases the Recall by 6.1%, with negligible computational overhead, reaching 35.2 FPS. The proposed approach, optimized for real-time video processing, has direct application in real-world WSAR missions to improve operational efficiency. Full article
(This article belongs to the Section Earth Observation for Emergency Management)
Show Figures

Figure 1

21 pages, 2002 KB  
Article
Grey Wolf Optimizer Based on Variable Population and Strategy for Moving Target Search Using UAVs
by Ziyang Li, Zhenzu Bai and Bowen Hou
Drones 2025, 9(9), 613; https://doi.org/10.3390/drones9090613 - 31 Aug 2025
Viewed by 90
Abstract
Unmanned aerial vehicles (UAVs) are increasingly favored for emergency search and rescue operations due to their high adaptability to harsh environments and low operational costs. However, the dynamic nature of search path endpoints, influenced by target movement, limits the applicability of shortest path [...] Read more.
Unmanned aerial vehicles (UAVs) are increasingly favored for emergency search and rescue operations due to their high adaptability to harsh environments and low operational costs. However, the dynamic nature of search path endpoints, influenced by target movement, limits the applicability of shortest path models between fixed points in moving target search problems. Consequently, the moving target search problem using UAVs in complex environments presents considerable challenges, constituting an NP-hard problem. The Grey Wolf Optimizer (GWO) is known for addressing such problems. However, it suffers from limitations, including premature convergence and instability. To resolve these constraints, a Grey Wolf Optimizer with variable population and strategy (GWO-VPS) is developed in this work. GWO-VPS implements a variable encoding scheme for UAV movement patterns, combining motion-based encoding with path-based encoding. The algorithm iteratively alternates between global optimization and local smoothing phases. The global optimization phase incorporates: (1) a Q-learning-based strategy selection; (2) position updates with obstacle avoidance and energy consumption reduction; and (3) adaptive exploration factor. The local smoothing phase employs four path smoothing operators and Q-learning-based strategy selection. Experimental results demonstrate that GWO-VPS outperforms both enhanced GWO variants and standard algorithms, confirming the algorithm’s effectiveness in UAV-based moving target search simulations. Full article
Show Figures

Figure 1

22 pages, 2794 KB  
Article
Neural Network-Based Air–Ground Collaborative Logistics Delivery Path Planning with Dynamic Weather Adaptation
by Linglin Feng and Hongmei Cao
Mathematics 2025, 13(17), 2798; https://doi.org/10.3390/math13172798 - 31 Aug 2025
Viewed by 136
Abstract
The strategic development of the low-altitude economy requires efficient urban logistics solutions. The existing Unmanned Aerial Vehicle (UAV) truck delivery system faces severe challenges in dealing with dynamic weather constraints and multi-agent coordination. This article proposes a neural network-based optimisation framework that integrates [...] Read more.
The strategic development of the low-altitude economy requires efficient urban logistics solutions. The existing Unmanned Aerial Vehicle (UAV) truck delivery system faces severe challenges in dealing with dynamic weather constraints and multi-agent coordination. This article proposes a neural network-based optimisation framework that integrates constrained K-means clustering and a three-stage neural architecture. In this work, a mathematical model for heterogeneous vehicle constraints considering time windows and UAV energy consumption is developed, and it is validated through reference to the Solomon benchmark’s arithmetic examples. Experimental results show that the Truck–Drone Cooperative Traveling Salesman Problem (TDCTSP) model reduces the cost by 21.3% and the delivery time variance by 18.7% compared to the truck-only solution (Truck Traveling Salesman Problem (TTSP)). Improved neural network (INN) algorithms are also superior to the traditional genetic algorithm (GA) and Adaptive Large Neighborhood Search (ALNS) methods in terms of the quality of computed solutions. This research provides an adaptive solution for intelligent low-altitude logistics, which provides a theoretical basis and practical tools for the development of urban air traffic under environmental uncertainty. Full article
(This article belongs to the Section D: Statistics and Operational Research)
Show Figures

Figure 1

16 pages, 2127 KB  
Article
VIPS: Learning-View-Invariant Feature for Person Search
by Hexu Wang, Wenlong Luo, Wei Wu, Fei Xie, Jindong Liu, Jing Li and Shizhou Zhang
Sensors 2025, 25(17), 5362; https://doi.org/10.3390/s25175362 - 29 Aug 2025
Viewed by 187
Abstract
Unmanned aerial vehicles (UAVs) have become indispensable tools for surveillance, enabled by their ability to capture multi-perspective imagery in dynamic environments. Among critical UAV-based tasks, cross-platform person search—detecting and identifying individuals across distributed camera networks—presents unique challenges. Severe viewpoint variations, occlusions, and cluttered [...] Read more.
Unmanned aerial vehicles (UAVs) have become indispensable tools for surveillance, enabled by their ability to capture multi-perspective imagery in dynamic environments. Among critical UAV-based tasks, cross-platform person search—detecting and identifying individuals across distributed camera networks—presents unique challenges. Severe viewpoint variations, occlusions, and cluttered backgrounds in UAV-captured data degrade the performance of conventional discriminative models, which struggle to maintain robustness under such geometric and semantic disparities. To address this, we propose view-invariant person search (VIPS), a novel two-stage framework combining Faster R-CNN with a view-invariant re-Identification (VIReID) module. Unlike conventional discriminative models, VIPS leverages the semantic flexibility of large vision–language models (VLMs) and adopts a two-stage training strategy to decouple and align text-based ID descriptors and visual features, enabling robust cross-view matching through shared semantic embeddings. To mitigate noise from occlusions and cluttered UAV-captured backgrounds, we introduce a learnable mask generator for feature purification. Furthermore, drawing from vision–language models, we design view prompts to explicitly encode perspective shifts into feature representations, enhancing adaptability to UAV-induced viewpoint changes. Extensive experiments on benchmark datasets demonstrate state-of-the-art performance, with ablation studies validating the efficacy of each component. Beyond technical advancements, this work highlights the potential of VLM-derived semantic alignment for UAV applications, offering insights for future research in real-time UAV-based surveillance systems. Full article
(This article belongs to the Section Remote Sensors)
Show Figures

Figure 1

26 pages, 4045 KB  
Article
UAV Path Planning for Forest Firefighting Using Optimized Multi-Objective Jellyfish Search Algorithm
by Rui Zeng, Runteng Luo and Bin Liu
Mathematics 2025, 13(17), 2745; https://doi.org/10.3390/math13172745 - 26 Aug 2025
Viewed by 245
Abstract
This paper presents a novel approach to address the challenges of complex terrain, dynamic wind fields, and multi-objective constraints in multi-UAV collaborative path planning for forest firefighting missions. An extensible algorithm, termed Parallel Vectorized Differential Evolution-based Multi-Objective Jellyfish Search (PVDE-MOJS), is proposed to [...] Read more.
This paper presents a novel approach to address the challenges of complex terrain, dynamic wind fields, and multi-objective constraints in multi-UAV collaborative path planning for forest firefighting missions. An extensible algorithm, termed Parallel Vectorized Differential Evolution-based Multi-Objective Jellyfish Search (PVDE-MOJS), is proposed to enhance path planning performance. A comprehensive multi-objective cost function is formulated, incorporating path length, threat avoidance, altitude constraints, path smoothness, and wind effects. Forest-specific constraints are modeled using cylindrical threat zones and segmented wind fields. The conventional jellyfish search algorithm is then enhanced through multi-core parallel fitness evaluation, vectorized non-dominated sorting, and differential evolution-based mutation. These improvements substantially boost convergence efficiency and solution quality in high-dimensional optimization scenarios. Simulation results on the Phillip Archipelago Forest Farm digital elevation model (DEM) in Australia demonstrate that PVDE-MOJS outperforms the original MOJS algorithm in terms of inverted generational distance (IGD) across benchmark functions UF1–UF10. The proposed method achieves effective obstacle avoidance, altitude optimization, and wind adaptation, producing uniformly distributed Pareto fronts. This work offers a viable solution for emergency UAV path planning in forest fire rescue scenarios, with future extensions aimed at dynamic environments and large-scale UAV swarms. Full article
Show Figures

Figure 1

20 pages, 1235 KB  
Article
Variable-Speed UAV Path Optimization Based on the CRLB Criterion for Passive Target Localization
by Lijia Chen, Chengfeng You, Yixin Wang and Xueting Li
Sensors 2025, 25(17), 5297; https://doi.org/10.3390/s25175297 - 26 Aug 2025
Viewed by 464
Abstract
The performance of passive target localization is significantly influenced by the positions of unmanned aerial vehicle swarms (UAVs). In this paper, we investigate the problem of UAV path optimization to enhance the localization accuracy. Firstly, a passive target localization signal model based on [...] Read more.
The performance of passive target localization is significantly influenced by the positions of unmanned aerial vehicle swarms (UAVs). In this paper, we investigate the problem of UAV path optimization to enhance the localization accuracy. Firstly, a passive target localization signal model based on the time difference of arrival (TDOA) algorithm, which is then improved by the Chan method and Taylor series expansion, is established. Secondly, the Cramer–Rao lower bound (CRLB) of the modified TDOA algorithm is derived and adopted as the evaluation criterion to optimize the UAVs’ positions at each time step. Different from the existing works, in this paper, we consider the UAVs to have variable speed; therefore, the feasible region of the UAVs’ positions is changed from a circle into an annular region, which will extend the feasible region, enhancing the localization accuracy while increasing the computation complexity. Thirdly, to improve the efficiency of the UAV path optimization algorithm, the particle swarm optimization (PSO) algorithm is applied to search for the optimal positions of the UAVs for the next time step. Finally, numerical simulations are conducted to verify the validity and effectiveness of the proposals in this paper. Full article
(This article belongs to the Special Issue Radar Target Detection, Imaging and Recognition)
Show Figures

Figure 1

20 pages, 10949 KB  
Article
Optimal Flight Speed and Height Parameters for Computer Vision Detection in UAV Search
by Luka Lanča, Matej Mališa, Karlo Jakac and Stefan Ivić
Drones 2025, 9(9), 595; https://doi.org/10.3390/drones9090595 - 23 Aug 2025
Viewed by 409
Abstract
Unmanned Aerial Vehicles (UAVs) equipped with onboard cameras and deep-learning-based object detection algorithms are increasingly used in search operations. This study investigates the optimal flight parameters, specifically flight speed and ground sampling distance (GSD), to maximize a search efficiency metric called effective coverage. [...] Read more.
Unmanned Aerial Vehicles (UAVs) equipped with onboard cameras and deep-learning-based object detection algorithms are increasingly used in search operations. This study investigates the optimal flight parameters, specifically flight speed and ground sampling distance (GSD), to maximize a search efficiency metric called effective coverage. A custom dataset of 4468 aerial images with 35,410 annotated cardboard targets was collected and used to evaluate the influence of flight conditions on detection accuracy. The effects of flight speed and GSD were analyzed using regression modeling, revealing a trade-off between the area coverage and detection confidence of trained YOLOv8 and YOLOv11 models. Area coverage was modeled based on flight speed and camera specifications, enabling an estimation of the effective coverage. The results provide insights into how the detection performance varies across different operating conditions and demonstrate that a balance point exists where the combination of the detection reliability and coverage efficiency is optimized. Our table of the optimal flight regimes and metrics for the most commonly used cameras in UAV operations offers practical guidelines for efficient and reliable mission planning. Full article
Show Figures

Figure 1

29 pages, 23079 KB  
Article
An Aircraft Skin Defect Detection Method with UAV Based on GB-CPP and INN-YOLO
by Jinhong Xiong, Peigen Li, Yi Sun, Jinwu Xiang and Haiting Xia
Drones 2025, 9(9), 594; https://doi.org/10.3390/drones9090594 - 22 Aug 2025
Viewed by 246
Abstract
To address the problems of low coverage rate and low detection accuracy in UAV-based aircraft skin defect detection under complex real-world conditions, this paper proposes a method combining a Greedy-based Breadth-First Search Coverage Path Planning (GB-CPP) approach with an improved YOLOv11 architecture (INN-YOLO). [...] Read more.
To address the problems of low coverage rate and low detection accuracy in UAV-based aircraft skin defect detection under complex real-world conditions, this paper proposes a method combining a Greedy-based Breadth-First Search Coverage Path Planning (GB-CPP) approach with an improved YOLOv11 architecture (INN-YOLO). GB-CPP generates collision-free, near-optimal flight paths on the 3D aircraft surface using a discrete grid map. INN-YOLO enhances detection capability by reconstructing the neck with the BiFPN (Bidirectional Feature Pyramid Network) for better feature fusion, integrating the SimAM (Simple Attention Mechanism) with convolution for efficient small-target extraction, as well as employing RepVGG within the C3k2 layer to improve feature learning and speed. The model is deployed on a Jetson Nano for real-time edge inference. Results show that GB-CPP achieves 100% surface coverage with a redundancy rate not exceeding 6.74%. INN-YOLO was experimentally validated on three public datasets (10,937 images) and a self-collected dataset (1559 images), achieving mAP@0.5 scores of 42.30%, 84.10%, 56.40%, and 80.30%, representing improvements of 10.70%, 2.50%, 3.20%, and 6.70% over the baseline models, respectively. The proposed GB-CPP and INN-YOLO framework enables efficient, high-precision, and real-time UAV-based aircraft skin defect detection. Full article
(This article belongs to the Section Artificial Intelligence in Drones (AID))
Show Figures

Figure 1

26 pages, 6324 KB  
Article
A Multi-UAV Distributed Collaborative Search Algorithm Based on Maximum Entropy Mechanism
by Siyuan Cui, Hao Li, Xiangyu Fan, Lei Ni and Jiahang Hou
Drones 2025, 9(8), 592; https://doi.org/10.3390/drones9080592 - 21 Aug 2025
Viewed by 469
Abstract
This paper addresses the core issues of slow coverage rate growth and high repeated detection rates in multi-UAV cooperative search operations within unknown areas. A distributed cooperative search algorithm based on the maximum entropy mechanism is proposed to resolve these challenges. It innovatively [...] Read more.
This paper addresses the core issues of slow coverage rate growth and high repeated detection rates in multi-UAV cooperative search operations within unknown areas. A distributed cooperative search algorithm based on the maximum entropy mechanism is proposed to resolve these challenges. It innovatively integrates the entropy gradient decision framework with DMPC-OODA (Distributed Model Predictive Control-Observe, Orient, Decide, Act) rolling optimization: environmental uncertainty is quantified through an exponential decay entropy model to drive UAVs to migrate toward high-entropy regions; element-wise product operations are employed to efficiently update environmental maps; and a dynamic weight function is designed to adaptively adjust the weights of coverage gain and entropy gain, thereby balancing “rapid coverage” and “accurate exploration”. Through multiple independent repeated experiments, the algorithm demonstrates significant improvements in coverage efficiency—by 6.95%, 12.22%, and 59.49%, respectively—compared with the Search Intent Interaction (SII) mode, non-entropy mode, and random mode, which effectively enhances resource utilization. Full article
Show Figures

Figure 1

24 pages, 10666 KB  
Article
Three-Dimensional Path Planning for UAV Based on Multi-Strategy Dream Optimization Algorithm
by Xingyu Yang, Shiwei Zhao, Wei Gao, Peifeng Li, Zhe Feng, Lijing Li, Tongyao Jia and Xuejun Wang
Biomimetics 2025, 10(8), 551; https://doi.org/10.3390/biomimetics10080551 - 21 Aug 2025
Viewed by 310
Abstract
The multi-strategy optimized dream optimization algorithm (MSDOA) is proposed to address the challenges of inadequate search capability, slow convergence, and susceptibility to local optima in intelligent optimization algorithms applied to UAV three-dimensional path planning, aiming to enhance the global search efficiency and accuracy [...] Read more.
The multi-strategy optimized dream optimization algorithm (MSDOA) is proposed to address the challenges of inadequate search capability, slow convergence, and susceptibility to local optima in intelligent optimization algorithms applied to UAV three-dimensional path planning, aiming to enhance the global search efficiency and accuracy of UAV path planning algorithms in 3D environments. First, the algorithm utilizes Bernoulli chaotic mapping for population initialization to widen individual search ranges and enhance population diversity. Subsequently, an adaptive perturbation mechanism is incorporated during the exploration phase along with a lens imaging reverse learning strategy to update the population, thereby improving the exploration ability and accelerating convergence while mitigating premature convergence. Lastly, an Adaptive Individual-level Mixed Strategy (AIMS) is developed to conduct a more flexible search process and enhance the algorithm’s global search capability. The performance of the algorithm is evaluated through simulation experiments using the CEC2017 benchmark test functions. The results indicate that the proposed algorithm achieves superior optimization accuracy, faster convergence speed, and enhanced robustness compared to other swarm intelligence algorithms. Specifically, MSDOA ranks first on 28 out of 29 benchmark functions in the CEC2017 test suite, demonstrating its outstanding global search capability and conver-gence performance. Furthermore, UAV path planning simulation experiments conducted across multiple scenario models show that MSDOA exhibits stronger adaptability to complex three-dimensional environments. In the most challenging scenario, compared to the standard DOA, MSDOA reduces the best cost function fitness by 9% and decreases the average cost function fitness by 12%, thereby generating more efficient, smoother, and higher-quality flight paths. Full article
(This article belongs to the Section Biological Optimisation and Management)
Show Figures

Figure 1

34 pages, 6708 KB  
Article
Unmanned Aerial Vehicle Tactical Maneuver Trajectory Prediction Based on Hierarchical Strategy in Air-to-Air Confrontation Scenarios
by Yuequn Luo, Zhenglei Wei, Dali Ding, Fumin Wang, Hang An, Mulai Tan and Junjun Ma
Aerospace 2025, 12(8), 731; https://doi.org/10.3390/aerospace12080731 - 18 Aug 2025
Viewed by 542
Abstract
The prediction of the tactical maneuver trajectory of target aircraft is an important component of unmanned aerial vehicle (UAV) autonomous air-to-air confrontation. In view of the shortcomings of low accuracy and poor real-time performance in the existing maneuver trajectory prediction methods, this paper [...] Read more.
The prediction of the tactical maneuver trajectory of target aircraft is an important component of unmanned aerial vehicle (UAV) autonomous air-to-air confrontation. In view of the shortcomings of low accuracy and poor real-time performance in the existing maneuver trajectory prediction methods, this paper establishes a hierarchical tactical maneuver trajectory prediction model to achieve maneuver trajectory prediction based on the prediction of target tactical maneuver intentions. First, extract the maneuver trajectory features and situation features from the above data to establish the classification rules of maneuver units. Second, a tactical maneuver unit prediction model is established using the deep echo-state network based on the auto-encoder with attention mechanism (DeepESN-AE-AM) to predict 21 basic maneuver units. Then, for the above-mentioned 21 basic maneuver units, establish a maneuver trajectory prediction model using the gate recurrent unit based on triangle search optimization with attention mechanism (TSO-GRU-AM). Finally, by integrating the above two prediction models, a hierarchical strategy is adopted to establish a tactical maneuver trajectory prediction model. A section of the confrontation trajectory is selected from the air-to-air confrontation simulation data for prediction, and the results show that the trajectory prediction error of the combination of DeepESN-AE-AM and TSO-GRU-AM is small and meets the accuracy requirements. The simulation results of three air-to-air confrontation scenarios show that the proposed trajectory prediction method helps to assist UAV in accurately judging the confrontational situation and selecting high-quality maneuver strategies. Full article
Show Figures

Figure 1

22 pages, 2216 KB  
Article
Joint Placement Optimization and Sum Rate Maximization of RIS-Assisted UAV with LEO-Terrestrial Dual Wireless Backhaul
by Naba Raj Khatiwoda, Babu R. Dawadi and Shashidhar R. Joshi
Telecom 2025, 6(3), 61; https://doi.org/10.3390/telecom6030061 - 18 Aug 2025
Viewed by 1043
Abstract
Achieving ubiquitous coverage in 6G networks presents significant challenges due to the limitations of high-frequency signals and the need for extensive infrastructure, and providing seamless connectivity in remote and rural areas remains a challenge. We propose an integrated optimization framework for UAV-LEO-RIS-assisted wireless [...] Read more.
Achieving ubiquitous coverage in 6G networks presents significant challenges due to the limitations of high-frequency signals and the need for extensive infrastructure, and providing seamless connectivity in remote and rural areas remains a challenge. We propose an integrated optimization framework for UAV-LEO-RIS-assisted wireless networks, aiming to maximize system sum rate through the strategic placement and configuration of Unmanned Aerial Vehicles (UAVs), Low Earth Orbit (LEO) satellites, and Reconfigurable Intelligent Surfaces (RIS). The framework employs a dual wireless backhaul and utilizes a grid search method for UAV placement optimization, ensuring a comprehensive evaluation of potential positions to enhance coverage and data throughput. Simulated Annealing (SA) is utilized for RIS placement optimization, effectively navigating the solution space to identify configurations that improve signal reflection and network performance. For sum rate maximization, we incorporate several metaheuristic algorithms, including Particle Swarm Optimization (PSO), Genetic Algorithm (GA), Grey Wolf Optimization (GWO), Salp Swarm Algorithm (SSA), Marine Predators Algorithm (MPA), and a hybrid PSO-GWO approach. Simulation results demonstrate that the hybrid PSO-GWO algorithm outperforms individual metaheuristics in terms of convergence speed and achieving a higher sum rate. The coverage improves from 62% to 100%, and the results show an increase in spectrum efficiency of 23.7%. Full article
Show Figures

Figure 1

22 pages, 4478 KB  
Article
A Hierarchical Decoupling Task Planning Method for Multi-UAV Collaborative Multi-Region Coverage with Task Priority Awareness
by Yiyuan Li, Weiyi Chen, Bing Fu, Zhonghong Wu and Lingjun Hao
Drones 2025, 9(8), 575; https://doi.org/10.3390/drones9080575 - 13 Aug 2025
Viewed by 250
Abstract
This study proposes a hierarchical framework with task priority perception for mission planning, to enhance multi-UAV coordination in maritime emergency search and rescue. By establishing a hierarchical decoupling optimization mechanism, the complex multi-region coverage problem is decomposed into two stages: task allocation and [...] Read more.
This study proposes a hierarchical framework with task priority perception for mission planning, to enhance multi-UAV coordination in maritime emergency search and rescue. By establishing a hierarchical decoupling optimization mechanism, the complex multi-region coverage problem is decomposed into two stages: task allocation and path planning. First, a coverage voyage estimation model is constructed based on regional geometric features to provide basic data for subsequent task allocation. Second, an improved multi-objective, multi-population grey wolf optimizer (IM2GWO) is designed to solve the task allocation problem; this integrates adaptive genetic operations and the multi-population coevolutionary mechanism. Finally, a globally optimal coverage path is generated based on the improved dynamic programming (DP). Simulation results indicate that the proposed method effectively reduces total task duration while boosting overall coverage benefits through the aggregation of high-value regions. IM2GWO demonstrates statistically superior performance with respect to the Pareto front distribution index across all test scenarios. Meanwhile, the path planning module based on DP can effectively reduce the overall coverage path cost. Full article
Show Figures

Figure 1

32 pages, 3055 KB  
Article
Research on Scheduling Return Communication Tasks for UAV Swarms in Disaster Relief Scenarios
by Zhangquan Tang, Yuanyuan Jiao, Xiao Wang, Xiaogang Pan and Jiawu Peng
Drones 2025, 9(8), 567; https://doi.org/10.3390/drones9080567 - 12 Aug 2025
Viewed by 306
Abstract
This study investigates the scheduling problem of return communication tasks for unmanned aerial vehicle (UAV) swarms, where disaster relief environmental global positioning is hampered. To characterize the utility of these tasks and optimize scheduling decisions, we developed a time window-constrained scheduling model that [...] Read more.
This study investigates the scheduling problem of return communication tasks for unmanned aerial vehicle (UAV) swarms, where disaster relief environmental global positioning is hampered. To characterize the utility of these tasks and optimize scheduling decisions, we developed a time window-constrained scheduling model that operates under constraints, including communication base station time windows, battery levels, and task uniqueness. To solve the above model, we propose an enhanced algorithm through integrating Dueling Deep Q-Network (Dueling DQN) into adaptive large neighborhood search (ALNS), referred to as Dueling DQN-ALNS. The Dueling DQN component develops a method to update strategy weights, while the action space defines the destruction and selection strategies for the ALNS scheduling solution across different time windows. Meanwhile, we design a two-stage algorithm framework consisting of centralized offline training and decentralized online scheduling. Compared to traditionally optimized search algorithms, the proposed algorithm could continuously and dynamically interact with the environment to acquire state information about the scheduling solution. The solution ability of Dueling DQN is 3.75% higher than that of the Ant Colony Optimization (ACO) algorithm, 5.9% higher than that of the basic ALNS algorithm, and 9.37% higher than that of the differential evolution algorithm (DE). This verified its efficiency and advantages in the scheduling problem of return communication tasks for UAVs. Full article
Show Figures

Figure 1

Back to TopTop