期刊文献+
共找到28篇文章
< 1 2 >
每页显示 20 50 100
Transmission Facility Detection with Feature-Attention Multi-Scale Robustness Network and Generative Adversarial Network
1
作者 Yunho Na Munsu Jeon +4 位作者 Seungmin Joo Junsoo Kim Ki-Yong Oh Min Ku Kim Joon-Young Park 《Computer Modeling in Engineering & Sciences》 2025年第7期1013-1044,共32页
This paper proposes an automated detection framework for transmission facilities using a featureattention multi-scale robustness network(FAMSR-Net)with high-fidelity virtual images.The proposed framework exhibits thre... This paper proposes an automated detection framework for transmission facilities using a featureattention multi-scale robustness network(FAMSR-Net)with high-fidelity virtual images.The proposed framework exhibits three key characteristics.First,virtual images of the transmission facilities generated using StyleGAN2-ADA are co-trained with real images.This enables the neural network to learn various features of transmission facilities to improve the detection performance.Second,the convolutional block attention module is deployed in FAMSR-Net to effectively extract features from images and construct multi-dimensional feature maps,enabling the neural network to perform precise object detection in various environments.Third,an effective bounding box optimization method called Scylla-IoU is deployed on FAMSR-Net,considering the intersection over union,center point distance,angle,and shape of the bounding box.This enables the detection of power facilities of various sizes accurately.Extensive experiments demonstrated that FAMSRNet outperforms other neural networks in detecting power facilities.FAMSR-Net also achieved the highest detection accuracy when virtual images of the transmission facilities were co-trained in the training phase.The proposed framework is effective for the scheduled operation and maintenance of transmission facilities because an optical camera is currently the most promising tool for unmanned aerial vehicles.This ultimately contributes to improved inspection efficiency,reduced maintenance risks,and more reliable power delivery across extensive transmission facilities. 展开更多
关键词 Object detection virtual image transmission facility convolutional block attention module Scylla-IoU
在线阅读 下载PDF
Enhanced Cutaneous Melanoma Segmentation in Dermoscopic Images Using a Dual U-Net Framework with Multi-Path Convolution Block Attention Module and SE-Res-Conv
2
作者 Kun Lan Feiyang Gao +2 位作者 Xiaoliang Jiang Jianzhen Cheng Simon Fong 《Computers, Materials & Continua》 2025年第9期4805-4824,共20页
With the continuous development of artificial intelligence and machine learning techniques,there have been effective methods supporting the work of dermatologist in the field of skin cancer detection.However,object si... With the continuous development of artificial intelligence and machine learning techniques,there have been effective methods supporting the work of dermatologist in the field of skin cancer detection.However,object significant challenges have been presented in accurately segmenting melanomas in dermoscopic images due to the objects that could interfere human observations,such as bubbles and scales.To address these challenges,we propose a dual U-Net network framework for skin melanoma segmentation.In our proposed architecture,we introduce several innovative components that aim to enhance the performance and capabilities of the traditional U-Net.First,we establish a novel framework that links two simplified U-Nets,enabling more comprehensive information exchange and feature integration throughout the network.Second,after cascading the second U-Net,we introduce a skip connection between the decoder and encoder networks,and incorporate a modified receptive field block(MRFB),which is designed to capture multi-scale spatial information.Third,to further enhance the feature representation capabilities,we add a multi-path convolution block attention module(MCBAM)to the first two layers of the first U-Net encoding,and integrate a new squeeze-and-excitation(SE)mechanism with residual connections in the second U-Net.To illustrate the performance of our proposed model,we conducted comprehensive experiments on widely recognized skin datasets.On the ISIC-2017 dataset,the IoU value of our proposed model increased from 0.6406 to 0.6819 and the Dice coefficient increased from 0.7625 to 0.8023.On the ISIC-2018 dataset,the IoU value of proposed model also improved from 0.7138 to 0.7709,while the Dice coefficient increased from 0.8285 to 0.8665.Furthermore,the generalization experiments conducted on the jaw cyst dataset from Quzhou People’s Hospital further verified the outstanding segmentation performance of the proposed model.These findings collectively affirm the potential of our approach as a valuable tool in supporting clinical decision-making in the field of skin cancer detection,as well as advancing research in medical image analysis. 展开更多
关键词 Dual U-Net skin lesion segmentation squeeze-and-excitation modified receptive field block multi-path convolution block attention module
在线阅读 下载PDF
Blur-Deblur Algorithm for Pressure-Sensitive Paint Image Based on Variable Attention Convolution
3
作者 Ruizhe Yu Tingrui Yue +1 位作者 Lei Liang Zhisheng Gao 《Computers, Materials & Continua》 2025年第3期5239-5256,共18页
In the PSP(Pressure-Sensitive Paint),image deblurring is essential due to factors such as prolonged camera exposure times and highmodel velocities,which can lead to significant image blurring.Conventional deblurring m... In the PSP(Pressure-Sensitive Paint),image deblurring is essential due to factors such as prolonged camera exposure times and highmodel velocities,which can lead to significant image blurring.Conventional deblurring methods applied to PSP images often suffer from limited accuracy and require extensive computational resources.To address these issues,this study proposes a deep learning-based approach tailored for PSP image deblurring.Considering that PSP applications primarily involve the accurate pressure measurements of complex geometries,the images captured under such conditions exhibit distinctive non-uniform motion blur,presenting challenges for standard deep learning models utilizing convolutional or attention-based techniques.In this paper,we introduce a novel deblurring architecture featuring multiple DAAM(Deformable Ack Attention Module).These modules provide enhanced flexibility for end-to-end deblurring,leveraging irregular convolution operations for efficient feature extraction while employing attention mechanisms interpreted as multiple 1×1 convolutions,subsequently reassembled to enhance performance.Furthermore,we incorporate a RSC(Residual Shortcut Convolution)module for initial feature processing,aimed at reducing redundant computations and improving the learning capacity for representative shallow features.To preserve critical spatial information during upsampling and downsampling,we replace conventional convolutions with wt(Haar wavelet downsampling)and dysample(Upsampling by Dynamic Sampling).This modification significantly enhances high-precision image reconstruction.By integrating these advanced modules within an encoder-decoder framework,we present the DFDNet(Deformable Fusion Deblurring Network)for image blur removal,providing robust technical support for subsequent PSP data analysis.Experimental evaluations on the FY dataset demonstrate the superior performance of our model,achieving competitive results on the GOPRO and HIDE datasets. 展开更多
关键词 Pressure-sensitive paint deep learning image deblurring typeset variable attention convolution
在线阅读 下载PDF
Marine organism classification method based on hierarchical multi-scale attention mechanism
4
作者 XU Haotian CHENG Yuanzhi +1 位作者 ZHAO Dong XIE Peidong 《Optoelectronics Letters》 2025年第6期354-361,共8页
We propose a hierarchical multi-scale attention mechanism-based model in response to the low accuracy and inefficient manual classification of existing oceanic biological image classification methods. Firstly, the hie... We propose a hierarchical multi-scale attention mechanism-based model in response to the low accuracy and inefficient manual classification of existing oceanic biological image classification methods. Firstly, the hierarchical efficient multi-scale attention(H-EMA) module is designed for lightweight feature extraction, achieving outstanding performance at a relatively low cost. Secondly, an improved EfficientNetV2 block is used to integrate information from different scales better and enhance inter-layer message passing. Furthermore, introducing the convolutional block attention module(CBAM) enhances the model's perception of critical features, optimizing its generalization ability. Lastly, Focal Loss is introduced to adjust the weights of complex samples to address the issue of imbalanced categories in the dataset, further improving the model's performance. The model achieved 96.11% accuracy on the intertidal marine organism dataset of Nanji Islands and 84.78% accuracy on the CIFAR-100 dataset, demonstrating its strong generalization ability to meet the demands of oceanic biological image classification. 展开更多
关键词 integrate information different scales hierarchical multi scale attention lightweight feature extraction focal loss efficientnetv marine organism classification oceanic biological image classification methods convolutional block attention module
原文传递
Hard-rock tunnel lithology identification using multiscale dilated convolutional attention network based on tunnel face images 被引量:1
5
作者 Wenjun ZHANG Wuqi ZHANG +5 位作者 Gaole ZHANG Jun HUANG Minggeng LI Xiaohui WANG Fei YE Xiaoming GUAN 《Frontiers of Structural and Civil Engineering》 SCIE EI CSCD 2023年第12期1796-1812,共17页
For real-time classification of rock-masses in hard-rock tunnels,quick determination of the rock lithology on the tunnel face during construction is essential.Motivated by current breakthroughs in artificial intellige... For real-time classification of rock-masses in hard-rock tunnels,quick determination of the rock lithology on the tunnel face during construction is essential.Motivated by current breakthroughs in artificial intelligence technology in machine vision,a new automatic detection approach for classifying tunnel lithology based on tunnel face images was developed.The method benefits from residual learning for training a deep convolutional neural network(DCNN),and a multi-scale dilated convolutional attention block is proposed.The block with different dilation rates can provide various receptive fields,and thus it can extract multi-scale features.Moreover,the attention mechanism is utilized to select the salient features adaptively and further improve the performance of the model.In this study,an initial image data set made up of photographs of tunnel faces consisting of basalt,granite,siltstone,and tuff was first collected.After classifying and enhancing the training,validation,and testing data sets,a new image data set was generated.A comparison of the experimental findings demonstrated that the suggested approach outperforms previous classifiers in terms of various indicators,including accuracy,precision,recall,F1-score,and computing time.Finally,a visualization analysis was performed to explain the process of the network in the classification of tunnel lithology through feature extraction.Overall,this study demonstrates the potential of using artificial intelligence methods for in situ rock lithology classification utilizing geological images of the tunnel face. 展开更多
关键词 hard-rock tunnel face intelligent lithology identification multi-scale dilated convolutional attention network image classification deep learning
原文传递
ANC: Attention Network for COVID-19 Explainable Diagnosis Based on Convolutional Block Attention Module 被引量:10
6
作者 Yudong Zhang Xin Zhang Weiguo Zhu 《Computer Modeling in Engineering & Sciences》 SCIE EI 2021年第6期1037-1058,共22页
Aim: To diagnose COVID-19 more efficiently and more correctly, this study proposed a novel attention network forCOVID-19 (ANC). Methods: Two datasets were used in this study. An 18-way data augmentation was proposed t... Aim: To diagnose COVID-19 more efficiently and more correctly, this study proposed a novel attention network forCOVID-19 (ANC). Methods: Two datasets were used in this study. An 18-way data augmentation was proposed toavoid overfitting. Then, convolutional block attention module (CBAM) was integrated to our model, the structureof which is fine-tuned. Finally, Grad-CAM was used to provide an explainable diagnosis. Results: The accuracyof our ANC methods on two datasets are 96.32% ± 1.06%, and 96.00% ± 1.03%, respectively. Conclusions: Thisproposed ANC method is superior to 9 state-of-the-art approaches. 展开更多
关键词 Deep learning convolutional block attention module attention mechanism COVID-19 explainable diagnosis
在线阅读 下载PDF
MobileNet network optimization based on convolutional block attention module 被引量:3
7
作者 ZHAO Shuxu MEN Shiyao YUAN Lin 《Journal of Measurement Science and Instrumentation》 CAS CSCD 2022年第2期225-234,共10页
Deep learning technology is widely used in computer vision.Generally,a large amount of data is used to train the model weights in deep learning,so as to obtain a model with higher accuracy.However,massive data and com... Deep learning technology is widely used in computer vision.Generally,a large amount of data is used to train the model weights in deep learning,so as to obtain a model with higher accuracy.However,massive data and complex model structures require more calculating resources.Since people generally can only carry and use mobile and portable devices in application scenarios,neural networks have limitations in terms of calculating resources,size and power consumption.Therefore,the efficient lightweight model MobileNet is used as the basic network in this study for optimization.First,the accuracy of the MobileNet model is improved by adding methods such as the convolutional block attention module(CBAM)and expansion convolution.Then,the MobileNet model is compressed by using pruning and weight quantization algorithms based on weight size.Afterwards,methods such as Python crawlers and data augmentation are employed to create a garbage classification data set.Based on the above model optimization strategy,the garbage classification mobile terminal application is deployed on mobile phones and raspberry pies,realizing completing the garbage classification task more conveniently. 展开更多
关键词 MobileNet convolutional block attention module(CBAM) model pruning and quantization edge machine learning
在线阅读 下载PDF
Traffic Sign Recognition for Autonomous Vehicle Using Optimized YOLOv7 and Convolutional Block Attention Module 被引量:2
8
作者 P.Kuppusamy M.Sanjay +1 位作者 P.V.Deepashree C.Iwendi 《Computers, Materials & Continua》 SCIE EI 2023年第10期445-466,共22页
The infrastructure and construction of roads are crucial for the economic and social development of a region,but traffic-related challenges like accidents and congestion persist.Artificial Intelligence(AI)and Machine ... The infrastructure and construction of roads are crucial for the economic and social development of a region,but traffic-related challenges like accidents and congestion persist.Artificial Intelligence(AI)and Machine Learning(ML)have been used in road infrastructure and construction,particularly with the Internet of Things(IoT)devices.Object detection in Computer Vision also plays a key role in improving road infrastructure and addressing trafficrelated problems.This study aims to use You Only Look Once version 7(YOLOv7),Convolutional Block Attention Module(CBAM),the most optimized object-detection algorithm,to detect and identify traffic signs,and analyze effective combinations of adaptive optimizers like Adaptive Moment estimation(Adam),Root Mean Squared Propagation(RMSprop)and Stochastic Gradient Descent(SGD)with the YOLOv7.Using a portion of German traffic signs for training,the study investigates the feasibility of adopting smaller datasets while maintaining high accuracy.The model proposed in this study not only improves traffic safety by detecting traffic signs but also has the potential to contribute to the rapid development of autonomous vehicle systems.The study results showed an impressive accuracy of 99.7%when using a batch size of 8 and the Adam optimizer.This high level of accuracy demonstrates the effectiveness of the proposed model for the image classification task of traffic sign recognition. 展开更多
关键词 Object detection traffic sign detection YOLOv7 convolutional block attention module road sign detection ADAM
在线阅读 下载PDF
Irregularly sampled seismic data interpolation via wavelet-based convolutional block attention deep learning 被引量:2
9
作者 Yihuai Lou Lukun Wu +4 位作者 Lin Liu Kai Yu Naihao Liu Zhiguo Wang Wei Wang 《Artificial Intelligence in Geosciences》 2022年第1期192-202,共11页
Seismic data interpolation,especially irregularly sampled data interpolation,is a critical task for seismic processing and subsequent interpretation.Recently,with the development of machine learning and deep learning,... Seismic data interpolation,especially irregularly sampled data interpolation,is a critical task for seismic processing and subsequent interpretation.Recently,with the development of machine learning and deep learning,convolutional neural networks(CNNs)are applied for interpolating irregularly sampled seismic data.CNN based approaches can address the apparent defects of traditional interpolation methods,such as the low computational efficiency and the difficulty on parameters selection.However,current CNN based methods only consider the temporal and spatial features of irregularly sampled seismic data,which fail to consider the frequency features of seismic data,i.e.,the multi-scale features.To overcome these drawbacks,we propose a wavelet-based convolutional block attention deep learning(W-CBADL)network for irregularly sampled seismic data reconstruction.We firstly introduce the discrete wavelet transform(DWT)and the inverse wavelet transform(IWT)to the commonly used U-Net by considering the multi-scale features of irregularly sampled seismic data.Moreover,we propose to adopt the convolutional block attention module(CBAM)to precisely restore sampled seismic traces,which could apply the attention to both channel and spatial dimensions.Finally,we adopt the proposed W-CBADL model to synthetic and pre-stack field data to evaluate its validity and effectiveness.The results demonstrate that the proposed W-CBADL model could reconstruct irregularly sampled seismic data more effectively and more efficiently than the state-of-the-art contrastive CNN based models. 展开更多
关键词 Irregularly sampled seismic data reconstruction Deep learning U-Net Discrete wavelet transform convolutional block attention module
在线阅读 下载PDF
Completed attention convolutional neural network for MRI image segmentation
10
作者 ZHANG Zhong LV Shijie +1 位作者 LIU Shuang XIAO Baihua 《High Technology Letters》 EI CAS 2022年第3期247-251,共5页
Attention mechanism combined with convolutional neural network(CNN) achieves promising performance for magnetic resonance imaging(MRI) image segmentation,however these methods only learn attention weights from single ... Attention mechanism combined with convolutional neural network(CNN) achieves promising performance for magnetic resonance imaging(MRI) image segmentation,however these methods only learn attention weights from single scale,resulting in incomplete attention learning.A novel method named completed attention convolutional neural network(CACNN) is proposed for MRI image segmentation.Specifically,the channel-wise attention block(CWAB) and the pixel-wise attention block(PWAB) are designed to learn attention weights from the aspects of channel and pixel levels.As a result,completed attention weights are obtained,which is beneficial to discriminative feature learning.The method is verified on two widely used datasets(HVSMR and MRBrainS),and the experimental results demonstrate that the proposed method achieves better results than the state-of-theart methods. 展开更多
关键词 magnetic resonance imaging(MRI)image segmentation completed attention convolutional neural network(CACNN)
在线阅读 下载PDF
An attention graph stacked autoencoder for anomaly detection of electro-mechanical actuator using spatio-temporal multivariate signals
11
作者 Jianyu WANG Heng ZHANG Qiang MIAO 《Chinese Journal of Aeronautics》 SCIE EI CAS CSCD 2024年第9期506-520,共15页
Health monitoring of electro-mechanical actuator(EMA)is critical to ensure the security of airplanes.It is difficult or even impossible to collect enough labeled failure or degradation data from actual EMA.The autoenc... Health monitoring of electro-mechanical actuator(EMA)is critical to ensure the security of airplanes.It is difficult or even impossible to collect enough labeled failure or degradation data from actual EMA.The autoencoder based on reconstruction loss is a popular model that can carry out anomaly detection with only consideration of normal training data,while it fails to capture spatio-temporal information from multivariate time series signals of multiple monitoring sensors.To mine the spatio-temporal information from multivariate time series signals,this paper proposes an attention graph stacked autoencoder for EMA anomaly detection.Firstly,attention graph con-volution is introduced into autoencoder to convolve temporal information from neighbor features to current features based on different weight attentions.Secondly,stacked autoencoder is applied to mine spatial information from those new aggregated temporal features.Finally,based on the bench-mark reconstruction loss of normal training data,different health thresholds calculated by several statistic indicators can carry out anomaly detection for new testing data.In comparison with tra-ditional stacked autoencoder,the proposed model could obtain higher fault detection rate and lower false alarm rate in EMA anomaly detection experiment. 展开更多
关键词 Anomaly detection Spatio-temporal informa-tion Multivariate time series signals attention graph convolution Stacked autoencoder
原文传递
ParMamba:A Parallel Architecture Using CNN and Mamba for Brain Tumor Classification
12
作者 Gaoshuai Su HongyangLi Huafeng Chen 《Computer Modeling in Engineering & Sciences》 2025年第3期2527-2545,共19页
Brain tumors,one of the most lethal diseases with low survival rates,require early detection and accurate diagnosis to enable effective treatment planning.While deep learning architectures,particularly Convolutional N... Brain tumors,one of the most lethal diseases with low survival rates,require early detection and accurate diagnosis to enable effective treatment planning.While deep learning architectures,particularly Convolutional Neural Networks(CNNs),have shown significant performance improvements over traditional methods,they struggle to capture the subtle pathological variations between different brain tumor types.Recent attention-based models have attempted to address this by focusing on global features,but they come with high computational costs.To address these challenges,this paper introduces a novel parallel architecture,ParMamba,which uniquely integrates Convolutional Attention Patch Embedding(CAPE)and the Conv Mamba block including CNN,Mamba and the channel enhancement module,marking a significant advancement in the field.The unique design of ConvMamba block enhances the ability of model to capture both local features and long-range dependencies,improving the detection of subtle differences between tumor types.The channel enhancement module refines feature interactions across channels.Additionally,CAPE is employed as a downsampling layer that extracts both local and global features,further improving classification accuracy.Experimental results on two publicly available brain tumor datasets demonstrate that ParMamba achieves classification accuracies of 99.62%and 99.35%,outperforming existing methods.Notably,ParMamba surpasses vision transformers(ViT)by 1.37%in accuracy,with a throughput improvement of over 30%.These results demonstrate that ParMamba delivers superior performance while operating faster than traditional attention-based methods. 展开更多
关键词 Brain tumor classification convolutional neural networks channel enhancementmodule convolutional attention patch embedding mamba ParMamba
在线阅读 下载PDF
YOLOv8s-DroneNet: Small Object Detection Algorithm Based on Feature Selection and ISIoU
13
作者 Jian Peng Hui He Dengyong Zhang 《Computers, Materials & Continua》 2025年第9期5047-5061,共15页
Object detection plays a critical role in drone imagery analysis,especially in remote sensing applications where accurate and efficient detection of small objects is essential.Despite significant advancements in drone... Object detection plays a critical role in drone imagery analysis,especially in remote sensing applications where accurate and efficient detection of small objects is essential.Despite significant advancements in drone imagery detection,most models still struggle with small object detection due to challenges such as object size,complex backgrounds.To address these issues,we propose a robust detection model based on You Only Look Once(YOLO)that balances accuracy and efficiency.The model mainly contains several major innovation:feature selection pyramid network,Inner-Shape Intersection over Union(ISIoU)loss function and small object detection head.To overcome the limitations of traditional fusion methods in handling multi-level features,we introduce a Feature Selection Pyramid Network integrated into the Neck component,which preserves shallow feature details critical for detecting small objects.Additionally,recognizing that deep network structures often neglect or degrade small object features,we design a specialized small object detection head in the shallow layers to enhance detection accuracy for these challenging targets.To effectively model both local and global dependencies,we introduce a Conv-Former module that simulates Transformer mechanisms using a convolutional structure,thereby improving feature enhancement.Furthermore,we employ ISIoU to address object imbalance and scale variation This approach accelerates model conver-gence and improves regression accuracy.Experimental results show that,compared to the baseline model,the proposed method significantly improves small object detection performance on the VisDrone2019 dataset,with mAP@50 increasing by 4.9%and mAP@50-95 rising by 6.7%.This model also outperforms other state-of-the-art algorithms,demonstrating its reliability and effectiveness in both small object detection and remote sensing image fusion tasks. 展开更多
关键词 Drone imagery small object detection feature selection convolutional attention
在线阅读 下载PDF
Malicious Document Detection Based on GGE Visualization
14
作者 Youhe Wang Yi Sun +1 位作者 Yujie Li Chuanqi Zhou 《Computers, Materials & Continua》 SCIE EI 2025年第1期1233-1254,共22页
With the development of anti-virus technology,malicious documents have gradually become the main pathway of Advanced Persistent Threat(APT)attacks,therefore,the development of effective malicious document classifiers ... With the development of anti-virus technology,malicious documents have gradually become the main pathway of Advanced Persistent Threat(APT)attacks,therefore,the development of effective malicious document classifiers has become particularly urgent.Currently,detection methods based on document structure and behavioral features encounter challenges in feature engineering,these methods not only have limited accuracy,but also consume large resources,and usually can only detect documents in specific formats,which lacks versatility and adaptability.To address such problems,this paper proposes a novel malicious document detection method-visualizing documents as GGE images(Grayscale,Grayscale matrix,Entropy).The GGE method visualizes the original byte sequence of the malicious document as a grayscale image,the information entropy sequence of the document as an entropy image,and at the same time,the grayscale level co-occurrence matrix and the texture and spatial information stored in it are converted into grayscale matrix image,and fuses the three types of images to get the GGE color image.The Convolutional Block Attention Module-EfficientNet-B0(CBAM-EfficientNet-B0)model is then used for classification,combining transfer learning and applying the pre-trained model on the ImageNet dataset to the feature extraction process of GGE images.As shown in the experimental results,the GGE method has superior performance compared with other methods,which is suitable for detecting malicious documents in different formats,and achieves an accuracy of 99.44%and 97.39%on Portable Document Format(PDF)and office datasets,respectively,and consumes less time during the detection process,which can be effectively applied to the task of detecting malicious documents in real-time. 展开更多
关键词 Malicious document VISUALIZATION EfficientNet-B0 convolutional block attention module GGE image
在线阅读 下载PDF
Rolling Bearing Fault Diagnosis Based on MTF Encoding and CBAM-LCNN Mechanism
15
作者 Wei Liu Sen Liu +2 位作者 Yinchao He Jiaojiao Wang Yu Gu 《Computers, Materials & Continua》 2025年第3期4863-4880,共18页
To address the issues of slow diagnostic speed,low accuracy,and poor generalization performance in traditional rolling bearing fault diagnosis methods,we propose a rolling bearing fault diagnosis method based on Marko... To address the issues of slow diagnostic speed,low accuracy,and poor generalization performance in traditional rolling bearing fault diagnosis methods,we propose a rolling bearing fault diagnosis method based on Markov Transition Field(MTF)image encoding combined with a lightweight convolutional neural network that integrates a Convolutional Block Attention Module(CBAM-LCNN).Specifically,we first use the Markov Transition Field to convert the original one-dimensional vibration signals of rolling bearings into two-dimensional images.Then,we construct a lightweight convolutional neural network incorporating the convolutional attention module(CBAM-LCNN).Finally,the two-dimensional images obtained from MTF mapping are fed into the CBAM-LCNN network for image feature extraction and fault diagnosis.We validate the effectiveness of the proposed method on the bearing fault datasets from Guangdong University of Petrochemical Technology’s multi-stage centrifugal fan and Case Western Reserve University.Experimental results show that,compared to other advanced baseline methods,the proposed rolling bearing fault diagnosis method offers faster diagnostic speed and higher diagnostic accuracy.In addition,we conducted experiments on the Xi’an Jiaotong University rolling bearing dataset,achieving excellent results in bearing fault diagnosis.These results validate the strong generalization performance of the proposed method.The method presented in this paper not only effectively diagnoses faults in rolling bearings but also serves as a reference for fault diagnosis in other equipment. 展开更多
关键词 Rolling bearing fault diagnosis markov transition field lightweight convolutional neural network convolutional block attention module
在线阅读 下载PDF
Research on YOLO algorithm for lightweight PCB defect detection based on MobileViT
16
作者 LIU Yuchen LIU Fuzheng JIANG Mingshun 《Optoelectronics Letters》 2025年第8期483-490,共8页
Current you only look once(YOLO)-based algorithm model is facing the challenge of overwhelming parameters and calculation complexity under the printed circuit board(PCB)defect detection application scenario.In order t... Current you only look once(YOLO)-based algorithm model is facing the challenge of overwhelming parameters and calculation complexity under the printed circuit board(PCB)defect detection application scenario.In order to solve this problem,we propose a new method,which combined the lightweight network mobile vision transformer(Mobile Vi T)with the convolutional block attention module(CBAM)mechanism and the new regression loss function.This method needed less computation resources,making it more suitable for embedded edge detection devices.Meanwhile,the new loss function improved the positioning accuracy of the bounding box and enhanced the robustness of the model.In addition,experiments on public datasets demonstrate that the improved model achieves an average accuracy of 87.9%across six typical defect detection tasks,while reducing computational costs by nearly 90%.It significantly reduces the model's computational requirements while maintaining accuracy,ensuring reliable performance for edge deployment. 展开更多
关键词 YOLO lightweight network mobile vision transformer mobile Lightweight Network convolutional block attention module cbam mechanism MobileViT CBAM PCB Defect Detection Regression Loss Function
原文传递
Deep Learning-Based Health Assessment Method for Benzene-to-Ethylene Ratio Control Systems under Incomplete Data
17
作者 Huichao Cao Honghe Du +3 位作者 Dongnian Jiang Wei Li Lei Du Jianfeng Yang 《Structural Durability & Health Monitoring》 2025年第5期1305-1325,共21页
In the production processes of modern industry,accurate assessment of the system’s health state and traceability non-optimal factors are key to ensuring“safe,stable,long-term,full load and optimal”operation of the ... In the production processes of modern industry,accurate assessment of the system’s health state and traceability non-optimal factors are key to ensuring“safe,stable,long-term,full load and optimal”operation of the production process.The benzene-to-ethylene ratio control system is a complex system based on anMPC-PID doublelayer architecture.Taking into consideration the interaction between levels,coupling between loops and conditions of incomplete operation data,this paper proposes a health assessment method for the dual-layer control system by comprehensively utilizing deep learning technology.Firstly,according to the results of the pre-assessment of the system layers and loops bymultivariate statisticalmethods,seven characteristic parameters that have a significant impact on the health state of the system are identified.Next,aiming at the problem of incomplete assessment data set due to the uneven distribution of actual system operating health state,the original unbalanced dataset is augmented using aWasserstein generative adversarial network with gradient penalty term,and a complete dataset is obtained to characterise all the health states of the system.On this basis,a new deep learning-based health assessment framework for the benzeneto-ethylene ratio control system is constructed based on traditionalmultivariate statistical assessment.This framework can overcome the shortcomings of the linear weighted fusion related to the coupling and nonlinearity of the subsystem health state at different layers,and reduce the dependence of the prior knowledge.Furthermore,by introducing a dynamic attention mechanism(AM)into the convolutional neural network(CNN),the assessment model integrating both assessment and traceability is constructed,which can achieve the health assessment and trace the non-optimal factors of the complex control systems with the double-layer architecture.Finally,the effectiveness and superiority of the proposed method have been verified by the benzene-ethylene ratio control system of the alkylation process unit in a styrene plant. 展开更多
关键词 The benzene-to-ethylene ratio control system health assessment data augmentation Wasserstein generative adversarial network with gradient penalty term dynamic attention mechanism into the convolutional neural network
在线阅读 下载PDF
Facial Expression Recognition Using Enhanced Convolution Neural Network with Attention Mechanism 被引量:5
18
作者 K.Prabhu S.SathishKumar +2 位作者 M.Sivachitra S.Dineshkumar P.Sathiyabama 《Computer Systems Science & Engineering》 SCIE EI 2022年第4期415-426,共12页
Facial Expression Recognition(FER)has been an interesting area of research in places where there is human-computer interaction.Human psychol-ogy,emotions and behaviors can be analyzed in FER.Classifiers used in FER hav... Facial Expression Recognition(FER)has been an interesting area of research in places where there is human-computer interaction.Human psychol-ogy,emotions and behaviors can be analyzed in FER.Classifiers used in FER have been perfect on normal faces but have been found to be constrained in occluded faces.Recently,Deep Learning Techniques(DLT)have gained popular-ity in applications of real-world problems including recognition of human emo-tions.The human face reflects emotional states and human intentions.An expression is the most natural and powerful way of communicating non-verbally.Systems which form communications between the two are termed Human Machine Interaction(HMI)systems.FER can improve HMI systems as human expressions convey useful information to an observer.This paper proposes a FER scheme called EECNN(Enhanced Convolution Neural Network with Atten-tion mechanism)to recognize seven types of human emotions with satisfying results in its experiments.Proposed EECNN achieved 89.8%accuracy in classi-fying the images. 展开更多
关键词 Facial expression recognition linear discriminant analysis animal migration optimization regions of interest enhanced convolution neural network with attention mechanism
在线阅读 下载PDF
Foreground Segmentation Network with Enhanced Attention
19
作者 姜锐 朱瑞祥 +1 位作者 蔡萧萃 苏虎 《Journal of Shanghai Jiaotong university(Science)》 EI 2023年第3期360-369,共10页
Moving object segmentation (MOS) is one of the essential functions of the vision system of all robots,including medical robots. Deep learning-based MOS methods, especially deep end-to-end MOS methods, are actively inv... Moving object segmentation (MOS) is one of the essential functions of the vision system of all robots,including medical robots. Deep learning-based MOS methods, especially deep end-to-end MOS methods, are actively investigated in this field. Foreground segmentation networks (FgSegNets) are representative deep end-to-endMOS methods proposed recently. This study explores a new mechanism to improve the spatial feature learningcapability of FgSegNets with relatively few brought parameters. Specifically, we propose an enhanced attention(EA) module, a parallel connection of an attention module and a lightweight enhancement module, with sequentialattention and residual attention as special cases. We also propose integrating EA with FgSegNet_v2 by taking thelightweight convolutional block attention module as the attention module and plugging EA module after the twoMaxpooling layers of the encoder. The derived new model is named FgSegNet_v2 EA. The ablation study verifiesthe effectiveness of the proposed EA module and integration strategy. The results on the CDnet2014 dataset,which depicts human activities and vehicles captured in different scenes, show that FgSegNet_v2 EA outperformsFgSegNet_v2 by 0.08% and 14.5% under the settings of scene dependent evaluation and scene independent evaluation, respectively, which indicates the positive effect of EA on improving spatial feature learning capability ofFgSegNet_v2. 展开更多
关键词 human-computer interaction moving object segmentation foreground segmentation network enhanced attention convolutional block attention module
原文传递
Innovative deep learning method for predicting the state of health of lithium-ion batteries based on electrochemical impedance spectroscopy and attention mechanisms
20
作者 Cheng Lou Jianhao Zhang +2 位作者 Xianmin Mu Fanpeng Zeng Kai Wang 《Frontiers of Chemical Science and Engineering》 2025年第6期109-122,共14页
Electrochemical impedance spectroscopy plays a crucial role in monitoring the state of health of lithium-ion batteries.However,effective feature extraction often relies on limited information and prior knowledge.To ad... Electrochemical impedance spectroscopy plays a crucial role in monitoring the state of health of lithium-ion batteries.However,effective feature extraction often relies on limited information and prior knowledge.To add-ress this issue,this paper presents an innovative approach that utilizes the gramian angular field method to transform raw electrochemical impedance spectroscopy data into image data that is easily recognizable by convolutional neural networks.Subsequently,the convolutional block attention module is integrated with bidirectional gated recurrent unit for state of health prediction.First,convolu-tional block attention module is applied to the electro-chemical impedance spectroscopy image data to enhance key features while suppressing redundant information,thereby effectively extracting representative battery state features.Subsequently,the extracted features are fed into a bidirectional gated recurrent unit network for time series modeling to capture the dynamic changes in battery state of health.Experimental results show a significant im-provement in the accuracy of state of health predictions,highlighting the effectiveness of convolutional block atten-tion module in feature extraction and the advantages of bidirectional gated recurrent unit in time series forecasting.This research provides an attention mechanism-based feature extraction solution for lithium-ion battery health management,demonstrating the extensive application potential of deep learning in battery state monitoring. 展开更多
关键词 electrochemical impedance spectroscopy state of health gramian angular field convolutional block attention module bidirectional gated recurrent units
原文传递
上一页 1 2 下一页 到第
使用帮助 返回顶部