期刊文献+
共找到3,680篇文章
< 1 2 184 >
每页显示 20 50 100
Deep hybrid: Multi-graph neural network collaboration for hyperspectral image classification 被引量:4
1
作者 Ding Yao Zhang Zhi-li +4 位作者 Zhao Xiao-feng Cai Wei He Fang Cai Yao-ming Wei-Wei Cai 《Defence Technology(防务技术)》 SCIE EI CAS CSCD 2023年第5期164-176,共13页
With limited number of labeled samples,hyperspectral image(HSI)classification is a difficult Problem in current research.The graph neural network(GNN)has emerged as an approach to semi-supervised classification,and th... With limited number of labeled samples,hyperspectral image(HSI)classification is a difficult Problem in current research.The graph neural network(GNN)has emerged as an approach to semi-supervised classification,and the application of GNN to hyperspectral images has attracted much attention.However,in the existing GNN-based methods a single graph neural network or graph filter is mainly used to extract HSI features,which does not take full advantage of various graph neural networks(graph filters).Moreover,the traditional GNNs have the problem of oversmoothing.To alleviate these shortcomings,we introduce a deep hybrid multi-graph neural network(DHMG),where two different graph filters,i.e.,the spectral filter and the autoregressive moving average(ARMA)filter,are utilized in two branches.The former can well extract the spectral features of the nodes,and the latter has a good suppression effect on graph noise.The network realizes information interaction between the two branches and takes good advantage of different graph filters.In addition,to address the problem of oversmoothing,a dense network is proposed,where the local graph features are preserved.The dense structure satisfies the needs of different classification targets presenting different features.Finally,we introduce a GraphSAGEbased network to refine the graph features produced by the deep hybrid network.Extensive experiments on three public HSI datasets strongly demonstrate that the DHMG dramatically outperforms the state-ofthe-art models. 展开更多
关键词 graph neural network Hyperspectral image classification deep hybrid network
在线阅读 下载PDF
DeepCom-GCN:融入控制流结构信息的代码注释生成模型
2
作者 钟茂生 刘会珠 +1 位作者 匡江玲 严婷 《江西师范大学学报(自然科学版)》 北大核心 2025年第1期27-36,共10页
代码注释生成是指给定一个代码片段,通过模型自动生成一段关于代码片段功能的概括性自然语言描述.不同于自然语言,程序语言具有复杂语法和强结构性.部分研究工作只利用了源代码的序列信息或抽象语法树信息,未能充分利用源代码的逻辑结... 代码注释生成是指给定一个代码片段,通过模型自动生成一段关于代码片段功能的概括性自然语言描述.不同于自然语言,程序语言具有复杂语法和强结构性.部分研究工作只利用了源代码的序列信息或抽象语法树信息,未能充分利用源代码的逻辑结构信息.针对这一问题,该文提出一种融入程序控制流结构信息的代码注释生成方法,将源代码序列和结构信息作为单独的输入进行处理,允许模型学习代码的语义和结构.在2个公开数据集上进行验证,实验结果表明:和其他基线方法相比,DeepCom-GCN在BLEU-4、METEOR和ROUGE-L指标上的性能分别提升了2.79%、1.67%和1.21%,验证了该方法的有效性. 展开更多
关键词 代码注释生成 抽象语法树 控制流图 图卷积神经网络 软件工程 程序理解 自然语言处理
在线阅读 下载PDF
Automatic Calcified Plaques Detection in the OCT Pullbacks Using Convolutional Neural Networks 被引量:2
3
作者 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
Uplink NOMA signal transmission with convolutional neural networks approach 被引量:3
4
作者 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
基于CNN-Informer和DeepLIFT的电力系统频率稳定评估方法
5
作者 张异浩 韩松 荣娜 《电力自动化设备》 北大核心 2025年第7期165-171,共7页
为解决扰动发生后电力系统频率稳定评估精度低且预测时间长的问题,提出了一种电力系统频率稳定评估方法。该方法改进层次时间戳机制,有效捕捉了频率响应在不同时间尺度下的相关性;利用深度学习重要特征技术对输入特征进行筛选,简化了数... 为解决扰动发生后电力系统频率稳定评估精度低且预测时间长的问题,提出了一种电力系统频率稳定评估方法。该方法改进层次时间戳机制,有效捕捉了频率响应在不同时间尺度下的相关性;利用深度学习重要特征技术对输入特征进行筛选,简化了数据维度并提升了模型的训练效率和预测性能;结合卷积神经网络与Informer网络,基于编码器与解码器的协同训练,构建适用于多场景的频率稳定评估框架。以修改后的新英格兰10机39节点系统和WECC 29机179节点系统为算例,仿真结果表明,所提方法在时效性和准确性方面具有显著的优势,并在多种实验条件下展现出良好的鲁棒性和适应性。 展开更多
关键词 电力系统 频率稳定评估 深度学习 时序数据 层次时间戳 蒸馏机制 卷积神经网络
在线阅读 下载PDF
基于CNN-GraphSAGE双分支特征融合的齿轮箱故障诊断方法
6
作者 韩延 吴迪 +1 位作者 黄庆卿 张焱 《电子测量与仪器学报》 北大核心 2025年第3期115-124,共10页
针对卷积神经网络(CNN)在振动数据结构信息上挖掘不足导致故障诊断精度不高的问题,提出一种基于卷积神经网络与图采样和聚合网络(CNN-GraphSAGE)双分支特征融合的齿轮箱故障诊断方法。首先,对齿轮箱振动数据进行小波包分解,利用分解后... 针对卷积神经网络(CNN)在振动数据结构信息上挖掘不足导致故障诊断精度不高的问题,提出一种基于卷积神经网络与图采样和聚合网络(CNN-GraphSAGE)双分支特征融合的齿轮箱故障诊断方法。首先,对齿轮箱振动数据进行小波包分解,利用分解后的小波包特征系数构建包含节点和边的图结构数据;然后,建立CNN-GraphSAGE双分支特征提取网络,在CNN分支中采用空洞卷积网络提取数据的全局特征,在GraphSAGE网络分支中通过多层特征融合策略来挖掘数据结构中隐含的关联信息;最后,基于SKNet注意力机制融合提取的双分支特征,并输入全连接层中实现对齿轮箱的故障诊断。为验证研究方法在齿轮箱故障诊断上的优良性能,首先对所提方法进行消融实验,然后在无添加噪声和添加1 dB噪声的条件下进行对比实验。实验结果表明,即使在1 dB噪声的条件下,研究方法的平均诊断精度为92.07%,均高于其他对比模型,证明了研究方法能够有效地识别齿轮箱的各类故障。 展开更多
关键词 图卷积神经网络 卷积神经网络 故障诊断 注意力机制
在线阅读 下载PDF
A novel multi-resolution network for the open-circuit faults diagnosis of automatic ramming drive system 被引量:1
7
作者 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
Sound event localization and detection based on deep learning
8
作者 ZHAO Dada DING Kai +2 位作者 QI Xiaogang CHEN Yu FENG Hailin 《Journal of Systems Engineering and Electronics》 SCIE CSCD 2024年第2期294-301,共8页
Acoustic source localization(ASL)and sound event detection(SED)are two widely pursued independent research fields.In recent years,in order to achieve a more complete spatial and temporal representation of sound field,... Acoustic source localization(ASL)and sound event detection(SED)are two widely pursued independent research fields.In recent years,in order to achieve a more complete spatial and temporal representation of sound field,sound event localization and detection(SELD)has become a very active research topic.This paper presents a deep learning-based multioverlapping sound event localization and detection algorithm in three-dimensional space.Log-Mel spectrum and generalized cross-correlation spectrum are joined together in channel dimension as input features.These features are classified and regressed in parallel after training by a neural network to obtain sound recognition and localization results respectively.The channel attention mechanism is also introduced in the network to selectively enhance the features containing essential information and suppress the useless features.Finally,a thourough comparison confirms the efficiency and effectiveness of the proposed SELD algorithm.Field experiments show that the proposed algorithm is robust to reverberation and environment and can achieve higher recognition and localization accuracy compared with the baseline method. 展开更多
关键词 sound event localization and detection(SELD) deep learning convolutional recursive neural network(CRNN) channel attention mechanism
在线阅读 下载PDF
Rapid urban flood forecasting based on cellular automata and deep learning
9
作者 BAI Bing DONG Fei +1 位作者 LI Chuanqi WANG Wei 《水利水电技术(中英文)》 北大核心 2024年第12期17-28,共12页
[Objective]Urban floods are occurring more frequently because of global climate change and urbanization.Accordingly,urban rainstorm and flood forecasting has become a priority in urban hydrology research.However,two-d... [Objective]Urban floods are occurring more frequently because of global climate change and urbanization.Accordingly,urban rainstorm and flood forecasting has become a priority in urban hydrology research.However,two-dimensional hydrodynamic models execute calculations slowly,hindering the rapid simulation and forecasting of urban floods.To overcome this limitation and accelerate the speed and improve the accuracy of urban flood simulations and forecasting,numerical simulations and deep learning were combined to develop a more effective urban flood forecasting method.[Methods]Specifically,a cellular automata model was used to simulate the urban flood process and address the need to include a large number of datasets in the deep learning process.Meanwhile,to shorten the time required for urban flood forecasting,a convolutional neural network model was used to establish the mapping relationship between rainfall and inundation depth.[Results]The results show that the relative error of forecasting the maximum inundation depth in flood-prone locations is less than 10%,and the Nash efficiency coefficient of forecasting inundation depth series in flood-prone locations is greater than 0.75.[Conclusion]The result demonstrated that the proposed method could execute highly accurate simulations and quickly produce forecasts,illustrating its superiority as an urban flood forecasting technique. 展开更多
关键词 urban flooding flood-prone location cellular automata deep learning convolutional neural network rapid forecasting
在线阅读 下载PDF
A survey of fine-grained visual categorization based on deep learning
10
作者 XIE Yuxiang GONG Quanzhi +2 位作者 LUAN Xidao YAN Jie ZHANG Jiahui 《Journal of Systems Engineering and Electronics》 CSCD 2024年第6期1337-1356,共20页
Deep learning has achieved excellent results in various tasks in the field of computer vision,especially in fine-grained visual categorization.It aims to distinguish the subordinate categories of the label-level categ... Deep learning has achieved excellent results in various tasks in the field of computer vision,especially in fine-grained visual categorization.It aims to distinguish the subordinate categories of the label-level categories.Due to high intra-class variances and high inter-class similarity,the fine-grained visual categorization is extremely challenging.This paper first briefly introduces and analyzes the related public datasets.After that,some of the latest methods are reviewed.Based on the feature types,the feature processing methods,and the overall structure used in the model,we divide them into three types of methods:methods based on general convolutional neural network(CNN)and strong supervision of parts,methods based on single feature processing,and meth-ods based on multiple feature processing.Most methods of the first type have a relatively simple structure,which is the result of the initial research.The methods of the other two types include models that have special structures and training processes,which are helpful to obtain discriminative features.We conduct a specific analysis on several methods with high accuracy on pub-lic datasets.In addition,we support that the focus of the future research is to solve the demand of existing methods for the large amount of the data and the computing power.In terms of tech-nology,the extraction of the subtle feature information with the burgeoning vision transformer(ViT)network is also an important research direction. 展开更多
关键词 deep learning fine-grained visual categorization convolutional neural network(CNN) visual attention
在线阅读 下载PDF
基于通道自注意图卷积网络的运动想象脑电分类实验 被引量:1
11
作者 孟明 张帅斌 +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
车联网边缘计算环境下基于流量预测的高效任务卸载策略研究 被引量:1
12
作者 许小龙 杨威 +4 位作者 杨辰翊 程勇 齐连永 项昊龙 窦万春 《电子学报》 北大核心 2025年第2期329-343,共15页
车联网(Internet of Vehicles,IoV)边缘计算通过将移动边缘计算和车联网相结合,实现了车辆计算任务从云服务器向边缘服务器的下沉,从而有效降低了车联网服务的响应时延.然而,车联网中不规则的交通流时空分布会导致边缘服务器计算负载不... 车联网(Internet of Vehicles,IoV)边缘计算通过将移动边缘计算和车联网相结合,实现了车辆计算任务从云服务器向边缘服务器的下沉,从而有效降低了车联网服务的响应时延.然而,车联网中不规则的交通流时空分布会导致边缘服务器计算负载不均衡,进而影响车联网服务的实时响应.为此,本文提出了一种车联网边缘计算环境下基于流量预测的高效任务卸载策略.具体而言,首先设计了能充分挖掘路段间连通性和距离信息的切比雪夫图加权网络(Chebyshev graph Weighted Network,ChebWN)进行交通流量预测.然后,设计了一种基于深度强化学习的二元任务卸载方法(DRL-based Binary task Offloading Algorithm,DBOA),该算法将二元任务卸载的决策过程分为两个阶段,即首先通过深度强化学习得到卸载策略,再通过一维双端查找算法确定最大化总计算速率的时间片分配方案,降低了决策过程的复杂度.最后,通过大量的对比实验验证了ChebWN在预测交通流量方面的准确性,以及DBOA在提升车联网服务响应速度方面的优越性. 展开更多
关键词 移动边缘计算 深度强化学习 车联网 图神经网络(GNN) 任务卸载
在线阅读 下载PDF
基于双路多尺度卷积的近红外光谱羊绒羊毛纤维预测模型 被引量:1
13
作者 陈锦妮 田谷丰 +4 位作者 李云红 朱耀麟 陈鑫 门玉乐 魏小双 《光谱学与光谱分析》 北大核心 2025年第3期678-684,共7页
羊绒具有轻盈舒适、光滑柔软、稀释透气以及保暖好的特点,由于羊绒价格十分昂贵,因此市场上的羊绒产品质量良莠不齐。现有的显微镜法、DNA法、化学溶解法和基于图像的方法具有损坏样本、设备昂贵、主观性强等不足。近红外光谱技术是一... 羊绒具有轻盈舒适、光滑柔软、稀释透气以及保暖好的特点,由于羊绒价格十分昂贵,因此市场上的羊绒产品质量良莠不齐。现有的显微镜法、DNA法、化学溶解法和基于图像的方法具有损坏样本、设备昂贵、主观性强等不足。近红外光谱技术是一种非破坏性、可进行建模操作的快速测量方法。针对传统的建模方法通常无法学习出通用的近红外光谱波段特征,导致泛化能力弱,且羊绒羊毛纤维的近红外光谱波段特征相似,难以区分的问题,本文提出一种基于双路多尺度卷积的近红外光谱羊绒羊毛纤维预测模型。采集了羊绒羊毛样品的近红外光谱波段数据共1170个进行验证,近红外光谱波段数据范围是1300~2500 nm。利用两个并行卷积神经网络来提取近红外光谱波段的特征,采用原始近红外光谱波段数据和降维近红外光谱波段数据同时输入的方式,并利用多尺度特征提取模块进一步提取中间具有贡献力的近红外光谱波段特征,利用路径交流模块用于两路近红外光谱波段特征的信息交流,最后利用类级别融合得到羊绒羊毛纤维预测结果。在实验过程中,将采集的80%近红外光谱波段数据用于模型训练,20%近红外光谱波段数据用于模型测试。模型测试集的平均预测准确率为94.45%,与传统算法中的随机森林、SVM、1D-CNN等算法相比较分别提升了7.33%、5.22%、2.96%,并进行消融实验对所提模型的结构进一步验证。实验结果表明,本文提出的双路多尺度卷积的近红外光谱羊绒羊毛纤维预测模型可实现羊绒羊毛纤维的快速无损预测,为近红外光谱羊绒羊毛纤维预测提供了新的思路。 展开更多
关键词 羊绒羊毛 近红外光谱 深度学习 双路多尺度卷积神经网络
在线阅读 下载PDF
基于Bi-LSTM和改进残差学习的风电功率超短期预测方法 被引量:2
14
作者 王进峰 吴盛威 +1 位作者 花广如 吴自高 《华北电力大学学报(自然科学版)》 北大核心 2025年第1期56-65,共10页
现有的方法在以风电功率时间序列拟合功率曲线时,难以表达风电功率数据所包含的趋势性和周期性等时间信息而出现性能退化问题,从而导致预测精度下降。为了解决性能退化问题从而提高风电功率时间序列预测的精度,提出了基于双向长短时记忆... 现有的方法在以风电功率时间序列拟合功率曲线时,难以表达风电功率数据所包含的趋势性和周期性等时间信息而出现性能退化问题,从而导致预测精度下降。为了解决性能退化问题从而提高风电功率时间序列预测的精度,提出了基于双向长短时记忆(Bi-LSTM)和改进残差学习的风电功率预测方法。方法由两个部分组成,第一部分是以Bi-LSTM为主的多残差块上,结合稠密残差块网络(DenseNet)与多级残差网络(MRN)的残差连接方式,并且在残差连接上使用一维卷积神经网络(1D CNN)来提取风电功率值中时序的非线性特征部分。第二部分是Bi-LSTM与全连接层(Dense)组成的解码器,将多残差块提取到的功率值时序非线性特征映射为预测结果。方法在实际运行的风电功率数据上进行实验,并与常见的残差网络方法和时间序列预测方法进行对比。方法相比于其他模型方法有着更高的预测精度以及更好的泛化能力。 展开更多
关键词 深度学习 残差网络 风电功率预测 双向长短时记忆 一维卷积神经网络
在线阅读 下载PDF
基于改进一维卷积神经网络模型的蛋清粉近红外光谱真实性检测 被引量:1
15
作者 祝志慧 李沃霖 +4 位作者 韩雨彤 金永涛 叶文杰 王巧华 马美湖 《食品科学》 北大核心 2025年第6期245-253,共9页
引入近红外光谱检测技术,构建改进一维卷积神经网络(one-dimensional convolutional neural network,1D-CNN)蛋清粉真实性检测模型。该模型基于1D-CNN模型,无需对光谱数据进行预处理;同时在网络中加入有效通道注意力模块和一维全局平均... 引入近红外光谱检测技术,构建改进一维卷积神经网络(one-dimensional convolutional neural network,1D-CNN)蛋清粉真实性检测模型。该模型基于1D-CNN模型,无需对光谱数据进行预处理;同时在网络中加入有效通道注意力模块和一维全局平均池化层,提高模型提取光谱特征的能力,减少噪声干扰。结果表明,改进后的EG-1D-CNN模型可判别蛋清粉样本的真伪,对于掺假蛋清粉的检测率可达到97.80%,总准确率(AAR)为98.93%,最低检测限(LLRC)在淀粉、大豆分离蛋白、三聚氰胺、尿素和甘氨酸5种单掺杂物质上分别可达到1%、5%、0.1%、1%、5%,在多掺杂中可达到0.1%~1%,平均检测时间(AATS)可达到0.004 4 s。与传统1D-CNN网络结构及其他改进算法相比,改进后的EG-1D-CNN模型在蛋清粉真实性检测上具有更高精度,检测速度快,且模型占用空间小,更适合部署在嵌入式设备中。该研究可为后续开发针对蛋粉质量检测的便携式近红外光谱检测仪提供一定的理论基础。 展开更多
关键词 蛋清粉 近红外光谱 真实性检测 一维卷积神经网络 深度学习
在线阅读 下载PDF
基于卷积神经网络和多标签分类的复杂结构损伤诊断 被引量:1
16
作者 李书进 杨繁繁 张远进 《建筑科学与工程学报》 北大核心 2025年第1期101-111,共11页
为研究复杂空间框架节点损伤识别问题,利用多标签分类的优势,构建了多标签单输出和多标签多输出两种卷积神经网络模型,用于框架结构节点损伤位置的判断和损伤程度诊断。针对复杂结构损伤位置判断时工况多、识别准确率不高等问题,提出了... 为研究复杂空间框架节点损伤识别问题,利用多标签分类的优势,构建了多标签单输出和多标签多输出两种卷积神经网络模型,用于框架结构节点损伤位置的判断和损伤程度诊断。针对复杂结构损伤位置判断时工况多、识别准确率不高等问题,提出了一种能对结构进行分层(或分区)处理并同时完成损伤诊断的多标签多输出卷积神经网络模型。分别构建了适用于多标签分类的浅层、深层和深层残差多输出卷积神经网络模型,并对其泛化性能进行了研究。结果表明:提出的模型具有较高的损伤诊断准确率和一定的抗噪能力,特别是经过分层(分区)处理后的多标签多输出网络模型更具高效性,有更快的收敛速度和更高的诊断准确率;利用多标签多输出残差卷积神经网络模型可以从训练工况中提取到足够多的损伤信息,在面对未经过学习的工况时也能较准确判断各节点的损伤等级。 展开更多
关键词 损伤诊断 卷积神经网络 多标签分类 框架结构 深度学习
在线阅读 下载PDF
基于Bert+GCN多模态数据融合的药物分子属性预测 被引量:1
17
作者 闫效莺 靳艳春 +1 位作者 冯月华 张绍武 《生物化学与生物物理进展》 北大核心 2025年第3期783-794,共12页
目的药物研发成本高、周期长且成功率低。准确预测分子属性对有效筛选药物候选物、优化分子结构具有重要意义。基于特征工程的传统分子属性预测方法需研究人员具备深厚的学科背景和广泛的专业知识。随着人工智能技术的不断成熟,涌现出... 目的药物研发成本高、周期长且成功率低。准确预测分子属性对有效筛选药物候选物、优化分子结构具有重要意义。基于特征工程的传统分子属性预测方法需研究人员具备深厚的学科背景和广泛的专业知识。随着人工智能技术的不断成熟,涌现出大量优于传统特征工程方法的分子属性预测算法。然而这些算法模型仍然存在标记数据稀缺、泛化性能差等问题。鉴于此,本文提出一种基于Bert+GCN的多模态数据融合的分子属性预测算法(命名为BGMF),旨在整合药物分子的多模态数据,并充分利用大量无标记药物分子训练模型学习药物分子的有用信息。方法本文提出了BGMF算法,该算法根据药物SMILES表达式分别提取了原子序列、分子指纹序列和分子图数据,采用预训练模型Bert和图卷积神经网络GCN结合的方式进行特征学习,在挖掘药物分子中“单词”全局特征的同时,融合了分子图的局部拓扑特征,从而更充分利用分子全局-局部上下文语义关系,之后,通过对原子序列和分子指纹序列的双解码器设计加强分子特征表达。结果5个数据集共43个分子属性预测任务上,BGMF方法的AUC值均优于现有其他方法。此外,本文还构建独立测试数据集验证了模型具有良好的泛化性能。对生成的分子指纹表征(molecular fingerprint representation)进行t-SNE可视化分析,证明了BGMF模型可成功捕获不同分子指纹的内在结构与特征。结论通过图卷积神经网络与Bert模型相结合,BGMF将分子图数据整合到分子指纹恢复和掩蔽原子恢复的任务中,可以有效地捕捉分子指纹的内在结构和特征,进而高效预测药物分子属性。 展开更多
关键词 Bert预训练 注意力机制 分子指纹 分子属性预测 图卷积神经网络
在线阅读 下载PDF
ISW32离心泵深度一维卷积神经网络故障诊断 被引量:1
18
作者 贺婷婷 张晓婷 +1 位作者 李强 颜洁 《机械设计与制造》 北大核心 2025年第4期213-216,共4页
传统卷积神经网络进行故障诊断过程费时费力,且人工提取特征未必完善。通过搭建离心泵故障诊断实验系统获得采样本,输入到深度一维卷积神经网络中进行故障诊断。通过提高1DCNN深度,为1DCNN模型设置了更多卷积层,最终实现D-1DCNN模型达... 传统卷积神经网络进行故障诊断过程费时费力,且人工提取特征未必完善。通过搭建离心泵故障诊断实验系统获得采样本,输入到深度一维卷积神经网络中进行故障诊断。通过提高1DCNN深度,为1DCNN模型设置了更多卷积层,最终实现D-1DCNN模型达到更强的特征提取能力。通过参数设置对深度一维卷积神经网络进行调节,确定最优的参数范围:学习率为0.01,卷积核选取为(1×3),批处理量为50,采取最大池化条件,以Adam优化器优化实验参数。实验测试研究结果表明:深度一维卷积神经网络在离心泵故障诊断实现了99.97%准确率,可以满足智能故障诊断的要求。该研究对提高ISW32离心泵的故障诊断能量具有很好的实际应用价值。 展开更多
关键词 离心泵 故障诊断 深度一维卷积神经网络 准确率 实验 采样
在线阅读 下载PDF
基于CNN模型的地震数据噪声压制性能对比研究 被引量:1
19
作者 张光德 张怀榜 +3 位作者 赵金泉 尤加春 魏俊廷 杨德宽 《石油物探》 北大核心 2025年第2期232-246,共15页
地震噪声的压制是地震勘探中地震数据处理的重要研究内容之一。准确地压制地震噪声和提取地震信号中的有效信息是地震勘探和地震监测的一项关键步骤。传统的地震噪声压制方法存在一些不足之处,如灵活性不足、难以处理复杂噪声、有效信... 地震噪声的压制是地震勘探中地震数据处理的重要研究内容之一。准确地压制地震噪声和提取地震信号中的有效信息是地震勘探和地震监测的一项关键步骤。传统的地震噪声压制方法存在一些不足之处,如灵活性不足、难以处理复杂噪声、有效信息损失以及依赖人工提取特征等局限性。为克服传统方法的不足,采用时频域变换并结合深度学习方法进行地震噪声压制,并验证其应用效果。通过构建5个神经网络模型(FCN、Unet、CBDNet、SwinUnet以及TransUnet)对经过时频变换的地震信号进行噪声压制。为了定量评估实验方法的去噪性能,引入了峰值信噪比(PSNR)、结构相似性指数(SSIM)和均方根误差(RMSE)3个指标,比较不同方法的噪声压制性能。数值实验结果表明,基于时频变换的卷积神经网络(CNN)方法对常见的地震噪声类型(包括随机噪声、海洋涌浪噪声、陆地面波噪声)具有较好的噪声压制效果,能够提高地震数据的信噪比。而Transformer模块的引入可进一步提高对上述3种常见地震数据噪声类型的压制效果,进一步提升CNN模型的去噪性能。尽管该方法在数值实验中取得了较好的应用效果,但仍有进一步优化的空间可供探索,比如改进网络结构以适应更复杂的地震信号,并探索与其他先进技术结合,以提升地震噪声压制性能。 展开更多
关键词 地震噪声压制 深度学习 卷积神经网络(CNN) 时频变换 TRANSFORMER
在线阅读 下载PDF
面向领域知识图谱的实体关系抽取模型仿真 被引量:1
20
作者 何山 肖晰 张嘉玲 《吉林大学学报(理学版)》 北大核心 2025年第2期465-471,共7页
针对目前领域知识图谱实体关系抽取效果不佳的问题,提出一种面向领域知识图谱的实体关系抽取模型研究方法.先建立由编解码模块、实体识别模块和实体关系抽取模块组成的实体关系抽取模型,在实体关系抽取模型中,通过双向长短期记忆神经网... 针对目前领域知识图谱实体关系抽取效果不佳的问题,提出一种面向领域知识图谱的实体关系抽取模型研究方法.先建立由编解码模块、实体识别模块和实体关系抽取模块组成的实体关系抽取模型,在实体关系抽取模型中,通过双向长短期记忆神经网络对文本句子进行编码处理,将编码后文本句子特征表示向量输入至基于深度神经网络的实体识别模块中进行文本句子的实体识别,并将识别结果输入至基于卷积神经网络的实体关系抽取模块中进行实体关系抽取,然后将实体关系抽取获取的实体关系三元组输入至编解码模块中进行解码操作,实现最终的面向领域知识图谱的实体关系抽取.实验结果表明,该方法的实体关系抽取效果和整体应用效果较好. 展开更多
关键词 知识图谱 实体关系抽取 实体识别 卷积神经网络
在线阅读 下载PDF
上一页 1 2 184 下一页 到第
使用帮助 返回顶部