期刊文献+
共找到12,886篇文章
< 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
Real-time object segmentation based on convolutional neural network with saliency optimization for picking 被引量:1
7
作者 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
Deep convolutional neural network for meteorology target detection in airborne weather radar images 被引量:3
8
作者 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
9
作者 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
Deep residual systolic network for massive MIMO channel estimation by joint training strategies of mixed-SNR and mixed-scenarios
10
作者 SUN Meng JING Qingfeng ZHONG Weizhi 《Journal of Systems Engineering and Electronics》 2025年第4期903-913,共11页
The fifth-generation (5G) communication requires a highly accurate estimation of the channel state information (CSI)to take advantage of the massive multiple-input multiple-output(MIMO) system. However, traditional ch... The fifth-generation (5G) communication requires a highly accurate estimation of the channel state information (CSI)to take advantage of the massive multiple-input multiple-output(MIMO) system. However, traditional channel estimation methods do not always yield reliable estimates. The methodology of this paper consists of deep residual shrinkage network (DRSN)neural network-based method that is used to solve this problem.Thus, the channel estimation approach, based on DRSN with its learning ability of noise-containing data, is first introduced. Then,the DRSN is used to train the noise reduction process based on the results of the least square (LS) channel estimation while applying the pilot frequency subcarriers, where the initially estimated subcarrier channel matrix is considered as a three-dimensional tensor of the DRSN input. Afterward, a mixed signal to noise ratio (SNR) training data strategy is proposed based on the learning ability of DRSN under different SNRs. Moreover, a joint mixed scenario training strategy is carried out to test the multi scenarios robustness of DRSN. As for the findings, the numerical results indicate that the DRSN method outperforms the spatial-frequency-temporal convolutional neural networks (SF-CNN)with similar computational complexity and achieves better advantages in the full SNR range than the minimum mean squared error (MMSE) estimator with a limited dataset. Moreover, the DRSN approach shows robustness in different propagation environments. 展开更多
关键词 massive multiple-input multiple-output(MIMO) channel estimation deep residual shrinkage network(DRSN) deep convolutional neural network(CNN).
在线阅读 下载PDF
基于Convolutional-LSTM的蛋白质亚细胞定位研究 被引量:2
11
作者 王春宇 徐珊珊 +2 位作者 郭茂祖 车凯 刘晓燕 《计算机科学与探索》 CSCD 北大核心 2019年第6期982-989,共8页
蛋白质亚细胞位置预测研究是目前蛋白质组学和生物信息学研究的重点问题之一。蛋白质的亚细胞定位决定了它的生物学功能,故研究亚细胞定位对了解蛋白质功能非常重要。由于蛋白质结构的序列性,考虑使用序列模型来进行亚细胞定位研究。尝... 蛋白质亚细胞位置预测研究是目前蛋白质组学和生物信息学研究的重点问题之一。蛋白质的亚细胞定位决定了它的生物学功能,故研究亚细胞定位对了解蛋白质功能非常重要。由于蛋白质结构的序列性,考虑使用序列模型来进行亚细胞定位研究。尝试使用卷积神经网络(convolutional neural network,CNN)、长短期记忆神经网络(long short-term memory,LSTM)两种模型挖掘氨基酸序列所包含的信息,从而进行亚细胞定位的预测。随后构建了基于卷积的长短期记忆网络(Convolutional-LSTM)的集成模型进行亚细胞定位。首先通过卷积神经网络对蛋白质数据进行特征抽取,随后进行特征组合,并将其送入长短期记忆神经网络进行特征表征学习,得到亚细胞定位结果。使用该模型能达到0.816 5的分类准确率,比传统方法有明显提升。 展开更多
关键词 蛋白质亚细胞定位 卷积神经网络(CNN) 长短期记忆神经网络(LSTM) 分类
在线阅读 下载PDF
基于CNN-Swin Transformer Network的LPI雷达信号识别 被引量:1
12
作者 苏琮智 杨承志 +2 位作者 邴雨晨 吴宏超 邓力洪 《现代雷达》 CSCD 北大核心 2024年第3期59-65,共7页
针对在低信噪比(SNR)条件下,低截获概率雷达信号调制方式识别准确率低的问题,提出一种基于Transformer和卷积神经网络(CNN)的雷达信号识别方法。首先,引入Swin Transformer模型并在模型前端设计CNN特征提取层构建了CNN+Swin Transforme... 针对在低信噪比(SNR)条件下,低截获概率雷达信号调制方式识别准确率低的问题,提出一种基于Transformer和卷积神经网络(CNN)的雷达信号识别方法。首先,引入Swin Transformer模型并在模型前端设计CNN特征提取层构建了CNN+Swin Transformer网络(CSTN),然后利用时频分析获取雷达信号的时频特征,对图像进行预处理后输入CSTN模型进行训练,由网络的底部到顶部不断提取图像更丰富的语义信息,最后通过Softmax分类器对六类不同调制方式信号进行分类识别。仿真实验表明:在SNR为-18 dB时,该方法对六类典型雷达信号的平均识别率达到了94.26%,证明了所提方法的可行性。 展开更多
关键词 低截获概率雷达 信号调制方式识别 Swin Transformer网络 卷积神经网络 时频分析
在线阅读 下载PDF
A novel multi-resolution network for the open-circuit faults diagnosis of automatic ramming drive system 被引量:1
13
作者 Liuxuan Wei Linfang Qian +3 位作者 Manyi Wang Minghao Tong Yilin Jiang Ming Li 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2024年第4期225-237,共13页
The open-circuit fault is one of the most common faults of the automatic ramming drive system(ARDS),and it can be categorized into the open-phase faults of Permanent Magnet Synchronous Motor(PMSM)and the open-circuit ... The open-circuit fault is one of the most common faults of the automatic ramming drive system(ARDS),and it can be categorized into the open-phase faults of Permanent Magnet Synchronous Motor(PMSM)and the open-circuit faults of Voltage Source Inverter(VSI). The stator current serves as a common indicator for detecting open-circuit faults. Due to the identical changes of the stator current between the open-phase faults in the PMSM and failures of double switches within the same leg of the VSI, this paper utilizes the zero-sequence voltage component as an additional diagnostic criterion to differentiate them.Considering the variable conditions and substantial noise of the ARDS, a novel Multi-resolution Network(Mr Net) is proposed, which can extract multi-resolution perceptual information and enhance robustness to the noise. Meanwhile, a feature weighted layer is introduced to allocate higher weights to characteristics situated near the feature frequency. Both simulation and experiment results validate that the proposed fault diagnosis method can diagnose 25 types of open-circuit faults and achieve more than98.28% diagnostic accuracy. In addition, the experiment results also demonstrate that Mr Net has the capability of diagnosing the fault types accurately under the interference of noise signals(Laplace noise and Gaussian noise). 展开更多
关键词 Fault diagnosis Deep learning Multi-scale convolution Open-circuit convolutional neural network
在线阅读 下载PDF
Multi-dimension and multi-modal rolling mill vibration prediction model based on multi-level network fusion
14
作者 CHEN Shu-zong LIU Yun-xiao +3 位作者 WANG Yun-long QIAN Cheng HUA Chang-chun SUN Jie 《Journal of Central South University》 SCIE EI CAS CSCD 2024年第9期3329-3348,共20页
Mill vibration is a common problem in rolling production,which directly affects the thickness accuracy of the strip and may even lead to strip fracture accidents in serious cases.The existing vibration prediction mode... Mill vibration is a common problem in rolling production,which directly affects the thickness accuracy of the strip and may even lead to strip fracture accidents in serious cases.The existing vibration prediction models do not consider the features contained in the data,resulting in limited improvement of model accuracy.To address these challenges,this paper proposes a multi-dimensional multi-modal cold rolling vibration time series prediction model(MDMMVPM)based on the deep fusion of multi-level networks.In the model,the long-term and short-term modal features of multi-dimensional data are considered,and the appropriate prediction algorithms are selected for different data features.Based on the established prediction model,the effects of tension and rolling force on mill vibration are analyzed.Taking the 5th stand of a cold mill in a steel mill as the research object,the innovative model is applied to predict the mill vibration for the first time.The experimental results show that the correlation coefficient(R^(2))of the model proposed in this paper is 92.5%,and the root-mean-square error(RMSE)is 0.0011,which significantly improves the modeling accuracy compared with the existing models.The proposed model is also suitable for the hot rolling process,which provides a new method for the prediction of strip rolling vibration. 展开更多
关键词 rolling mill vibration multi-dimension data multi-modal data convolutional neural network time series prediction
在线阅读 下载PDF
Automatic modulation recognition of radiation source signals based on two-dimensional data matrix and improved residual neural network
15
作者 Guanghua Yi Xinhong Hao +3 位作者 Xiaopeng Yan Jian Dai Yangtian Liu Yanwen Han 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2024年第3期364-373,共10页
Automatic modulation recognition(AMR)of radiation source signals is a research focus in the field of cognitive radio.However,the AMR of radiation source signals at low SNRs still faces a great challenge.Therefore,the ... Automatic modulation recognition(AMR)of radiation source signals is a research focus in the field of cognitive radio.However,the AMR of radiation source signals at low SNRs still faces a great challenge.Therefore,the AMR method of radiation source signals based on two-dimensional data matrix and improved residual neural network is proposed in this paper.First,the time series of the radiation source signals are reconstructed into two-dimensional data matrix,which greatly simplifies the signal preprocessing process.Second,the depthwise convolution and large-size convolutional kernels based residual neural network(DLRNet)is proposed to improve the feature extraction capability of the AMR model.Finally,the model performs feature extraction and classification on the two-dimensional data matrix to obtain the recognition vector that represents the signal modulation type.Theoretical analysis and simulation results show that the AMR method based on two-dimensional data matrix and improved residual network can significantly improve the accuracy of the AMR method.The recognition accuracy of the proposed method maintains a high level greater than 90% even at -14 dB SNR. 展开更多
关键词 Automatic modulation recognition Radiation source signals Two-dimensional data matrix Residual neural network Depthwise convolution
在线阅读 下载PDF
计及铁心非线性的变压器空间动态磁场加速计算方法 被引量:1
16
作者 司马文霞 孙佳琪 +3 位作者 杨鸣 邹德旭 彭庆军 王劲松 《电工技术学报》 北大核心 2025年第5期1559-1574,共16页
快速获得变压器空间磁场动态分布是构建变压器数字孪生体的基础之一,然而现有快速计算方法难以快速、准确地获得铁心饱和工况下的磁场分布特性。因此,该文提出了计及铁心非线性的变压器空间动态磁场加速计算方法。首先,构建变压器电磁... 快速获得变压器空间磁场动态分布是构建变压器数字孪生体的基础之一,然而现有快速计算方法难以快速、准确地获得铁心饱和工况下的磁场分布特性。因此,该文提出了计及铁心非线性的变压器空间动态磁场加速计算方法。首先,构建变压器电磁场路耦合仿真模型,对关键变量进行参数化扫描,仿真获得不同非线性工况下的大量磁场数据,构建涉及铁心非线性工况的主磁通和漏磁通数据集;其次,提出融合卷积神经网络(CNN)和长短期记忆网络(LSTM)的双分支深度学习模型,训练提取磁场数据的空间和时间特征,解决主、漏磁通差异大造成的模型训练难题;最后,利用模型获得输入电压、电流与内部空间磁场分布的非线性映射关系,实现空间动态磁场的加速计算,为变压器数字孪生体的构建提供了快速获得磁场数据的方法。 展开更多
关键词 非线性 卷积神经网络 长短期记忆网络 磁场 加速计算
在线阅读 下载PDF
基于RBM-CNN模型的滚动轴承剩余使用寿命预测 被引量:3
17
作者 张永超 杨海昆 +2 位作者 刘嵩寿 赵帅 陈庆光 《轴承》 北大核心 2025年第5期96-101,共6页
针对滚动轴承剩余使用寿命预测时存在特征提取困难及预测准确性较差的问题,提出一种基于受限玻尔兹曼机(RBM)与卷积神经网络(CNN)的滚动轴承剩余使用寿命预测模型。首先,采用快速傅里叶变换对轴承原始振动信号进行频域变换构建幅值谱;其... 针对滚动轴承剩余使用寿命预测时存在特征提取困难及预测准确性较差的问题,提出一种基于受限玻尔兹曼机(RBM)与卷积神经网络(CNN)的滚动轴承剩余使用寿命预测模型。首先,采用快速傅里叶变换对轴承原始振动信号进行频域变换构建幅值谱;其次,通过RBM挖掘幅值谱中的深度全局特征;然后,通过建立早期故障阈值点划分退化阶段;最后,利用深度CNN对轴承剩余使用寿命进行预测。使用辛辛那提大学轴承数据集对所提方法进行验证,并与其他深度学习方法进行对比,结果表明RBM-CNN模型的均方误差(MSE)、均方根误差(RMSE)、平均绝对误差(MAE)最小,预测准确度最高,达到90.05%,验证了RBM-CNN模型在滚动轴承剩余使用寿命预测中的优越性。 展开更多
关键词 滚动轴承 使用寿命 寿命预测 玻尔兹曼机 卷积神经网络
在线阅读 下载PDF
基于通道自注意图卷积网络的运动想象脑电分类实验 被引量:1
18
作者 孟明 张帅斌 +2 位作者 高云园 佘青山 范影乐 《实验技术与管理》 北大核心 2025年第2期73-80,共8页
该文将运动想象脑电分类任务设计成应用型教学实验。针对传统图卷积网络(graph convolutional neural networks,GCN)无法建模脑电通道间动态关系问题,提出一种融合通道注意机制的多层图卷积网络模型(channel self-attention multilayer ... 该文将运动想象脑电分类任务设计成应用型教学实验。针对传统图卷积网络(graph convolutional neural networks,GCN)无法建模脑电通道间动态关系问题,提出一种融合通道注意机制的多层图卷积网络模型(channel self-attention multilayer GCN,CAMGCN)。首先,CAMGCN计算脑电信号各个通道间的皮尔逊相关系数进行图建模,并通过通道位置编码模块学习通道间关系。然后将得到的时域和频域特征分量通过通道自注意图嵌入模块进行图嵌入,得到图数据。最后通过多级GCN模块提取并融合多层次拓扑信息,得出分类结果。CAMGCN深化了模型在自适应学习通道间动态关系的能力,并在结构方面提高了自注意机制与图数据的适配性。该模型在BCI Competition-Ⅳ2a数据集上的准确率达到83.8%,能够有效实现对运动想象任务的分类。该实验有助于增进学生对于深度学习和脑机接口的理解,培养创新思维,提高科研素质。 展开更多
关键词 脑机接口 脑电图 图卷积网络 注意力机制
在线阅读 下载PDF
基于Transformer和多关系图卷积网络的行人轨迹预测 被引量:3
19
作者 刘桂红 周宗润 孟祥福 《计算机科学与探索》 北大核心 2025年第5期1353-1364,共12页
在自动导航应用领域,行人轨迹相对复杂,有效且合理地预测行人未来轨迹对自动驾驶和出行安全至关重要。行人轨迹随机性和动态性极高且与交通环境有着复杂相互作用,因此需要对行人的时间依赖性和空间相互作用进行合理建模。为了解决该问题... 在自动导航应用领域,行人轨迹相对复杂,有效且合理地预测行人未来轨迹对自动驾驶和出行安全至关重要。行人轨迹随机性和动态性极高且与交通环境有着复杂相互作用,因此需要对行人的时间依赖性和空间相互作用进行合理建模。为了解决该问题,提出了一种基于Transformer和多关系图卷积网络(GCN)的行人轨迹预测模型。该模型由交互捕获模块、锚点控制模块和轨迹修正补全模块构成。交互捕获模块由T-Transformer和多关系图卷积网络组成,分别提取每个行人在时间序列和空间序列上的运动特征,并结合锚点控制模块推断行人的中间目的地以减少递归累计误差,由修正补全模块进行最终轨迹细化。在提取特征时添加逆关系可得到更为优化的结果,使用高斯剪枝减少虚假路径的生成也可提高模型效率。在ETH与UCY数据集上的实验结果表明,在平均位移误差(ADE)和最终位移误差(FDE)方面,该模型具有比现有大部分主流模型更好的性能。由于该模型在行人轨迹预测上的出色性能,可避免不必要的轨迹变更和碰撞风险,为行人轨迹预测应用提供了更为可能的解决方案。 展开更多
关键词 T-Transformer 图卷积网络(GCN) 锚点控制 行人轨迹预测
在线阅读 下载PDF
基于MSCNN-GRU神经网络补全测井曲线和可解释性的智能岩性识别 被引量:1
20
作者 王婷婷 王振豪 +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
上一页 1 2 250 下一页 到第
使用帮助 返回顶部