期刊文献+
共找到10,871篇文章
< 1 2 250 >
每页显示 20 50 100
Detection of geohazards caused by human disturbance activities based on convolutional neural networks
1
作者 ZHANG Heng ZHANG Diandian +1 位作者 YUAN Da LIU Tao 《水利水电技术(中英文)》 北大核心 2025年第S1期731-738,共8页
Human disturbance activities is one of the main reasons for inducing geohazards.Ecological impact assessment metrics of roads are inconsistent criteria and multiple.From the perspective of visual observation,the envir... Human disturbance activities is one of the main reasons for inducing geohazards.Ecological impact assessment metrics of roads are inconsistent criteria and multiple.From the perspective of visual observation,the environment damage can be shown through detecting the uncovered area of vegetation in the images along road.To realize this,an end-to-end environment damage detection model based on convolutional neural network is proposed.A 50-layer residual network is used to extract feature map.The initial parameters are optimized by transfer learning.An example is shown by this method.The dataset including cliff and landslide damage are collected by us along road in Shennongjia national forest park.Results show 0.4703 average precision(AP)rating for cliff damage and 0.4809 average precision(AP)rating for landslide damage.Compared with YOLOv3,our model shows a better accuracy in cliff and landslide detection although a certain amount of speed is sacrificed. 展开更多
关键词 convolutional neural network DETECTION environment damage CLIFF LANDSLIDE
在线阅读 下载PDF
High-resolution reconstruction of the ablative RT instability flowfield via convolutional neural networks
2
作者 Xia Zhiyang Kuang Yuanyuan +1 位作者 Lu Yan Yang Ming 《强激光与粒子束》 CAS CSCD 北大核心 2024年第12期42-49,共8页
High-resolution flow field data has important applications in meteorology,aerospace engineering,high-energy physics and other fields.Experiments and numerical simulations are two main ways to obtain high-resolution fl... High-resolution flow field data has important applications in meteorology,aerospace engineering,high-energy physics and other fields.Experiments and numerical simulations are two main ways to obtain high-resolution flow field data,while the high experiment cost and computing resources for simulation hinder the specificanalysis of flow field evolution.With the development of deep learning technology,convolutional neural networks areused to achieve high-resolution reconstruction of the flow field.In this paper,an ordinary convolutional neuralnetwork and a multi-time-path convolutional neural network are established for the ablative Rayleigh-Taylorinstability.These two methods can reconstruct the high-resolution flow field in just a few seconds,and further greatlyenrich the application of high-resolution reconstruction technology in fluid instability.Compared with the ordinaryconvolutional neural network,the multi-time-path convolutional neural network model has smaller error and canrestore more details of the flow field.The influence of low-resolution flow field data obtained by the two poolingmethods on the convolutional neural networks model is also discussed. 展开更多
关键词 convolutional neural networks ablative Rayleigh-Taylor instability high-resolutionreconstruction multi-time-path pooling
在线阅读 下载PDF
Convolutional neural networks for time series classification 被引量:52
3
作者 Bendong Zhao Huanzhang Lu +2 位作者 Shangfeng Chen Junliang Liu Dongya Wu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2017年第1期162-169,共8页
Time series classification is an important task in time series data mining, and has attracted great interests and tremendous efforts during last decades. However, it remains a challenging problem due to the nature of ... Time series classification is an important task in time series data mining, and has attracted great interests and tremendous efforts during last decades. However, it remains a challenging problem due to the nature of time series data: high dimensionality, large in data size and updating continuously. The deep learning techniques are explored to improve the performance of traditional feature-based approaches. Specifically, a novel convolutional neural network (CNN) framework is proposed for time series classification. Different from other feature-based classification approaches, CNN can discover and extract the suitable internal structure to generate deep features of the input time series automatically by using convolution and pooling operations. Two groups of experiments are conducted on simulated data sets and eight groups of experiments are conducted on real-world data sets from different application domains. The final experimental results show that the proposed method outperforms state-of-the-art methods for time series classification in terms of the classification accuracy and noise tolerance. © 1990-2011 Beijing Institute of Aerospace Information. 展开更多
关键词 convolutION Data mining neural networks Time series Virtual reality
在线阅读 下载PDF
Discrimination of mining microseismic events and blasts using convolutional neural networks and original waveform 被引量:24
4
作者 DONG Long-jun TANG Zheng +2 位作者 LI Xi-bing CHEN Yong-chao XUE Jin-chun 《Journal of Central South University》 SCIE EI CAS CSCD 2020年第10期3078-3089,共12页
Microseismic monitoring system is one of the effective methods for deep mining geo-stress monitoring.The principle of microseismic monitoring system is to analyze the mechanical parameters contained in microseismic ev... Microseismic monitoring system is one of the effective methods for deep mining geo-stress monitoring.The principle of microseismic monitoring system is to analyze the mechanical parameters contained in microseismic events for providing accurate information of rockmass.The accurate identification of microseismic events and blasts determines the timeliness and accuracy of early warning of microseismic monitoring technology.An image identification model based on Convolutional Neural Network(CNN)is established in this paper for the seismic waveforms of microseismic events and blasts.Firstly,the training set,test set,and validation set are collected,which are composed of 5250,1500,and 750 seismic waveforms of microseismic events and blasts,respectively.The classified data sets are preprocessed and input into the constructed CNN in CPU mode for training.Results show that the accuracies of microseismic events and blasts are 99.46%and 99.33%in the test set,respectively.The accuracies of microseismic events and blasts are 100%and 98.13%in the validation set,respectively.The proposed method gives superior performance when compared with existed methods.The accuracies of models using logistic regression and artificial neural network(ANN)based on the same data set are 54.43%and 67.9%in the test set,respectively.Then,the ROC curves of the three models are obtained and compared,which show that the CNN gives an absolute advantage in this classification model when the original seismic waveform are used in training the model.It not only decreases the influence of individual differences in experience,but also removes the errors induced by source and waveform parameters.It is proved that the established discriminant method improves the efficiency and accuracy of microseismic data processing for monitoring rock instability and seismicity. 展开更多
关键词 microseismic monitoring waveform classification microseismic events BLASTS convolutional neural network
在线阅读 下载PDF
Effective distributed convolutional neural network architecture for remote sensing images target classification with a pre-training approach 被引量:3
5
作者 LI Binquan HU Xiaohui 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2019年第2期238-244,共7页
How to recognize targets with similar appearances from remote sensing images(RSIs) effectively and efficiently has become a big challenge. Recently, convolutional neural network(CNN) is preferred in the target classif... How to recognize targets with similar appearances from remote sensing images(RSIs) effectively and efficiently has become a big challenge. Recently, convolutional neural network(CNN) is preferred in the target classification due to the powerful feature representation ability and better performance. However,the training and testing of CNN mainly rely on single machine.Single machine has its natural limitation and bottleneck in processing RSIs due to limited hardware resources and huge time consuming. Besides, overfitting is a challenge for the CNN model due to the unbalance between RSIs data and the model structure.When a model is complex or the training data is relatively small,overfitting occurs and leads to a poor predictive performance. To address these problems, a distributed CNN architecture for RSIs target classification is proposed, which dramatically increases the training speed of CNN and system scalability. It improves the storage ability and processing efficiency of RSIs. Furthermore,Bayesian regularization approach is utilized in order to initialize the weights of the CNN extractor, which increases the robustness and flexibility of the CNN model. It helps prevent the overfitting and avoid the local optima caused by limited RSI training images or the inappropriate CNN structure. In addition, considering the efficiency of the Na¨?ve Bayes classifier, a distributed Na¨?ve Bayes classifier is designed to reduce the training cost. Compared with other algorithms, the proposed system and method perform the best and increase the recognition accuracy. The results show that the distributed system framework and the proposed algorithms are suitable for RSIs target classification tasks. 展开更多
关键词 convolutional neural network (cnn) DISTRIBUTED architecture REMOTE SENSING images (RSIs) TARGET classification pre-training
在线阅读 下载PDF
Automatic Calcified Plaques Detection in the OCT Pullbacks Using Convolutional Neural Networks 被引量:2
6
作者 Chunliu He Yifan Yin +2 位作者 Jiaqiu Wang Biao Xu Zhiyong Li 《医用生物力学》 EI CAS CSCD 北大核心 2019年第A01期109-110,共2页
Background Coronary artery calcification is a well-known marker of atherosclerotic plaque burden.High-resolution intravascular optical coherence tomography(OCT)imaging has shown the potential to characterize the detai... Background Coronary artery calcification is a well-known marker of atherosclerotic plaque burden.High-resolution intravascular optical coherence tomography(OCT)imaging has shown the potential to characterize the details of coronary calcification in vivo.In routine clinical practice,it is a time-consuming and laborious task for clinicians to review the over 250 images in a single pullback.Besides,the imbalance label distribution within the entire pullbacks is another problem,which could lead to the failure of the classifier model.Given the success of deep learning methods with other imaging modalities,a thorough understanding of calcified plaque detection using Convolutional Neural Networks(CNNs)within pullbacks for future clinical decision was required.Methods All 33 IVOCT clinical pullbacks of 33 patients were taken from Affiliated Drum Tower Hospital,Nanjing University between December 2017 and December 2018.For ground-truth annotation,three trained experts determined the type of plaque that was present in a B-Scan.The experts assigned the labels'no calcified plaque','calcified plaque'for each OCT image.All experts were provided the all images for labeling.The final label was determined based on consensus between the experts,different opinions on the plaque type were resolved by asking the experts for a repetition of their evaluation.Before the implement of algorithm,all OCT images was resized to a resolution of 300×300,which matched the range used with standard architectures in the natural image domain.In the study,we randomly selected 26 pullbacks for training,the remaining data were testing.While,imbalance label distribution within entire pullbacks was great challenge for various CNNs architecture.In order to resolve the problem,we designed the following experiment.First,we fine-tuned twenty different CNNs architecture,including customize CNN architectures and pretrained CNN architectures.Considering the nature of OCT images,customize CNN architectures were designed that the layers were fewer than 25 layers.Then,three with good performance were selected and further deep fine-tuned to train three different models.The difference of CNNs was mainly in the model architecture,such as depth-based residual networks,width-based inception networks.Finally,the three CNN models were used to majority voting,the predicted labels were from the most voting.Areas under the receiver operating characteristic curve(ROC AUC)were used as the evaluation metric for the imbalance label distribution.Results The imbalance label distribution within pullbacks affected both convergence during the training phase and generalization of a CNN model.Different labels of OCT images could be classified with excellent performance by fine tuning parameters of CNN architectures.Overall,we find that our final result performed best with an accuracy of 90%of'calcified plaque'class,which the numbers were less than'no calcified plaque'class in one pullback.Conclusions The obtained results showed that the method is fast and effective to classify calcific plaques with imbalance label distribution in each pullback.The results suggest that the proposed method could be facilitating our understanding of coronary artery calcification in the process of atherosclerosis andhelping guide complex interventional strategies in coronary arteries with superficial calcification. 展开更多
关键词 CALCIFIED PLAQUE INTRAVASCULAR optical coherence tomography deep learning IMBALANCE LABEL distribution convolutional neural networks
在线阅读 下载PDF
Deep convolutional neural network for meteorology target detection in airborne weather radar images 被引量:3
7
作者 YU Chaopeng XIONG Wei +1 位作者 LI Xiaoqing DONG Lei 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2023年第5期1147-1157,共11页
Considering the problem that the scattering echo images of airborne Doppler weather radar are often reduced by ground clutters,the accuracy and confidence of meteorology target detection are reduced.In this paper,a de... Considering the problem that the scattering echo images of airborne Doppler weather radar are often reduced by ground clutters,the accuracy and confidence of meteorology target detection are reduced.In this paper,a deep convolutional neural network(DCNN)is proposed for meteorology target detection and ground clutter suppression with a large collection of airborne weather radar images as network input.For each weather radar image,the corresponding digital elevation model(DEM)image is extracted on basis of the radar antenna scan-ning parameters and plane position,and is further fed to the net-work as a supplement for ground clutter suppression.The fea-tures of actual meteorology targets are learned in each bottle-neck module of the proposed network and convolved into deeper iterations in the forward propagation process.Then the network parameters are updated by the back propagation itera-tion of the training error.Experimental results on the real mea-sured images show that our proposed DCNN outperforms the counterparts in terms of six evaluation factors.Meanwhile,the network outputs are in good agreement with the expected mete-orology detection results(labels).It is demonstrated that the pro-posed network would have a promising meteorology observa-tion application with minimal effort on network variables or parameter changes. 展开更多
关键词 meteorology target detection ground clutter sup-pression weather radar images convolutional neural network(cnn)
在线阅读 下载PDF
Uplink NOMA signal transmission with convolutional neural networks approach 被引量:3
8
作者 LIN Chuan CHANG Qing LI Xianxu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2020年第5期890-898,共9页
Non-orthogonal multiple access(NOMA), featuring high spectrum efficiency, massive connectivity and low latency, holds immense potential to be a novel multi-access technique in fifth-generation(5G) communication. Succe... Non-orthogonal multiple access(NOMA), featuring high spectrum efficiency, massive connectivity and low latency, holds immense potential to be a novel multi-access technique in fifth-generation(5G) communication. Successive interference cancellation(SIC) is proved to be an effective method to detect the NOMA signal by ordering the power of received signals and then decoding them. However, the error accumulation effect referred to as error propagation is an inevitable problem. In this paper,we propose a convolutional neural networks(CNNs) approach to restore the desired signal impaired by the multiple input multiple output(MIMO) channel. Especially in the uplink NOMA scenario,the proposed method can decode multiple users' information in a cluster instantaneously without any traditional communication signal processing steps. Simulation experiments are conducted in the Rayleigh channel and the results demonstrate that the error performance of the proposed learning system outperforms that of the classic SIC detection. Consequently, deep learning has disruptive potential to replace the conventional signal detection method. 展开更多
关键词 non-orthogonal multiple access(NOMA) deep learning(DL) convolutional neural networks(cnns) signal detection
在线阅读 下载PDF
Real-time object segmentation based on convolutional neural network with saliency optimization for picking 被引量:1
9
作者 CHEN Jinbo WANG Zhiheng LI Hengyu 《Journal of Systems Engineering and Electronics》 SCIE EI CSCD 2018年第6期1300-1307,共8页
This paper concerns the problem of object segmentation in real-time for picking system. A region proposal method inspired by human glance based on the convolutional neural network is proposed to select promising regio... This paper concerns the problem of object segmentation in real-time for picking system. A region proposal method inspired by human glance based on the convolutional neural network is proposed to select promising regions, allowing more processing is reserved only for these regions. The speed of object segmentation is significantly improved by the region proposal method.By the combination of the region proposal method based on the convolutional neural network and superpixel method, the category and location information can be used to segment objects and image redundancy is significantly reduced. The processing time is reduced considerably by this to achieve the real time. Experiments show that the proposed method can segment the interested target object in real time on an ordinary laptop. 展开更多
关键词 convolutional neural network object detection object segmentation superpixel saliency optimization
在线阅读 下载PDF
基于MSCNN-GRU神经网络补全测井曲线和可解释性的智能岩性识别 被引量:1
10
作者 王婷婷 王振豪 +2 位作者 赵万春 蔡萌 史晓东 《石油地球物理勘探》 北大核心 2025年第1期1-11,共11页
针对传统岩性识别方法在处理测井曲线缺失、准确性以及模型可解释性等方面的不足,提出了一种基于MSCNN-GRU神经网络补全测井曲线和Optuna超参数优化的XGBoost模型的可解释性的岩性识别方法。首先,针对测井曲线在特定层段丢失或失真的问... 针对传统岩性识别方法在处理测井曲线缺失、准确性以及模型可解释性等方面的不足,提出了一种基于MSCNN-GRU神经网络补全测井曲线和Optuna超参数优化的XGBoost模型的可解释性的岩性识别方法。首先,针对测井曲线在特定层段丢失或失真的问题,引入了基于多尺度卷积神经网络(MSCNN)与门控循环单元(GRU)神经网络相结合的曲线重构方法,为后续的岩性识别提供了准确的数据基础;其次,利用小波包自适应阈值方法对数据进行去噪和归一化处理,以减少噪声对岩性识别的影响;然后,采用Optuna框架确定XGBoost算法的超参数,建立了高效的岩性识别模型;最后,利用SHAP可解释性方法对XGBoost模型进行归因分析,揭示了不同特征对于岩性识别的贡献度,提升了模型的可解释性。结果表明,Optuna-XGBoost模型综合岩性识别准确率为79.91%,分别高于支持向量机(SVM)、朴素贝叶斯、随机森林三种神经网络模型24.89%、12.45%、6.33%。基于Optuna-XGBoost模型的SHAP可解释性的岩性识别方法具有更高的准确性和可解释性,能够更好地满足实际生产需要。 展开更多
关键词 岩性识别 多尺度卷积神经网络 门控循环单元神经网络 XGBoost 超参数优化 可解释性
在线阅读 下载PDF
基于RBM-CNN模型的滚动轴承剩余使用寿命预测 被引量:3
11
作者 张永超 杨海昆 +2 位作者 刘嵩寿 赵帅 陈庆光 《轴承》 北大核心 2025年第5期96-101,共6页
针对滚动轴承剩余使用寿命预测时存在特征提取困难及预测准确性较差的问题,提出一种基于受限玻尔兹曼机(RBM)与卷积神经网络(CNN)的滚动轴承剩余使用寿命预测模型。首先,采用快速傅里叶变换对轴承原始振动信号进行频域变换构建幅值谱;其... 针对滚动轴承剩余使用寿命预测时存在特征提取困难及预测准确性较差的问题,提出一种基于受限玻尔兹曼机(RBM)与卷积神经网络(CNN)的滚动轴承剩余使用寿命预测模型。首先,采用快速傅里叶变换对轴承原始振动信号进行频域变换构建幅值谱;其次,通过RBM挖掘幅值谱中的深度全局特征;然后,通过建立早期故障阈值点划分退化阶段;最后,利用深度CNN对轴承剩余使用寿命进行预测。使用辛辛那提大学轴承数据集对所提方法进行验证,并与其他深度学习方法进行对比,结果表明RBM-CNN模型的均方误差(MSE)、均方根误差(RMSE)、平均绝对误差(MAE)最小,预测准确度最高,达到90.05%,验证了RBM-CNN模型在滚动轴承剩余使用寿命预测中的优越性。 展开更多
关键词 滚动轴承 使用寿命 寿命预测 玻尔兹曼机 卷积神经网络
在线阅读 下载PDF
基于CNN模型的地震数据噪声压制性能对比研究 被引量:1
12
作者 张光德 张怀榜 +3 位作者 赵金泉 尤加春 魏俊廷 杨德宽 《石油物探》 北大核心 2025年第2期232-246,共15页
地震噪声的压制是地震勘探中地震数据处理的重要研究内容之一。准确地压制地震噪声和提取地震信号中的有效信息是地震勘探和地震监测的一项关键步骤。传统的地震噪声压制方法存在一些不足之处,如灵活性不足、难以处理复杂噪声、有效信... 地震噪声的压制是地震勘探中地震数据处理的重要研究内容之一。准确地压制地震噪声和提取地震信号中的有效信息是地震勘探和地震监测的一项关键步骤。传统的地震噪声压制方法存在一些不足之处,如灵活性不足、难以处理复杂噪声、有效信息损失以及依赖人工提取特征等局限性。为克服传统方法的不足,采用时频域变换并结合深度学习方法进行地震噪声压制,并验证其应用效果。通过构建5个神经网络模型(FCN、Unet、CBDNet、SwinUnet以及TransUnet)对经过时频变换的地震信号进行噪声压制。为了定量评估实验方法的去噪性能,引入了峰值信噪比(PSNR)、结构相似性指数(SSIM)和均方根误差(RMSE)3个指标,比较不同方法的噪声压制性能。数值实验结果表明,基于时频变换的卷积神经网络(CNN)方法对常见的地震噪声类型(包括随机噪声、海洋涌浪噪声、陆地面波噪声)具有较好的噪声压制效果,能够提高地震数据的信噪比。而Transformer模块的引入可进一步提高对上述3种常见地震数据噪声类型的压制效果,进一步提升CNN模型的去噪性能。尽管该方法在数值实验中取得了较好的应用效果,但仍有进一步优化的空间可供探索,比如改进网络结构以适应更复杂的地震信号,并探索与其他先进技术结合,以提升地震噪声压制性能。 展开更多
关键词 地震噪声压制 深度学习 卷积神经网络(cnn) 时频变换 TRANSFORMER
在线阅读 下载PDF
改进抗噪1D-CNN的旋转车轮动平衡状态监测 被引量:1
13
作者 周海超 关浩东 +2 位作者 王国林 张宇 赵春来 《振动.测试与诊断》 北大核心 2025年第2期309-315,412,413,共9页
针对实车旋转车轮动平衡状态难以实时监测及预判的问题,提出了一种融合注意力机制的抗噪一维卷积神经网络(noise resistant 1D convolutional neural network,简称NRCNN)的旋转车轮动平衡健康状态监测方法。首先,构建NRCNN模型,以在实... 针对实车旋转车轮动平衡状态难以实时监测及预判的问题,提出了一种融合注意力机制的抗噪一维卷积神经网络(noise resistant 1D convolutional neural network,简称NRCNN)的旋转车轮动平衡健康状态监测方法。首先,构建NRCNN模型,以在实车车轮上添加3种不同质量平衡块的方式获得3种不同速度下对应的旋转车轮动不平衡状态下的振动信息;其次,以高斯白噪声为噪声输入,对所测旋转车轮不同动平衡状态的振动信息进行处理,获得试验样本数据,并用其进行模型训练;然后,综合运用卷积运算机制和特征变换进行t分布随机邻域嵌入(t-distributed stochastic neighbor embedding,简称t-SNE)可视化显示,实现对不同动平衡状态的分类输出。结果表明,在不同信噪比的工况下,所提出的改进NRCNN模型旋转车轮的动平衡状态监测方法相比于传统一维卷积神经网络(1D convolutional neural network,简称1D-CNN)模型,展现出更高的诊断准确性,最高可达到99.95%。 展开更多
关键词 卷积神经网络 注意力机制 车轮动平衡 状态监测 高斯白噪声
在线阅读 下载PDF
基于ASFF-AAKR和CNN-BILSTM滚动轴承寿命预测 被引量:1
14
作者 张永超 刘嵩寿 +2 位作者 陈昱锡 杨海昆 陈庆光 《科学技术与工程》 北大核心 2025年第2期567-573,共7页
针对滚动轴承寿命预测精度低,构建健康指标困难的问题。提出了一种基于自适应特征融合(adaptively spatial feature fusion,ASFF)和自联想核回归模型(auto associative kernel regression,AAKR)与卷积神经网络(convolutional neural net... 针对滚动轴承寿命预测精度低,构建健康指标困难的问题。提出了一种基于自适应特征融合(adaptively spatial feature fusion,ASFF)和自联想核回归模型(auto associative kernel regression,AAKR)与卷积神经网络(convolutional neural networks,CNN)和双向长短期记忆网络(bi-directional long-short term memory,BILSTM)的轴承剩余寿命预测模型。首先,在时域、频域和时频域提取多维特征,利用单调性和趋势性筛选敏感特征;其次利用ASFF-AAKR对敏感特征进行特征融合构建健康指标;最后,将健康指标输入到CNN和BILSTM中,实现对滚动轴承的寿命预测。结果表明:所构建的寿命预测模型优于其他模型,该方法具有更低的误差、寿命预测精度更高。 展开更多
关键词 滚动轴承 自适应特征融合 自联想核回归 卷积神经网络 双向长短期记忆网络 剩余寿命预测
在线阅读 下载PDF
融合持续同调-CNN的灰度化光伏红外图像的识别和分类 被引量:2
15
作者 孙海蓉 唐振超 +1 位作者 张洪玮 周黎辉 《太阳能学报》 北大核心 2025年第6期321-328,共8页
针对卷积神经网络对光伏红外热斑图像进行识别和分类准确率低、计算量大、光伏红外图像上热斑特征难以识别的问题,提出一种基于持续同调的对灰度化光伏热斑图像提取拓扑特征的算法。首先,将光伏红外热斑图像灰度化;然后将灰度化之后的... 针对卷积神经网络对光伏红外热斑图像进行识别和分类准确率低、计算量大、光伏红外图像上热斑特征难以识别的问题,提出一种基于持续同调的对灰度化光伏热斑图像提取拓扑特征的算法。首先,将光伏红外热斑图像灰度化;然后将灰度化之后的图像进行持续同调计算,得到条形码,从条形码中提取其拓扑特征组成新的图像;最后,用卷积神经网络对新的图像进行识别和分类。实验结果表明,灰度化后的光伏红外图像是一个单通道图像,计算量更小;提取的光伏红外热斑图像拓扑特征更易识别和分类,准确率更高。 展开更多
关键词 特征提取 卷积神经网络 持续同调 拓扑数据分析 拓扑特征 识别和分类
在线阅读 下载PDF
小样本下基于DWT和2D-CNN的齿轮故障诊断方法 被引量:1
16
作者 宋庭新 黄继承 +2 位作者 刘尚奇 杜敏 李子平 《计算机集成制造系统》 北大核心 2025年第6期2206-2214,共9页
针对齿轮设备运维过程中故障信号较少的情况,提出一种将离散小波变换(DWT)与二维卷积神经网络(2D-CNN)相结合的故障识别方法。该方法通过将少量信号经卷积神经网络得到的分类标签与信号的小波能量进行权值分配,实现对齿轮的故障识别。... 针对齿轮设备运维过程中故障信号较少的情况,提出一种将离散小波变换(DWT)与二维卷积神经网络(2D-CNN)相结合的故障识别方法。该方法通过将少量信号经卷积神经网络得到的分类标签与信号的小波能量进行权值分配,实现对齿轮的故障识别。为了充分获取小样本中的信息来训练神经网络,利用离散小波分解、图像变换和Markov变迁场方法对样本信号进行增量和转换。通过验证齿轮箱数据集得到96%的训练准确率和87.5%的分类准确率,同时通过消融实验和对比实验证明,该方法可以有效克服小样本数据中的噪声干扰,使数据得到增强,在齿轮故障识别中具有很好的现实意义。 展开更多
关键词 故障诊断 小样本 二维卷积神经网络 小波变换
在线阅读 下载PDF
融合改进采样技术和SRFCNN-BiLSTM的入侵检测方法 被引量:1
17
作者 陈虹 由雨竹 +2 位作者 金海波 武聪 邹佳澎 《计算机工程与应用》 北大核心 2025年第9期315-324,共10页
针对目前很多入侵检测方法中因数据不平衡和特征冗余导致检测率低等问题,提出融合改进采样技术和SRFCNN-BiLSTM的入侵检测方法。设计一种FBS-RE混合采样算法,即Borderline-SMOTE过采样和RENN欠采样同时对多数类和少数类样本进行处理,解... 针对目前很多入侵检测方法中因数据不平衡和特征冗余导致检测率低等问题,提出融合改进采样技术和SRFCNN-BiLSTM的入侵检测方法。设计一种FBS-RE混合采样算法,即Borderline-SMOTE过采样和RENN欠采样同时对多数类和少数类样本进行处理,解决数据不平衡问题。利用堆叠降噪自动编码器(stacked denoising auto encoder,SDAE)进行数据降维,减少噪声对数据的影响,去除冗余特征。采用改进的卷积神经网络(split residual fuse convolutional neural network,SRFCNN)和双向长短期记忆网络(bi-directional long short-term memory,BiLSTM)更好地提取数据中的空间和时间特征,结合注意力机制对特征分配不同的权重,获得更好的分类能力,提高对少数攻击流量的检测率。最后,在UNSW-NB15数据集上对模型进行验证,准确率和F1分数为89.24%和90.36%,优于传统机器学习和深度学习模型。 展开更多
关键词 入侵检测 不平衡处理 堆叠降噪自动编码器 卷积神经网络 注意力机制
在线阅读 下载PDF
基于CNN和Transformer双流融合的人体姿态估计
18
作者 李鑫 张丹 +2 位作者 郭新 汪松 陈恩庆 《计算机工程与应用》 北大核心 2025年第5期187-199,共13页
卷积神经网络(CNN)和Transformer模型在人体姿态估计中有着广泛应用,然而Transformer更注重捕获图像的全局特征,忽视了局部特征对于人体姿态细节的重要性,而CNN则缺乏Transformer的全局建模能力。为了充分利用CNN处理局部信息和Transfor... 卷积神经网络(CNN)和Transformer模型在人体姿态估计中有着广泛应用,然而Transformer更注重捕获图像的全局特征,忽视了局部特征对于人体姿态细节的重要性,而CNN则缺乏Transformer的全局建模能力。为了充分利用CNN处理局部信息和Transformer处理全局信息的优势,构建一种CNN-Transformer双流的并行网络架构来聚合丰富的特征信息。由于传统Transformer的输入需要将图片展平为多个patch,不利于提取对位置敏感的人体结构信息,因此将其多头注意力结构进行改进,使模型输入能够保持原始2D特征图的结构;同时提出特征耦合模块融合两个分支不同分辨率下的特征,最大限度地保留局部特征与全局特征;最后引入改进后的坐标注意力模块(coordinate attention),进一步提升网络的特征提取能力。在COCO和MPII数据集上的实验结果表明所提模型相对目前主流模型具有更高的检测精度,从而说明所提模型能够充分捕获并融合人体姿态中的局部和全局特征。 展开更多
关键词 卷积神经网络 TRANSFORMER 局部特征 全局特征 2D特征图 特征耦合
在线阅读 下载PDF
小样本下基于MTF与SSCAM-MSCNN的滚动轴承变工况故障诊断方法 被引量:1
19
作者 雷春丽 焦孟萱 +2 位作者 薛林林 张护强 史佳硕 《计算机集成制造系统》 北大核心 2025年第1期278-289,共12页
针对滚动轴承在不同工况条件下样本分布不同以及故障样本数量不足导致故障诊断精度低、泛化性能差的问题,提出一种小样本下基于MTF与SSCAM-MSCNN的滚动轴承变工况故障诊断方法。首先,运用马尔科夫转移场(MTF)将一维振动信号转化为具有... 针对滚动轴承在不同工况条件下样本分布不同以及故障样本数量不足导致故障诊断精度低、泛化性能差的问题,提出一种小样本下基于MTF与SSCAM-MSCNN的滚动轴承变工况故障诊断方法。首先,运用马尔科夫转移场(MTF)将一维振动信号转化为具有时间相关性的二维特征图。其次,提出条纹自校正注意力机制(SSCAM),它不仅可以加强模型在长距离方向上的特征提取能力,还能建立通道间依赖关系,可以对全局有效信息进行捕捉。然后,将SSCAM引入到多尺度神经网络(MSCNN)中,构建出SSCAM-MSCNN模型。最后,将MTF二维特征图输入到所提模型中进行训练,采用优化后的网络模型进行测试并输出分类结果。通过美国凯斯西储大学以及本实验室MFS滚动轴承数据集对所提方法进行验证,同时对后者进行加噪处理,与其他故障诊断模型进行对比。试验结果表明,所提方法在小样本、变工况条件下具有更高的识别精度、更强的泛化性能与抗噪性能。 展开更多
关键词 滚动轴承 马尔科夫转移场 卷积神经网络 条纹自校正注意力机制 小样本 故障诊断
在线阅读 下载PDF
基于改进BERT和轻量化CNN的业务流程合规性检查方法
20
作者 田银花 杨立飞 +1 位作者 韩咚 杜玉越 《计算机工程》 北大核心 2025年第7期199-209,共11页
业务流程合规性检查可以帮助企业及早发现潜在问题,保证业务流程的正常运行和安全性。提出一种基于改进BERT(Bidirectional Encoder Representations from Transformers)和轻量化卷积神经网络(CNN)的业务流程合规性检查方法。首先,根据... 业务流程合规性检查可以帮助企业及早发现潜在问题,保证业务流程的正常运行和安全性。提出一种基于改进BERT(Bidirectional Encoder Representations from Transformers)和轻量化卷积神经网络(CNN)的业务流程合规性检查方法。首先,根据历史事件日志中的轨迹提取轨迹前缀,构造带拟合情况标记的数据集;其次,使用融合相对上下文关系的BERT模型完成轨迹特征向量的表示;最后,使用轻量化CNN模型构建合规性检查分类器,完成在线业务流程合规性检查,有效提高合规性检查的准确率。在5个真实事件日志数据集上进行实验,结果表明,该方法相比Word2Vec+CNN模型、Transformer模型、BERT分类模型在准确率方面有较大提升,且与传统BERT+CNN相比,所提方法的准确率最高可提升2.61%。 展开更多
关键词 业务流程 合规性检查 表示学习 事件日志 卷积神经网络
在线阅读 下载PDF
上一页 1 2 250 下一页 到第
使用帮助 返回顶部