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

Journals

Article Types

Countries / Regions

Search Results (36)

Search Parameters:
Keywords = emergency rescue drones

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
31 pages, 2271 KB  
Article
Research on the Design of a Priority-Based Multi-Stage Emergency Material Scheduling System for Drone Coordination
by Shuoshuo Gong, Gang Chen and Zhiwei Yang
Drones 2025, 9(8), 524; https://doi.org/10.3390/drones9080524 - 25 Jul 2025
Cited by 1 | Viewed by 682
Abstract
Emergency material scheduling (EMS) is a core component of post-disaster emergency response, with its efficiency directly impacting rescue effectiveness and the satisfaction of affected populations. However, due to severe road damage, limited availability of resources, and logistical challenges after disasters, current EMS practices [...] Read more.
Emergency material scheduling (EMS) is a core component of post-disaster emergency response, with its efficiency directly impacting rescue effectiveness and the satisfaction of affected populations. However, due to severe road damage, limited availability of resources, and logistical challenges after disasters, current EMS practices often suffer from uneven resource distribution. To address these issues, this paper proposes a priority-based, multi-stage EMS approach with drone coordination. First, we construct a three-level EMS network “storage warehouses–transit centers–disaster areas” by integrating the advantages of large-scale transportation via trains and the flexible delivery capabilities of drones. Second, considering multiple constraints, such as the priority level of disaster areas, drone flight range, transport capacity, and inventory capacities at each node, we formulate a bilevel mixed-integer nonlinear programming model. Third, given the NP-hard nature of the problem, we design a hybrid algorithm—the Tabu Genetic Algorithm combined with Branch and Bound (TGA-BB), which integrates the global search capability of genetic algorithms, the precise solution mechanism of branch and bound, and the local search avoidance features of Tabu search. A stage-adjustment operator is also introduced to better adapt the algorithm to multi-stage scheduling requirements. Finally, we designed eight instances of varying scales to systematically evaluate the performance of the stage-adjustment operator and the Tabu search mechanism within TGA-BB. Comparative experiments were conducted against several traditional heuristic algorithms. The experimental results show that TGA-BB outperformed the other algorithms across all eight test cases, in terms of both average response time and average runtime. Specifically, in Instance 7, TGA-BB reduced the average response time by approximately 52.37% compared to TGA-Particle Swarm Optimization (TGA-PSO), and in Instance 2, it shortened the average runtime by about 97.95% compared to TGA-Simulated Annealing (TGA-SA).These results fully validate the superior solution accuracy and computational efficiency of TGA-BB in drone-coordinated, multi-stage EMS. Full article
Show Figures

Figure 1

23 pages, 13739 KB  
Article
Traffic Accident Rescue Action Recognition Method Based on Real-Time UAV Video
by Bo Yang, Jianan Lu, Tao Liu, Bixing Zhang, Chen Geng, Yan Tian and Siyu Zhang
Drones 2025, 9(8), 519; https://doi.org/10.3390/drones9080519 - 24 Jul 2025
Viewed by 964
Abstract
Low-altitude drones, which are unimpeded by traffic congestion or urban terrain, have become a critical asset in emergency rescue missions. To address the current lack of emergency rescue data, UAV aerial videos were collected to create an experimental dataset for action classification and [...] Read more.
Low-altitude drones, which are unimpeded by traffic congestion or urban terrain, have become a critical asset in emergency rescue missions. To address the current lack of emergency rescue data, UAV aerial videos were collected to create an experimental dataset for action classification and localization annotation. A total of 5082 keyframes were labeled with 1–5 targets each, and 14,412 instances of data were prepared (including flight altitude and camera angles) for action classification and position annotation. To mitigate the challenges posed by high-resolution drone footage with excessive redundant information, we propose the SlowFast-Traffic (SF-T) framework, a spatio-temporal sequence-based algorithm for recognizing traffic accident rescue actions. For more efficient extraction of target–background correlation features, we introduce the Actor-Centric Relation Network (ACRN) module, which employs temporal max pooling to enhance the time-dimensional features of static backgrounds, significantly reducing redundancy-induced interference. Additionally, smaller ROI feature map outputs are adopted to boost computational speed. To tackle class imbalance in incident samples, we integrate a Class-Balanced Focal Loss (CB-Focal Loss) function, effectively resolving rare-action recognition in specific rescue scenarios. We replace the original Faster R-CNN with YOLOX-s to improve the target detection rate. On our proposed dataset, the SF-T model achieves a mean average precision (mAP) of 83.9%, which is 8.5% higher than that of the standard SlowFast architecture while maintaining a processing speed of 34.9 tasks/s. Both accuracy-related metrics and computational efficiency are substantially improved. The proposed method demonstrates strong robustness and real-time analysis capabilities for modern traffic rescue action recognition. Full article
Show Figures

Figure 1

19 pages, 3520 KB  
Article
Vision-Guided Maritime UAV Rescue System with Optimized GPS Path Planning and Dual-Target Tracking
by Suli Wang, Yang Zhao, Chang Zhou, Xiaodong Ma, Zijun Jiao, Zesheng Zhou, Xiaolu Liu, Tianhai Peng and Changxing Shao
Drones 2025, 9(7), 502; https://doi.org/10.3390/drones9070502 - 16 Jul 2025
Viewed by 996
Abstract
With the global increase in maritime activities, the frequency of maritime accidents has risen, underscoring the urgent need for faster and more efficient search and rescue (SAR) solutions. This study presents an intelligent unmanned aerial vehicle (UAV)-based maritime rescue system that combines GPS-driven [...] Read more.
With the global increase in maritime activities, the frequency of maritime accidents has risen, underscoring the urgent need for faster and more efficient search and rescue (SAR) solutions. This study presents an intelligent unmanned aerial vehicle (UAV)-based maritime rescue system that combines GPS-driven dynamic path planning with vision-based dual-target detection and tracking. Developed within the Gazebo simulation environment and based on modular ROS architecture, the system supports stable takeoff and smooth transitions between multi-rotor and fixed-wing flight modes. An external command module enables real-time waypoint updates. This study proposes three path-planning schemes based on the characteristics of drones. Comparative experiments have demonstrated that the triangular path is the optimal route. Compared with the other schemes, this path reduces the flight distance by 30–40%. Robust target recognition is achieved using a darknet-ROS implementation of the YOLOv4 model, enhanced with data augmentation to improve performance in complex maritime conditions. A monocular vision-based ranging algorithm ensures accurate distance estimation and continuous tracking of rescue vessels. Furthermore, a dual-target-tracking algorithm—integrating motion prediction with color-based landing zone recognition—achieves a 96% success rate in precision landings under dynamic conditions. Experimental results show a 4% increase in the overall mission success rate compared to traditional SAR methods, along with significant gains in responsiveness and reliability. This research delivers a technically innovative and cost-effective UAV solution, offering strong potential for real-world maritime emergency response applications. Full article
Show Figures

Figure 1

28 pages, 19790 KB  
Article
HSF-DETR: A Special Vehicle Detection Algorithm Based on Hypergraph Spatial Features and Bipolar Attention
by Kaipeng Wang, Guanglin He and Xinmin Li
Sensors 2025, 25(14), 4381; https://doi.org/10.3390/s25144381 - 13 Jul 2025
Viewed by 751
Abstract
Special vehicle detection in intelligent surveillance, emergency rescue, and reconnaissance faces significant challenges in accuracy and robustness under complex environments, necessitating advanced detection algorithms for critical applications. This paper proposes HSF-DETR (Hypergraph Spatial Feature DETR), integrating four innovative modules: a Cascaded Spatial Feature [...] Read more.
Special vehicle detection in intelligent surveillance, emergency rescue, and reconnaissance faces significant challenges in accuracy and robustness under complex environments, necessitating advanced detection algorithms for critical applications. This paper proposes HSF-DETR (Hypergraph Spatial Feature DETR), integrating four innovative modules: a Cascaded Spatial Feature Network (CSFNet) backbone with Cross-Efficient Convolutional Gating (CECG) for enhanced long-range detection through hybrid state-space modeling; a Hypergraph-Enhanced Spatial Feature Modulation (HyperSFM) network utilizing hypergraph structures for high-order feature correlations and adaptive multi-scale fusion; a Dual-Domain Feature Encoder (DDFE) combining Bipolar Efficient Attention (BEA) and Frequency-Enhanced Feed-Forward Network (FEFFN) for precise feature weight allocation; and a Spatial-Channel Fusion Upsampling Block (SCFUB) improving feature fidelity through depth-wise separable convolution and channel shift mixing. Experiments conducted on a self-built special vehicle dataset containing 2388 images demonstrate that HSF-DETR achieves mAP50 and mAP50-95 of 96.6% and 70.6%, respectively, representing improvements of 3.1% and 4.6% over baseline RT-DETR while maintaining computational efficiency at 59.7 GFLOPs and 18.07 M parameters. Cross-domain validation on VisDrone2019 and BDD100K datasets confirms the method’s generalization capability and robustness across diverse scenarios, establishing HSF-DETR as an effective solution for special vehicle detection in complex environments. Full article
(This article belongs to the Section Sensing and Imaging)
Show Figures

Figure 1

29 pages, 16466 KB  
Article
DMF-YOLO: Dynamic Multi-Scale Feature Fusion Network-Driven Small Target Detection in UAV Aerial Images
by Xiaojia Yan, Shiyan Sun, Huimin Zhu, Qingping Hu, Wenjian Ying and Yinglei Li
Remote Sens. 2025, 17(14), 2385; https://doi.org/10.3390/rs17142385 - 10 Jul 2025
Viewed by 1066
Abstract
Target detection in UAV aerial images has found increasingly widespread applications in emergency rescue, maritime monitoring, and environmental surveillance. However, traditional detection models suffer significant performance degradation due to challenges including substantial scale variations, high proportions of small targets, and dense occlusions in [...] Read more.
Target detection in UAV aerial images has found increasingly widespread applications in emergency rescue, maritime monitoring, and environmental surveillance. However, traditional detection models suffer significant performance degradation due to challenges including substantial scale variations, high proportions of small targets, and dense occlusions in UAV-captured images. To address these issues, this paper proposes DMF-YOLO, a high-precision detection network based on YOLOv10 improvements. First, we design Dynamic Dilated Snake Convolution (DDSConv) to adaptively adjust the receptive field and dilation rate of convolution kernels, enhancing local feature extraction for small targets with weak textures. Second, we construct a Multi-scale Feature Aggregation Module (MFAM) that integrates dual-branch spatial attention mechanisms to achieve efficient cross-layer feature fusion, mitigating information conflicts between shallow details and deep semantics. Finally, we propose an Expanded Window-based Bounding Box Regression Loss Function (EW-BBRLF), which optimizes localization accuracy through dynamic auxiliary bounding boxes, effectively reducing missed detections of small targets. Experiments on the VisDrone2019 and HIT-UAV datasets demonstrate that DMF-YOLOv10 achieves 50.1% and 81.4% mAP50, respectively, significantly outperforming the baseline YOLOv10s by 27.1% and 2.6%, with parameter increases limited to 24.4% and 11.9%. The method exhibits superior robustness in dense scenarios, complex backgrounds, and long-range target detection. This approach provides an efficient solution for UAV real-time perception tasks and offers novel insights for multi-scale object detection algorithm design. Full article
Show Figures

Graphical abstract

29 pages, 44456 KB  
Article
AUHF-DETR: A Lightweight Transformer with Spatial Attention and Wavelet Convolution for Embedded UAV Small Object Detection
by Hengyu Guo, Qunyong Wu and Yuhang Wang
Remote Sens. 2025, 17(11), 1920; https://doi.org/10.3390/rs17111920 - 31 May 2025
Cited by 2 | Viewed by 1721
Abstract
Real-time object detection on embedded unmanned aerial vehicles (UAVs) is crucial for emergency rescue, autonomous driving, and target tracking applications. However, UAVs’ hardware limitations create conflicts between model size and detection accuracy. Moreover, challenges such as complex backgrounds from the UAV’s perspective, severe [...] Read more.
Real-time object detection on embedded unmanned aerial vehicles (UAVs) is crucial for emergency rescue, autonomous driving, and target tracking applications. However, UAVs’ hardware limitations create conflicts between model size and detection accuracy. Moreover, challenges such as complex backgrounds from the UAV’s perspective, severe occlusion, densely packed small targets, and uneven lighting conditions complicate real-time detection for embedded UAVs. To tackle these challenges, we propose AUHF-DETR, an embedded detection model derived from RT-DETR. In the backbone, we introduce a novel WTC-AdaResNet paradigm that utilizes reversible connections to decouple small-object features. We further replace the original global attention mechanism with the PSA module to strengthen inter-feature relationships within each ROI, thereby resolving the embedded challenges posed by RT-DETR’s complex token computations. In the encoder, we introduce a BDFPN for multi-scale feature fusion, effectively mitigating the small-object detection difficulties caused by the baseline’s Hungarian assignment. Extensive experiments on the public VisDrone2019, HIT-UAV, and CARPK datasets demonstrate that compared with RT-DETR-r18, AUHF-DETR achieves a 2.1% increase in APs on VisDrone2019, reduces the parameter count by 49.0%, and attains 68 FPS (AGX Xavier), thus satisfying the real-time requirements for small-object detection in embedded UAVs. Full article
Show Figures

Figure 1

19 pages, 8169 KB  
Article
Exploring the Application of NeRF in Enhancing Post-Disaster Response: A Case Study of the Sasebo Landslide in Japan
by Jinge Zhang, Yan Du, Yujing Jiang, Sunhao Zhang, Hongbin Chen and Dongqi Shang
ISPRS Int. J. Geo-Inf. 2025, 14(6), 218; https://doi.org/10.3390/ijgi14060218 - 30 May 2025
Cited by 1 | Viewed by 810
Abstract
Rapid acquisition of 3D reconstruction models of landslides is crucial for post-disaster emergency response and rescue operations. This study explores the application potential of Neural Radiance Fields (NeRF) technology for rapid post-disaster site modeling and performs a comparative analysis with traditional photogrammetry methods. [...] Read more.
Rapid acquisition of 3D reconstruction models of landslides is crucial for post-disaster emergency response and rescue operations. This study explores the application potential of Neural Radiance Fields (NeRF) technology for rapid post-disaster site modeling and performs a comparative analysis with traditional photogrammetry methods. Taking a landslide induced by heavy rainfall in Sasebo City, Japan, as a case study, this research utilizes drone-acquired video imagery data and employs two different 3D reconstruction techniques to create digital models of the landslide area. Visual realism and point cloud detail were compared. The results indicate that the high-capacity NeRF model (NeRF 24G) approaches or even surpasses traditional photogrammetry in visual realism under certain scenarios; however, the generated point clouds are inferior in terms of detail compared to those produced by traditional photogrammetry. Nevertheless, NeRF significantly reduces the modeling time. NeRF 6G can generate a point cloud of engineering-useful accuracy in only 45 min, providing a 3D overview of the disaster site to support emergency response efforts. In the future, integrating the advantages of both methods could enable rapid and precise post-disaster 3D reconstruction. Full article
(This article belongs to the Topic Geotechnics for Hazard Mitigation)
Show Figures

Figure 1

20 pages, 2741 KB  
Article
Intelligent Firefighting Technology for Drone Swarms with Multi-Sensor Integrated Path Planning: YOLOv8 Algorithm-Driven Fire Source Identification and Precision Deployment Strategy
by Bingxin Yu, Shengze Yu, Yuandi Zhao, Jin Wang, Ran Lai, Jisong Lv and Botao Zhou
Drones 2025, 9(5), 348; https://doi.org/10.3390/drones9050348 - 3 May 2025
Cited by 1 | Viewed by 2533
Abstract
This study aims to improve the accuracy of fire source detection, the efficiency of path planning, and the precision of firefighting operations in drone swarms during fire emergencies. It proposes an intelligent firefighting technology for drone swarms based on multi-sensor integrated path planning. [...] Read more.
This study aims to improve the accuracy of fire source detection, the efficiency of path planning, and the precision of firefighting operations in drone swarms during fire emergencies. It proposes an intelligent firefighting technology for drone swarms based on multi-sensor integrated path planning. The technology integrates the You Only Look Once version 8 (YOLOv8) algorithm and its optimization strategies to enhance real-time fire source detection capabilities. Additionally, this study employs multi-sensor data fusion and swarm cooperative path-planning techniques to optimize the deployment of firefighting materials and flight paths, thereby improving firefighting efficiency and precision. First, a deformable convolution module is introduced into the backbone network of YOLOv8 to enable the detection network to flexibly adjust its receptive field when processing targets, thereby enhancing fire source detection accuracy. Second, an attention mechanism is incorporated into the neck portion of YOLOv8, which focuses on fire source feature regions, significantly reducing interference from background noise and further improving recognition accuracy in complex environments. Finally, a new High Intersection over Union (HIoU) loss function is proposed to address the challenge of computing localization and classification loss for targets. This function dynamically adjusts the weight of various loss components during training, achieving more precise fire source localization and classification. In terms of path planning, this study integrates data from visual sensors, infrared sensors, and LiDAR sensors and adopts the Information Acquisition Optimizer (IAO) and the Catch Fish Optimization Algorithm (CFOA) to plan paths and optimize coordinated flight for drone swarms. By dynamically adjusting path planning and deployment locations, the drone swarm can reach fire sources in the shortest possible time and carry out precise firefighting operations. Experimental results demonstrate that this study significantly improves fire source detection accuracy and firefighting efficiency by optimizing the YOLOv8 algorithm, path-planning algorithms, and cooperative flight strategies. The optimized YOLOv8 achieved a fire source detection accuracy of 94.6% for small fires, with a false detection rate reduced to 5.4%. The wind speed compensation strategy effectively mitigated the impact of wind on the accuracy of material deployment. This study not only enhances the firefighting efficiency of drone swarms but also enables rapid response in complex fire scenarios, offering broad application prospects, particularly for urban firefighting and forest fire disaster rescue. Full article
Show Figures

Figure 1

24 pages, 10940 KB  
Article
LSTM-DQN-APF Path Planning Algorithm Empowered by Twins in Complex Scenarios
by Ying Lu, Xiaodan Wang, Yang Yang, Man Ding, Shaochun Qu and Yanfang Fu
Appl. Sci. 2025, 15(8), 4565; https://doi.org/10.3390/app15084565 - 21 Apr 2025
Cited by 1 | Viewed by 879
Abstract
In response to the issues of unreachable targets, local minima, and insufficient real-time performance in drone path planning in urban low-altitude complex scenarios, this paper proposes a fusion algorithm based on digital twin, integrating LSTM (long short-term memory), DQN (Deep Q-Network), and APF [...] Read more.
In response to the issues of unreachable targets, local minima, and insufficient real-time performance in drone path planning in urban low-altitude complex scenarios, this paper proposes a fusion algorithm based on digital twin, integrating LSTM (long short-term memory), DQN (Deep Q-Network), and APF (artificial potential field). The algorithm relies on a twin system, integrating multi-sensor fusion technology and Kalman filtering to input obstacle information and UAV trajectory predictions into the DQN, which outputs action decisions for intelligent obstacle avoidance. Additionally, to address the blind search problem in trajectory planning, the algorithm introduces exploration rewards and heuristic reward components, as well as adding velocity and acceleration compensation terms to the attraction and repulsion functions, reducing the path deviation of UAVs during dynamic obstacle avoidance. Finally, to tackle the issues of insufficient training sample size and simulation accuracy, this paper leverages a digital twin platform, utilizing a dual feedback mechanism from virtual and physical environments to generate a large number of complex urban scenario samples. This approach effectively enhances the diversity and accuracy of training samples while significantly reducing the experimental costs of the algorithm. The results demonstrate that the LSTM-DQN-APF algorithm, combined with the digital twin platform, can significantly improve the issues of unreachable goals, local optimality, and real-time performance in UAV operations in complex environments. Compared to traditional algorithms, it notably enhances path planning speed and obstacle avoidance success rates. After thorough training, the proposed improved algorithm can be applied to real-world UAV systems, providing reliable technical support for applications such as smart city inspections and emergency rescue operations. Full article
Show Figures

Figure 1

24 pages, 2187 KB  
Article
PUF-Based Secure and Efficient Anonymous Authentication Protocol for UAV Towards Cross-Domain Environments
by Qi Xie and Haohua Wang
Drones 2025, 9(4), 260; https://doi.org/10.3390/drones9040260 - 28 Mar 2025
Viewed by 1135
Abstract
Cross-domain authentication of drones has played an important role in emergency rescue, collaborative missions, and so on. However, the existing cross-domain authentication protocols for drones may cause privacy leakages and stolen-verifier attacks due to the storage of drone information by ground stations, and [...] Read more.
Cross-domain authentication of drones has played an important role in emergency rescue, collaborative missions, and so on. However, the existing cross-domain authentication protocols for drones may cause privacy leakages and stolen-verifier attacks due to the storage of drone information by ground stations, and drones and ground stations are susceptible to capture attacks, which may suffer from impersonation attacks. To address these problems, we propose a lightweight cross-domain authentication protocol based on physical unclonable function (PUF). In the proposed protocol, the control center is not involved in the authentication process, preventing bottleneck problems when multiple drones authenticate simultaneously. Ground stations do not store drone information, effectively safeguarding against privacy leakage and stolen-verifier attacks. PUF is utilized to protect drones from capture attacks. We conduct both informal security analysis and formal security proof to demonstrate the protocol’s security. In terms of performance, compared with relevant schemes, our protocol shows remarkable efficiency improvements. Computationally, it is 5–92% more efficient. Regarding communication overhead, it is 9–68% lower than relevant schemes. For storage, it is 22–48% lower than relevant schemes. We simulated the proposed protocol using a Raspberry Pi 4B, which emulates the computational capabilities of actual UAV and ground stations. During the simulation, a large number of authentication requests were generated. We monitored key performance indicators such as authentication success rate, response time, and resource utilization. To test its security, we simulated common attacks like replay, forgery, and impersonation. The protocol’s timestamps effectively identified and rejected replayed messages. Meanwhile, the PUF mechanism and unique signature scheme foiled our attempts to forge authentication messages. These simulation results, combined with theoretical security proofs, confirm the protocol’s practical viability and security in real-world-like scenarios. Full article
(This article belongs to the Section Drone Communications)
Show Figures

Figure 1

26 pages, 4783 KB  
Article
A Hybrid Decision-Making Framework for UAV-Assisted MEC Systems: Integrating a Dynamic Adaptive Genetic Optimization Algorithm and Soft Actor–Critic Algorithm with Hierarchical Action Decomposition and Uncertainty-Quantified Critic Ensemble
by Yu Yang, Yanjun Shi, Xing Cui, Jiajian Li and Xijun Zhao
Drones 2025, 9(3), 206; https://doi.org/10.3390/drones9030206 - 13 Mar 2025
Cited by 1 | Viewed by 1646
Abstract
With the continuous progress of UAV technology and the rapid development of mobile edge computing (MEC), the UAV-assisted MEC system has shown great application potential in special fields such as disaster rescue and emergency response. However, traditional deep reinforcement learning (DRL) decision-making methods [...] Read more.
With the continuous progress of UAV technology and the rapid development of mobile edge computing (MEC), the UAV-assisted MEC system has shown great application potential in special fields such as disaster rescue and emergency response. However, traditional deep reinforcement learning (DRL) decision-making methods suffer from limitations such as difficulty in balancing multiple objectives and training convergence when making mixed action space decisions for UAV path planning and task offloading. This article innovatively proposes a hybrid decision framework based on the improved Dynamic Adaptive Genetic Optimization Algorithm (DAGOA) and soft actor–critic with hierarchical action decomposition, an uncertainty-quantified critic ensemble, and adaptive entropy temperature, where DAGOA performs an effective search and optimization in discrete action space, while SAC can perform fine control and adjustment in continuous action space. By combining the above algorithms, the joint optimization of drone path planning and task offloading can be achieved, improving the overall performance of the system. The experimental results show that the framework offers significant advantages in improving system performance, reducing energy consumption, and enhancing task completion efficiency. When the system adopts a hybrid decision framework, the reward score increases by a maximum of 153.53% compared to pure deep reinforcement learning algorithms for decision-making. Moreover, it can achieve an average improvement of 61.09% on the basis of various reinforcement learning algorithms such as proposed SAC, proximal policy optimization (PPO), deep deterministic policy gradient (DDPG), and twin delayed deep deterministic policy gradient (TD3). Full article
(This article belongs to the Special Issue Unmanned Aerial Vehicles for Enhanced Emergency Response)
Show Figures

Figure 1

32 pages, 13857 KB  
Article
SPDC-YOLO: An Efficient Small Target Detection Network Based on Improved YOLOv8 for Drone Aerial Image
by Jingxin Bi, Keda Li, Xiangyue Zheng, Gang Zhang and Tao Lei
Remote Sens. 2025, 17(4), 685; https://doi.org/10.3390/rs17040685 - 17 Feb 2025
Cited by 7 | Viewed by 4390
Abstract
Target detection in UAV images is of great significance in fields such as traffic safety, emergency rescue, and environmental monitoring. However, images captured by UAVs usually have multi-scale features, complex backgrounds, uneven illumination, and low target resolution, which makes target detection in UAV [...] Read more.
Target detection in UAV images is of great significance in fields such as traffic safety, emergency rescue, and environmental monitoring. However, images captured by UAVs usually have multi-scale features, complex backgrounds, uneven illumination, and low target resolution, which makes target detection in UAV images very challenging. To tackle these challenges, this paper introduces SPDC-YOLO, a novel model built upon YOLOv8. In the backbone, the model eliminates the last C2f module and the final downsampling module, thus avoiding the loss of small target features. In the neck, this paper proposes a novel feature pyramid, SPC-FPN, which employs the SBA (Selective Boundary Aggregation) module to fuse features from two distinct scales. In the head, the P5 detection head is eliminated, and a new detection head, Dyhead-DCNv4, is proposed, replacing DCNv2 in the original Dyhead with DCNv4 and utilizing three attention mechanisms for dynamic feature weighting. In addition, the model uses the CGB (Context Guided Block) module for downsampling, which can learn and fuse local features with surrounding contextual information, and the PPA (Parallelized Patch-Aware Attention) module replacing the original C2f module to further improve feature expression capability. Finally, SPDC-YOLO adopts EIoU as the loss function to optimize target localization accuracy. On the public dataset VisDrone2019, the experimental results show that SPDC-YOLO improves mAP50 by 3.4% compared to YOLOv8n while reducing the parameters count by 1.03 M. Compared with other related methods, SPDC-YOLO demonstrates better performance. Full article
(This article belongs to the Section Remote Sensing Image Processing)
Show Figures

Figure 1

23 pages, 5215 KB  
Article
A Feature-Enhanced Small Object Detection Algorithm Based on Attention Mechanism
by Zhe Quan and Jun Sun
Sensors 2025, 25(2), 589; https://doi.org/10.3390/s25020589 - 20 Jan 2025
Cited by 3 | Viewed by 3591
Abstract
With the rapid development of AI algorithms and computational power, object recognition based on deep learning frameworks has become a major research direction in computer vision. UAVs equipped with object detection systems are increasingly used in fields like smart transportation, disaster warning, and [...] Read more.
With the rapid development of AI algorithms and computational power, object recognition based on deep learning frameworks has become a major research direction in computer vision. UAVs equipped with object detection systems are increasingly used in fields like smart transportation, disaster warning, and emergency rescue. However, due to factors such as the environment, lighting, altitude, and angle, UAV images face challenges like small object sizes, high object density, and significant background interference, making object detection tasks difficult. To address these issues, we use YOLOv8s as the basic framework and introduce a multi-level feature fusion algorithm. Additionally, we design an attention mechanism that links distant pixels to improve small object feature extraction. To address missed detections and inaccurate localization, we replace the detection head with a dynamic head, allowing the model to route objects to the appropriate head for final output. We also introduce Slideloss to improve the model’s learning of difficult samples and ShapeIoU to better account for the shape and scale of bounding boxes. Experiments on datasets like VisDrone2019 show that our method improves accuracy by nearly 10% and recall by about 11% compared to the baseline. Additionally, on the AI-TODv1.5 dataset, our method improves the mAP50 from 38.8 to 45.2. Full article
(This article belongs to the Section Remote Sensors)
Show Figures

Figure 1

25 pages, 3399 KB  
Article
Embrace the Era of Drones: A New Practical Design Approach to Emergency Rescue Drones
by Zhiyuan Wang, Ke Yang, Yonggang Wang, Zechen Zhu and Xiuli Liang
Appl. Sci. 2025, 15(1), 135; https://doi.org/10.3390/app15010135 - 27 Dec 2024
Cited by 2 | Viewed by 1186
Abstract
To increase user satisfaction with emergency rescue drone products, a product modelling design method based on the fuzzy Kano-QFD-FBS model is proposed. First, the initial user requirements for the emergency rescue drone products are obtained through a questionnaire, and the fuzzy Kano model [...] Read more.
To increase user satisfaction with emergency rescue drone products, a product modelling design method based on the fuzzy Kano-QFD-FBS model is proposed. First, the initial user requirements for the emergency rescue drone products are obtained through a questionnaire, and the fuzzy Kano model is utilised and combined with the better–worse coefficient method to categorise the attributes, define the priorities of the user requirements, and screen out the key user requirements. Second, the QFD model is used to construct the quality house, analyse the key user requirements quantitatively, and obtain the design elements and weights of the emergency rescue drone product. The obtained key design elements are subsequently imported into the FBS model to complete the mapping transformation from the functional elements to the structural elements of the emergency rescue drone products and realise the styling design of the emergency rescue drone products. Finally, the user satisfaction scale based on appearance, functionality, and interaction was developed and the System Usability Scale (SUS) was used to evaluate user satisfaction with the emergency rescue drone design scheme. The new design scheme scored higher and showed significant differences in satisfaction ratings compared to the previous scheme. Hefei Jiaxun Technology Co., Ltd. carried out product development for the design scheme. At present, physical products have been sold on the market and have achieved good results. Hefei Jiaxun Technology Co., Ltd. conducted a survey on consumer satisfaction with this product, and the results revealed that customer satisfaction increased by 11.9% compared with that of previous products. Compared with similar products in the market, the consumer satisfaction with this product increased by 13.5%, indicating that it has obvious market competitiveness. This study shows that the method of product styling design based on the fuzzy Kano-QFD-FBS model can comprehensively acquire and analyse user requirements, realise accurate mapping from user requirements to product design elements, and output the specific solution of the emergency rescue drone product styling design. The design scheme performs well in meeting user requirements, verifies the feasibility and effectiveness of the fuzzy Kano-QFD-FBS model in the styling design study of emergency rescue drones, and provides a new paradigm for emergency rescue product design. Full article
Show Figures

Figure 1

33 pages, 3827 KB  
Article
Research on Unmanned Aerial Vehicle Emergency Support System and Optimization Method Based on Gaussian Global Seagull Algorithm
by Songyue Han, Mingyu Wang, Junhong Duan, Jialong Zhang and Dongdong Li
Drones 2024, 8(12), 763; https://doi.org/10.3390/drones8120763 - 17 Dec 2024
Cited by 1 | Viewed by 1407
Abstract
In emergency rescue scenarios, drones can be equipped with different payloads as needed to aid in tasks such as disaster reconnaissance, situational awareness, communication support, and material assistance. However, rescue missions typically face challenges such as limited reconnaissance boundaries, heterogeneous communication networks, complex [...] Read more.
In emergency rescue scenarios, drones can be equipped with different payloads as needed to aid in tasks such as disaster reconnaissance, situational awareness, communication support, and material assistance. However, rescue missions typically face challenges such as limited reconnaissance boundaries, heterogeneous communication networks, complex data fusion, high task latency, and limited equipment endurance. To address these issues, an unmanned emergency support system tailored for emergency rescue scenarios is designed. This system leverages 5G edge computing technology to provide high-speed and flexible network access along with elastic computing power support, reducing the complexity of data fusion across heterogeneous networks. It supports the control and data transmission of drones through the separation of the control plane and the data plane. Furthermore, by applying the Tammer decomposition method to break down the system optimization problem, the Global Learning Seagull Algorithm for Gaussian Mapping (GLSOAG) is proposed to jointly optimize the system’s energy consumption and latency. Through simulation experiments, the GLSOAG demonstrates significant advantages over the Seagull Optimization Algorithm (SOA), Particle Swarm Optimization (PSO), and Beetle Antennae Search Algorithm (BAS) in terms of convergence speed, optimization accuracy, and stability. The system optimization approach effectively reduces the system’s energy consumption and latency costs. Overall, our work alleviates the pain points faced in rescue scenarios to some extent. Full article
Show Figures

Figure 1

Back to TopTop