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

Article Types

Countries / Regions

Search Results (79)

Search Parameters:
Keywords = dual-branch parallel network

Order results
Result details
Results per page
Select all
Export citation of selected articles as:
23 pages, 3487 KB  
Article
Research and Optimization of Ultra-Short-Term Photovoltaic Power Prediction Model Based on Symmetric Parallel TCN-TST-BiGRU Architecture
by Tengjie Wang, Zian Gong, Zhiyuan Wang, Yuxi Liu, Yahong Ma, Feng Wang and Jing Li
Symmetry 2025, 17(11), 1855; https://doi.org/10.3390/sym17111855 - 3 Nov 2025
Abstract
(1) Background: Ultra-short-term photovoltaic (PV) power prediction is crucial for optimizing grid scheduling and enhancing energy utilization efficiency. Existing prediction methods face challenges of missing data, noise interference, and insufficient accuracy. (2) Methods: This study proposes a single-step hybrid neural network model integrating [...] Read more.
(1) Background: Ultra-short-term photovoltaic (PV) power prediction is crucial for optimizing grid scheduling and enhancing energy utilization efficiency. Existing prediction methods face challenges of missing data, noise interference, and insufficient accuracy. (2) Methods: This study proposes a single-step hybrid neural network model integrating Temporal Convolutional Network (TCN), Temporal Shift Transformer (TST), and Bidirectional Gated Recurrent Unit (BiGRU) to achieve high-precision 15-minute-ahead PV power prediction, with a design aligned with symmetry principles. Data preprocessing uses Variational Mode Decomposition (VMD) and random forest interpolation to suppress noise and repair missing values. A symmetric parallel dual-branch feature extraction module is built: TCN-TST extracts local dynamics and long-term dependencies, while BiGRU captures global features. This symmetric structure matches the intra-day periodic symmetry of PV power (e.g., symmetric irradiance patterns around noon) and avoids bias from single-branch models. Tensor concatenation and an adaptive attention mechanism realize feature fusion and dynamic weighted output. (3) Results: Experiments on real data from a Xinjiang PV power station, with hyperparameter optimization (BiGRU units, activation function, TCN kernels, TST parameters), show that the model outperforms comparative models in MAE and R2—e.g., the MAE is 26.53% and 18.41% lower than that of TCN and Transforme. (4) Conclusions: The proposed method achieves a balance between accuracy and computational efficiency. It provides references for PV station operation, system scheduling, and grid stability. Full article
(This article belongs to the Section Engineering and Materials)
Show Figures

Figure 1

13 pages, 3621 KB  
Article
Breast Ultrasound Image Detection Based on Dual-Branch Faster R-CNN
by Chenxu Liu, Bo Yang, Lijuan Zhang, Chao Liu and Wenfeng Zheng
Electronics 2025, 14(21), 4247; https://doi.org/10.3390/electronics14214247 - 30 Oct 2025
Viewed by 236
Abstract
This paper proposes a novel dual-branch Faster R-CNN model, termed D-faster R-CNN, for breast ultrasound image detection. It adds a new parallel backbone, Pyramid Vision Transformer (PVT), to the original ResNet50 backbone, forming a dual-branch feature extraction structure of ResNet50 and PVT. To [...] Read more.
This paper proposes a novel dual-branch Faster R-CNN model, termed D-faster R-CNN, for breast ultrasound image detection. It adds a new parallel backbone, Pyramid Vision Transformer (PVT), to the original ResNet50 backbone, forming a dual-branch feature extraction structure of ResNet50 and PVT. To enhance the extracted features on the PVT and ResNet50 branches, a simple feature pyramid network and an asymptotic feature pyramid network are used, respectively, and the enhanced features are merged for the subsequent region proposal and RoI Align. The proposed model is validated on a publicly available breast ultrasound image dataset (BUSI). The experimental results show that compared with the baseline models, the proposed D-faster R-CNN with dual-feature extraction backbone can effectively improve tumor detection performance, and the average precision is significantly improved. Full article
(This article belongs to the Special Issue Artificial Intelligence in Graphics and Images)
Show Figures

Figure 1

20 pages, 9830 KB  
Article
DB-YOLO: A Dual-Branch Parallel Industrial Defect Detection Network
by Ziling Fan, Yan Zhao, Chaofu Liu and Jinliang Qiu
Sensors 2025, 25(21), 6614; https://doi.org/10.3390/s25216614 - 28 Oct 2025
Viewed by 484
Abstract
Insulator defect detection in power inspection tasks faces significant challenges due to the large variations in defect sizes and complex backgrounds, which hinder the accurate identification of both small and large defects. To overcome these issues, we propose a novel dual-branch YOLO-based algorithm [...] Read more.
Insulator defect detection in power inspection tasks faces significant challenges due to the large variations in defect sizes and complex backgrounds, which hinder the accurate identification of both small and large defects. To overcome these issues, we propose a novel dual-branch YOLO-based algorithm (DB-YOLO), built upon the YOLOv11 architecture. The model introduces two dedicated branches, each tailored for detecting large and small defects, respectively, thereby enhancing robustness and precision across multiple scales. To further strengthen global feature representation, the Mamba mechanism is integrated, improving the detection of large defects in cluttered scenes. An adaptive weighted CIoU loss function, designed based on defect size, is employed to refine localization during training. Additionally, ShuffleNetV2 is embedded as a lightweight backbone to boost inference speed without compromising accuracy. We evaluate DB-YOLO on the following three datasets: the open source CPLID, a self-built insulator defect dataset, and GC-10. Experimental results demonstrate that DB-YOLO achieves superior performance in both accuracy and real-time efficiency compared to existing state-of-the-art methods. These findings suggest that the proposed approach offers strong potential for practical deployment in real-world power inspection applications. Full article
Show Figures

Figure 1

20 pages, 4914 KB  
Article
Dual-Channel Parallel Multimodal Feature Fusion for Bearing Fault Diagnosis
by Wanrong Li, Haichao Cai, Xiaokang Yang, Yujun Xue, Jun Ye and Xiangyi Hu
Machines 2025, 13(10), 950; https://doi.org/10.3390/machines13100950 - 15 Oct 2025
Viewed by 429
Abstract
In recent years, the powerful feature extraction capabilities of deep learning have attracted widespread attention in the field of bearing fault diagnosis. To address the limitations of single-modal and single-channel feature extraction methods, which often result in incomplete information representation and difficulty in [...] Read more.
In recent years, the powerful feature extraction capabilities of deep learning have attracted widespread attention in the field of bearing fault diagnosis. To address the limitations of single-modal and single-channel feature extraction methods, which often result in incomplete information representation and difficulty in obtaining high-quality fault features, this paper proposes a dual-channel parallel multimodal feature fusion model for bearing fault diagnosis. In this method, the one-dimensional vibration signals are first transformed into two-dimensional time-frequency representations using continuous wavelet transform (CWT). Subsequently, both the one-dimensional vibration signals and the two-dimensional time-frequency representations are fed simultaneously into the dual-branch parallel model. Within this architecture, the first branch employs a combination of a one-dimensional convolutional neural network (1DCNN) and a bidirectional gated recurrent unit (BiGRU) to extract temporal features from the one-dimensional vibration signals. The second branch utilizes a dilated convolutional to capture spatial time–frequency information from the CWT-derived two-dimensional time–frequency representations. The features extracted by both branches were are input into the feature fusion layer. Furthermore, to leverage fault features more comprehensively, a channel attention mechanism is embedded after the feature fusion layer. This enables the network to focus more effectively on salient features across channels while suppressing interference from redundant features, thereby enhancing the performance and accuracy of the dual-branch network. Finally, the fused fault features are passed to a softmax classifier for fault classification. Experimental results demonstrate that the proposed method achieved an average accuracy of 99.50% on the Case Western Reserve University (CWRU) bearing dataset and 97.33% on the Southeast University (SEU) bearing dataset. These results confirm that the suggested model effectively improves fault diagnosis accuracy and exhibits strong generalization capability. Full article
(This article belongs to the Section Machines Testing and Maintenance)
Show Figures

Figure 1

24 pages, 76400 KB  
Article
MBD-YOLO: An Improved Lightweight Multi-Scale Small-Object Detection Model for UAVs Based on YOLOv8
by Bo Xu, Di Cai, Kelin Sui, Zheng Wang, Chuangchuang Liu and Xiaolong Pei
Appl. Sci. 2025, 15(20), 10877; https://doi.org/10.3390/app152010877 - 10 Oct 2025
Viewed by 596
Abstract
To address the challenges of low detection accuracy and weak generalization in UAV aerial imagery caused by complex ground environments, significant scale variations among targets, dense small objects, and background interference, this paper proposes an improved lightweight multi-scale small-object detection model, MBD-YOLO (MBFF [...] Read more.
To address the challenges of low detection accuracy and weak generalization in UAV aerial imagery caused by complex ground environments, significant scale variations among targets, dense small objects, and background interference, this paper proposes an improved lightweight multi-scale small-object detection model, MBD-YOLO (MBFF module, BiMS-FPN, and Dual-Stream Head). Specifically, to enhance multi-scale feature extraction capabilities, we introduce the Multi-Branch Feature Fusion (MBFF) module, which dynamically adjusts receptive fields through parallel branches and adaptive depthwise convolutions, expanding the receptive field while preserving detail perception. We further design a lightweight Bidirectional Multi-Scale Feature Aggregation Pyramid Network (BiMS-FPN), integrating bidirectional propagation paths and a Multi-Scale Feature Aggregation (MSFA) module to mitigate feature spatial misalignment and improve small-target detection. Additionally, the Dual-Stream Head with NMS-free architecture leverages a task-aligned architecture and dynamic matching strategies to boost inference speed without compromising accuracy. Experiments on the VisDrone2019 dataset demonstrate that MBD-YOLO-n surpasses YOLOv8n by 6.3% in mAP50 and 8.2% in mAP50–95, with accuracy gains of 17.96–55.56% for several small-target categories, while increasing parameters by merely 3.1%. Moreover, MBD-YOLO-s achieves superior detection accuracy, efficiency, and generalization with only 12.1 million parameters, outperforming state-of-the-art models and proving suitable for resource-constrained embedded deployment scenarios. The superior performance of MBD-YOLO, which harmonizes high precision with low computational demand, fulfills the critical requirements for real-time deployment on resource-limited UAVs, showing great promise for applications in traffic monitoring, urban security, and agricultural surveying. Full article
Show Figures

Figure 1

15 pages, 1557 KB  
Article
A Dual-Structured Convolutional Neural Network with an Attention Mechanism for Image Classification
by Yongzhuo Liu, Jiangmei Zhang, Haolin Liu and Yangxin Zhang
Electronics 2025, 14(19), 3943; https://doi.org/10.3390/electronics14193943 - 5 Oct 2025
Viewed by 512
Abstract
This paper presents a dual-structured convolutional neural network (CNN) for image classification, which integrates two parallel branches: CNN-A with spatial attention and CNN-B with channel attention. The spatial attention module in CNN-A dynamically emphasizes discriminative regions by aggregating channel-wise information, while the channel [...] Read more.
This paper presents a dual-structured convolutional neural network (CNN) for image classification, which integrates two parallel branches: CNN-A with spatial attention and CNN-B with channel attention. The spatial attention module in CNN-A dynamically emphasizes discriminative regions by aggregating channel-wise information, while the channel attention mechanism in CNN-B adaptively recalibrates feature channel importance. The extracted features from both branches are fused through concatenation, enhancing the model’s representational capacity by capturing complementary spatial and channel-wise dependencies. Extensive experiments on a 12-class image dataset demonstrate the superiority of the proposed model over state-of-the-art methods, achieving 98.06% accuracy, 96.00% precision, and 98.01% F1-score. Despite a marginally longer training time, the model exhibits robust convergence and generalization, as evidenced by stable loss curves and high per-class recognition rates (>90%). The results validate the efficacy of dual attention mechanisms in improving feature discrimination for complex image classification tasks. Full article
(This article belongs to the Special Issue Advances in Object Tracking and Computer Vision)
Show Figures

Figure 1

12 pages, 768 KB  
Article
ECG Waveform Segmentation via Dual-Stream Network with Selective Context Fusion
by Yongpeng Niu, Nan Lin, Yuchen Tian, Kaipeng Tang and Baoxiang Liu
Electronics 2025, 14(19), 3925; https://doi.org/10.3390/electronics14193925 - 2 Oct 2025
Viewed by 382
Abstract
Electrocardiogram (ECG) waveform delineation is fundamental to cardiac disease diagnosis. This task requires precise localization of key fiducial points, specifically the onset, peak, and offset positions of P-waves, QRS complexes, and T-waves. Current methods exhibit significant performance degradation in noisy clinical environments (baseline [...] Read more.
Electrocardiogram (ECG) waveform delineation is fundamental to cardiac disease diagnosis. This task requires precise localization of key fiducial points, specifically the onset, peak, and offset positions of P-waves, QRS complexes, and T-waves. Current methods exhibit significant performance degradation in noisy clinical environments (baseline drift, electromyographic interference, powerline interference, etc.), compromising diagnostic reliability. To address this limitation, we introduce ECG-SCFNet: a novel dual-stream architecture employing selective context fusion. Our framework is further enhanced by a consistency training paradigm, enabling it to maintain robust waveform delineation accuracy under challenging noise conditions.The network employs a dual-stream architecture: (1) A temporal stream captures dynamic rhythmic features through sequential multi-branch convolution and temporal attention mechanisms; (2) A morphology stream combines parallel multi-scale convolution with feature pyramid integration to extract multi-scale waveform structural features through morphological attention; (3) The Selective Context Fusion (SCF) module adaptively integrates features from the temporal and morphology streams using a dual attention mechanism, which operates across both channel and spatial dimensions to selectively emphasize informative features from each stream, thereby enhancing the representation learning for accurate ECG segmentation. On the LUDB and QT datasets, ECG-SCFNet achieves high performance, with F1-scores of 97.83% and 97.80%, respectively. Crucially, it maintains robust performance under challenging noise conditions on these datasets, with 88.49% and 86.25% F1-scores, showing significantly improved noise robustness compared to other methods and demonstrating exceptional robustness and precise boundary localization for clinical ECG analysis. Full article
Show Figures

Figure 1

25 pages, 26694 KB  
Article
Research on Wind Field Correction Method Integrating Position Information and Proxy Divergence
by Jianhong Gan, Mengjia Zhang, Cen Gao, Peiyang Wei, Zhibin Li and Chunjiang Wu
Biomimetics 2025, 10(10), 651; https://doi.org/10.3390/biomimetics10100651 - 1 Oct 2025
Viewed by 400
Abstract
The accuracy of numerical model outputs strongly depends on the quality of the initial wind field, yet ground observation data are typically sparse and provide incomplete spatial coverage. More importantly, many current mainstream correction models rely on reanalysis grid datasets like ERA5 as [...] Read more.
The accuracy of numerical model outputs strongly depends on the quality of the initial wind field, yet ground observation data are typically sparse and provide incomplete spatial coverage. More importantly, many current mainstream correction models rely on reanalysis grid datasets like ERA5 as the true value, which relies on interpolation calculation, which directly affects the accuracy of the correction results. To address these issues, we propose a new deep learning model, PPWNet. The model directly uses sparse and discretely distributed observation data as the true value, which integrates observation point positions and a physical consistency term to achieve a high-precision corrected wind field. The model design is inspired by biological intelligence. First, observation point positions are encoded as input and observation values are included in the loss function. Second, a parallel dual-branch DenseInception network is employed to extract multi-scale grid features, simulating the hierarchical processing of the biological visual system. Meanwhile, PPWNet references the PointNet architecture and introduces an attention mechanism to efficiently extract features from sparse and irregular observation positions. This mechanism reflects the selective focus of cognitive functions. Furthermore, this paper incorporates physical knowledge into the model optimization process by adding a learned physical consistency term to the loss function, ensuring that the corrected results not only approximate the observations but also adhere to physical laws. Finally, hyperparameters are automatically tuned using the Bayesian TPE algorithm. Experiments demonstrate that PPWNet outperforms both traditional and existing deep learning methods. It reduces the MAE by 38.65% and the RMSE by 28.93%. The corrected wind field shows better agreement with observations in both wind speed and direction, confirming the effectiveness of incorporating position information and a physics-informed approach into deep learning-based wind field correction. Full article
(This article belongs to the Special Issue Nature-Inspired Metaheuristic Optimization Algorithms 2025)
Show Figures

Figure 1

23 pages, 3623 KB  
Article
WSC-Net: A Wavelet-Enhanced Swin Transformer with Cross-Domain Attention for Hyperspectral Image Classification
by Zhen Yang, Huihui Li, Feiming Wei, Jin Ma and Tao Zhang
Remote Sens. 2025, 17(18), 3216; https://doi.org/10.3390/rs17183216 - 17 Sep 2025
Viewed by 567
Abstract
This paper introduces the Wavelet-Enhanced Swin Transformer Network (WSC-Net), a novel dual-branch architecture that resolves the inherent tradeoff between global spatial contextual and fine-grained spectral details in hyperspectral image (HSI) classification. While transformer-based models excel at capturing long-range dependencies, their patch-based nature often [...] Read more.
This paper introduces the Wavelet-Enhanced Swin Transformer Network (WSC-Net), a novel dual-branch architecture that resolves the inherent tradeoff between global spatial contextual and fine-grained spectral details in hyperspectral image (HSI) classification. While transformer-based models excel at capturing long-range dependencies, their patch-based nature often overlooks intra-patch high-frequency details, hindering the discrimination of spectrally similar classes. Our framework synergistically couples a two-stage Swin transformer with a parallel Wavelet Transform Module (WTM) for local frequency information capture. To address the semantic gap between spatial and frequency domains, we propose the Cross-Domain Attention Fusion (CDAF) module—a bi-directional attention mechanism that facilitates intelligent feature exchange between the two streams. CDAF explicitly models cross-domain dependencies, amplifies complementary features, and suppresses noise through attention-guided integration. Extensive experiments on four benchmark datasets demonstrate that WSC-Net consistently outperforms state-of-the-art methods, confirming its effectiveness in balancing global contextual modeling with local detail preservation. Full article
Show Figures

Figure 1

33 pages, 13243 KB  
Article
Maize Yield Prediction via Multi-Branch Feature Extraction and Cross-Attention Enhanced Multimodal Data Fusion
by Suning She, Zhiyun Xiao and Yulong Zhou
Agronomy 2025, 15(9), 2199; https://doi.org/10.3390/agronomy15092199 - 16 Sep 2025
Viewed by 583
Abstract
This study conducted field experiments in 2024 in Meidaizhao Town, Tumed Right Banner, Baotou City, Inner Mongolia Autonomous Region, adopting a plant-level sampling design with 10 maize plots selected as sampling areas (20 plants per plot). At four critical growth stages—jointing, heading, filling, [...] Read more.
This study conducted field experiments in 2024 in Meidaizhao Town, Tumed Right Banner, Baotou City, Inner Mongolia Autonomous Region, adopting a plant-level sampling design with 10 maize plots selected as sampling areas (20 plants per plot). At four critical growth stages—jointing, heading, filling, and maturity—multimodal data, including that covering leaf spectra, root-zone soil spectra, and leaf chlorophyll and nitrogen content, were synchronously collected from each plant. In response to the prevalent limitations of the existing yield prediction methods, such as insufficient accuracy and limited generalization ability due to reliance on single-modal data, this study takes the acquired multimodal maize data as the research object and innovatively proposes a multimodal fusion prediction network. First, to handle the heterogeneous nature of multimodal data, a parallel feature extraction architecture is designed, utilizing independent feature extraction branches—leaf spectral branch, soil spectral branch, and biochemical parameter branch—to preserve the distinct characteristics of each modality. Subsequently, a dual-path feature fusion method, enhanced by a cross-attention mechanism, is introduced to enable dynamic interaction and adaptive weight allocation between cross-modal features, specifically between leaf spectra–soil spectra and leaf spectra–biochemical parameters, thereby significantly improving maize yield prediction accuracy. The experimental results demonstrate that the proposed model outperforms single-modal approaches by effectively leveraging complementary information from multimodal data, achieving an R2 of 0.951, an RMSE of 8.68, an RPD of 4.50, and an MAE of 5.28. Furthermore, the study reveals that deep fusion between soil spectra, leaf biochemical parameters, and leaf spectral data substantially enhances prediction accuracy. This work not only validates the effectiveness of multimodal data fusion in maize yield prediction but also provides valuable insights for accurate and non-destructive yield prediction. Full article
(This article belongs to the Section Precision and Digital Agriculture)
Show Figures

Figure 1

27 pages, 16753 KB  
Article
A 1°-Resolution Global Ionospheric TEC Modeling Method Based on a Dual-Branch Input Convolutional Neural Network
by Nian Liu, Yibin Yao and Liang Zhang
Remote Sens. 2025, 17(17), 3095; https://doi.org/10.3390/rs17173095 - 5 Sep 2025
Viewed by 1101
Abstract
Total Electron Content (TEC) is a fundamental parameter characterizing the electron density distribution in the ionosphere. Traditional global TEC modeling approaches predominantly rely on mathematical methods (such as spherical harmonic function fitting), often resulting in models suffering from excessive smoothing and low accuracy. [...] Read more.
Total Electron Content (TEC) is a fundamental parameter characterizing the electron density distribution in the ionosphere. Traditional global TEC modeling approaches predominantly rely on mathematical methods (such as spherical harmonic function fitting), often resulting in models suffering from excessive smoothing and low accuracy. While the 1° high-resolution global TEC model released by MIT offers improved temporal-spatial resolution, it exhibits regions of data gaps. Existing ionospheric image completion methods frequently employ Generative Adversarial Networks (GANs), which suffer from drawbacks such as complex model structures and lengthy training times. We propose a novel high-resolution global ionospheric TEC modeling method based on a Dual-Branch Convolutional Neural Network (DB-CNN) designed for the completion and restoration of incomplete 1°-resolution ionospheric TEC images. The novel model utilizes a dual-branch input structure: the background field, generated using the International Reference Ionosphere (IRI) model TEC maps, and the observation field, consisting of global incomplete TEC maps coupled with their corresponding mask maps. An asymmetric dual-branch parallel encoder, feature fusion, and residual decoder framework enables precise reconstruction of missing regions, ultimately generating a complete global ionospheric TEC map. Experimental results demonstrate that the model achieves Root Mean Square Errors (RMSE) of 0.30 TECU and 1.65 TECU in the observed and unobserved regions, respectively, in simulated data experiments. For measured experiments, the RMSE values are 1.39 TECU and 1.93 TECU in the observed and unobserved regions. Validation results utilizing Jason-3 altimeter-measured VTEC demonstrate that the model achieves stable reconstruction performance across all four seasons and various time periods. In key-day comparisons, its STD and RMSE consistently outperform those of the CODE global ionospheric model (GIM). Furthermore, a long-term evaluation from 2021 to 2024 reveals that, compared to the CODE model, the DB-CNN achieves average reductions of 38.2% in STD and 23.5% in RMSE. This study provides a novel dual-branch input convolutional neural network-based method for constructing 1°-resolution global ionospheric products, offering significant application value for enhancing GNSS positioning accuracy and space weather monitoring capabilities. Full article
Show Figures

Figure 1

23 pages, 1476 KB  
Article
Dynamically Optimized Object Detection Algorithms for Aviation Safety
by Yi Qu, Cheng Wang, Yilei Xiao, Haijuan Ju and Jing Wu
Electronics 2025, 14(17), 3536; https://doi.org/10.3390/electronics14173536 - 4 Sep 2025
Viewed by 644
Abstract
Infrared imaging technology demonstrates significant advantages in aviation safety monitoring due to its exceptional all-weather operational capability and anti-interference characteristics, particularly in scenarios requiring real-time detection of aerial objects such as airport airspace management. However, traditional infrared target detection algorithms face critical challenges [...] Read more.
Infrared imaging technology demonstrates significant advantages in aviation safety monitoring due to its exceptional all-weather operational capability and anti-interference characteristics, particularly in scenarios requiring real-time detection of aerial objects such as airport airspace management. However, traditional infrared target detection algorithms face critical challenges in complex sky backgrounds, including low signal-to-noise ratio (SNR), small target dimensions, and strong background clutter, leading to insufficient detection accuracy and reliability. To address these issues, this paper proposes the AFK-YOLO model based on the YOLO11 framework: it integrates an ADown downsampling module, which utilizes a dual-branch strategy combining average pooling and max pooling to effectively minimize feature information loss during spatial resolution reduction; introduces the KernelWarehouse dynamic convolution approach, which adopts kernel partitioning and a contrastive attention-based cross-layer shared kernel repository to address the challenge of linear parameter growth in conventional dynamic convolution methods; and establishes a feature decoupling pyramid network (FDPN) that replaces static feature pyramids with a dynamic multi-scale fusion architecture, utilizing parallel multi-granularity convolutions and an EMA attention mechanism to achieve adaptive feature enhancement. Experiments demonstrate that the AFK-YOLO model achieves 78.6% mAP on a self-constructed aerial infrared dataset—a 2.4 percentage point improvement over the baseline YOLO11—while meeting real-time requirements for aviation safety monitoring (416.7 FPS), reducing parameters by 6.9%, and compressing weight size by 21.8%. The results demonstrate the effectiveness of dynamic optimization methods in improving the accuracy and robustness of infrared target detection under complex aerial environments, thereby providing reliable technical support for the prevention of mid-air collisions. Full article
(This article belongs to the Special Issue Computer Vision and AI Algorithms for Diverse Scenarios)
Show Figures

Figure 1

22 pages, 4125 KB  
Article
Multi-Scale Electromechanical Impedance-Based Bolt Loosening Identification Using Attention-Enhanced Parallel CNN
by Xingyu Fan, Jiaming Kong, Haoyang Wang, Kexin Huang, Tong Zhao and Lu Li
Appl. Sci. 2025, 15(17), 9715; https://doi.org/10.3390/app15179715 - 4 Sep 2025
Cited by 2 | Viewed by 626
Abstract
Bolted connections are extensively utilized in aerospace, civil, and mechanical systems for structural assembly. However, inevitable structural vibrations can induce bolt loosening, leading to preload reduction and potential structural failure. Early-stage preload degradation, particularly during initial loosening, is often undetectable by conventional monitoring [...] Read more.
Bolted connections are extensively utilized in aerospace, civil, and mechanical systems for structural assembly. However, inevitable structural vibrations can induce bolt loosening, leading to preload reduction and potential structural failure. Early-stage preload degradation, particularly during initial loosening, is often undetectable by conventional monitoring methods due to limited sensitivity and poor noise resilience. To address these limitations, this study proposes an intelligent bolt preload monitoring framework that combines electromechanical impedance (EMI) signal analysis with a parallel deep learning architecture. A multiphysics-coupled model of flange joint connections is developed to reveal the nonlinear relationships between preload degradation and changes in EMI conductance spectra, specifically resonance peak shifts and amplitude attenuation. Based on this insight, a parallel convolutional neural network (P-CNN) is designed, employing dual branches with 1 × 3 and 1 × 7 convolutional kernels to extract local and global spectral features, respectively. The architecture integrates dilated convolution to expand frequency–domain receptive fields and an enhanced SENet-based channel attention mechanism to adaptively highlight informative frequency bands. Experimental validation on a flange-bolt platform demonstrates that the proposed P-CNN achieves 99.86% classification accuracy, outperforming traditional CNNs by 20.65%. Moreover, the model maintains over 95% accuracy with only 25% of the original training samples, confirming its robustness and data efficiency. The results demonstrate the feasibility and scalability of the proposed approach for real-time, small-sample, and noise-resilient structural health monitoring of bolted connections. Full article
Show Figures

Figure 1

43 pages, 17950 KB  
Article
Fault Diagnosis of Rolling Bearings Based on HFMD and Dual-Branch Parallel Network Under Acoustic Signals
by Hengdi Wang, Haokui Wang and Jizhan Xie
Sensors 2025, 25(17), 5338; https://doi.org/10.3390/s25175338 - 28 Aug 2025
Cited by 1 | Viewed by 709
Abstract
This paper proposes a rolling bearing fault diagnosis method based on HFMD and a dual-branch parallel network, aiming to address the issue of diagnostic accuracy being compromised by the disparity in data quality across different source domains due to sparse feature separation in [...] Read more.
This paper proposes a rolling bearing fault diagnosis method based on HFMD and a dual-branch parallel network, aiming to address the issue of diagnostic accuracy being compromised by the disparity in data quality across different source domains due to sparse feature separation in rolling bearing acoustic signals. Traditional methods face challenges in feature extraction, sensitivity to noise, and difficulties in handling coupled multi-fault conditions in rolling bearing fault diagnosis. To overcome these challenges, this study first employs the HawkFish Optimization Algorithm to optimize Feature Mode Decomposition (HFMD) parameters, thereby improving modal decomposition accuracy. The optimal modal components are selected based on the minimum Residual Energy Index (REI) criterion, with their time-domain graphs and Continuous Wavelet Transform (CWT) time-frequency diagrams extracted as network inputs. Then, a dual-branch parallel network model is constructed, where the multi-scale residual structure (Res2Net) incorporating the Efficient Channel Attention (ECA) mechanism serves as the temporal branch to extract key features and suppress noise interference, while the Swin Transformer integrating multi-stage cross-scale attention (MSCSA) acts as the time-frequency branch to break through local perception bottlenecks and enhance classification performance under limited resources. Finally, the time-domain graphs and time-frequency graphs are, respectively, input into Res2Net and Swin Transformer, and the features from both branches are fused through a fully connected layer to obtain comprehensive fault diagnosis results. The research results demonstrate that the proposed method achieves 100% accuracy in open-source datasets. In the experimental data, the diagnostic accuracy of this study demonstrates significant advantages over other diagnostic models, achieving an accuracy rate of 98.5%. Under few-shot conditions, this study maintains an accuracy rate no lower than 95%, with only a 2.34% variation in accuracy. HFMD and the dual-branch parallel network exhibit remarkable stability and superiority in the field of rolling bearing fault diagnosis. Full article
(This article belongs to the Section Fault Diagnosis & Sensors)
Show Figures

Figure 1

25 pages, 2755 KB  
Article
CM-UNetv2: An Enhanced Semantic Segmentation Model for Precise PCB Defect Detection and Boundary Restoration
by Qiyang Guo, Yajun Chen, Yirui Zhu and Dongle Chen
Sensors 2025, 25(16), 4919; https://doi.org/10.3390/s25164919 - 9 Aug 2025
Viewed by 877
Abstract
PCBs play a critical role in electronic manufacturing, and accurate defect detection is essential for ensuring product quality and reliability. However, PCB defects are often small, irregularly shaped, and embedded in complex textures, making them difficult to detect using traditional methods. In this [...] Read more.
PCBs play a critical role in electronic manufacturing, and accurate defect detection is essential for ensuring product quality and reliability. However, PCB defects are often small, irregularly shaped, and embedded in complex textures, making them difficult to detect using traditional methods. In this paper, we propose CM-UNetv2, a semantic segmentation network designed to address these challenges through three architectural modules incorporating four key innovations. First, a Parallelized Patch-Aware Attention (PPA) module is incorporated into the encoder to enhance multi-scale feature representation through a multi-branch attention mechanism combining local, global, and serial convolutions. Second, we propose a Dual-Stream Skip Guidance (DSSG) module that decouples semantic refinement from spatial information preservation via two separate skip pathways, enabling finer detail retention. Third, we design a decoder module called Frequency-domain Guided Context Mamba (FGCMamba), which integrates two novel mechanisms: a Spatial Guidance Cross-Attention (SGCA) mechanism to enhance the alignment of spatial and semantic features, and a Frequency-domain Self-Attention Solver (FSAS) to compute global attention efficiently in the frequency domain, improving boundary restoration and reducing computational overhead. Experiments on the MeiweiPCB and KWSD2 datasets demonstrate that the CM-UNetv2 achieves state-of-the-art performance in small object detection, boundary accuracy, and overall segmentation robustness. Full article
(This article belongs to the Section Sensor Networks)
Show Figures

Figure 1

Back to TopTop