期刊文献+
共找到3,999篇文章
< 1 2 200 >
每页显示 20 50 100
基于CNN-Informer和DeepLIFT的电力系统频率稳定评估方法
1
作者 张异浩 韩松 荣娜 《电力自动化设备》 北大核心 2025年第7期165-171,共7页
为解决扰动发生后电力系统频率稳定评估精度低且预测时间长的问题,提出了一种电力系统频率稳定评估方法。该方法改进层次时间戳机制,有效捕捉了频率响应在不同时间尺度下的相关性;利用深度学习重要特征技术对输入特征进行筛选,简化了数... 为解决扰动发生后电力系统频率稳定评估精度低且预测时间长的问题,提出了一种电力系统频率稳定评估方法。该方法改进层次时间戳机制,有效捕捉了频率响应在不同时间尺度下的相关性;利用深度学习重要特征技术对输入特征进行筛选,简化了数据维度并提升了模型的训练效率和预测性能;结合卷积神经网络与Informer网络,基于编码器与解码器的协同训练,构建适用于多场景的频率稳定评估框架。以修改后的新英格兰10机39节点系统和WECC 29机179节点系统为算例,仿真结果表明,所提方法在时效性和准确性方面具有显著的优势,并在多种实验条件下展现出良好的鲁棒性和适应性。 展开更多
关键词 电力系统 频率稳定评估 深度学习 时序数据 层次时间戳 蒸馏机制 卷积神经网络
在线阅读 下载PDF
Deep residual systolic network for massive MIMO channel estimation by joint training strategies of mixed-SNR and mixed-scenarios
2
作者 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
基于改进DeepLabV3+的轻量化语义分割网络
3
作者 惠飞 王悦华 +3 位作者 穆柯楠 徐源 张宇 龙姝静 《计算机工程与设计》 北大核心 2025年第7期1990-1997,共8页
为在硬件资源受限的嵌入式平台中实现高效语义分割,提出一种改进Deep Lab V3+的轻量化语义分割网络。采用Mobile NetV2主干网络并引入深度可分离卷积减少参数,编码器引入SE模块,增强多尺度特征融合,解码器引入CBAM模块,突出特征提取信息... 为在硬件资源受限的嵌入式平台中实现高效语义分割,提出一种改进Deep Lab V3+的轻量化语义分割网络。采用Mobile NetV2主干网络并引入深度可分离卷积减少参数,编码器引入SE模块,增强多尺度特征融合,解码器引入CBAM模块,突出特征提取信息;设计并行与主干网络低级特征的分支,提高目标边缘分割精度;优化损失函数改善正负样本不平衡问题。实验结果表明,改进网络在PASCALVOC数据集上m IoU和m PA分别提高1.54%和2.44%,参数量减少47.84M,改进效果明显。 展开更多
关键词 深度学习 语义分割 轻量化网络 注意力机制 深度可分离卷积 特征提取 损失函数
在线阅读 下载PDF
基于DeeplabV3+网络的轻量化语义分割算法 被引量:4
4
作者 张秀再 张昊 杨昌军 《科学技术与工程》 北大核心 2024年第24期10382-10393,共12页
针对传统语义分割模型参数量大、计算速度慢且效率不高等问题,改进一种基于DeeplabV3+网络的轻量化语义分割模型Faster-DeeplabV3+。Faster-DeeplabV3+模型采用轻量级MobilenetV2代替Xception作为主干特征提取网络,大幅减少参数量,提高... 针对传统语义分割模型参数量大、计算速度慢且效率不高等问题,改进一种基于DeeplabV3+网络的轻量化语义分割模型Faster-DeeplabV3+。Faster-DeeplabV3+模型采用轻量级MobilenetV2代替Xception作为主干特征提取网络,大幅减少参数量,提高计算速度;引入深度可分离卷积(deep separable convolution, DSC)与空洞空间金字塔(atrous spatia pyramid pooling, ASPP)中的膨胀卷积设计成新的深度可分离膨胀卷积(depthwise separable dilated convolution, DSD-Conv),即组成深度可分离空洞空间金字塔模块(DP-ASPP),扩大感受野的同时减少原本卷积参数量,提高运算速度;加入改进的双注意力机制模块分别对编码区生成的低级特征图和高级特征图进行处理,增强网络对不同维度特征信息提取的敏感性和准确性;融合使用交叉熵和Dice Loss两种损失函数,为模型提供更全面、更多样的优化。改进模型在PASCAL VOC 2012数据集上进行测试。实验结果表明:平均交并比由76.57%提升至79.07%,分割准确度由91.2%提升至94.3%。改进模型的网络参数量(params)减少了3.86×10~6,浮点计算量(GFLOPs)减少了117.98 G。因此,Faster-DeeplabV3+算法在大幅降低参数量、提高运算速度的同时保持较高语义分割效果。 展开更多
关键词 语义分割 deeplabV3+ 轻量化 深度可分离卷积(DSC) 空洞空间金字塔池化(ASPP)
在线阅读 下载PDF
Automatic Calcified Plaques Detection in the OCT Pullbacks Using Convolutional Neural Networks 被引量:2
5
作者 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
6
作者 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
Sound event localization and detection based on deep learning
7
作者 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
8
作者 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
9
作者 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
基于改进DeepLabCut模型的奶牛滑蹄检测方法
10
作者 年悦 赵凯旋 姬江涛 《智慧农业(中英文)》 CSCD 2024年第5期153-163,共11页
[目的/意义]为解决奶牛在行走过程中出现滑蹄姿态无法自动识别检测的问题,基于深度学习的方法对奶牛身体关键点进行定位分析,实现对奶牛滑蹄姿态的自动检测。[方法]选取奶牛四蹄及头部作为奶牛身体关键点,基于DeepLabCut(DLC)对奶牛四... [目的/意义]为解决奶牛在行走过程中出现滑蹄姿态无法自动识别检测的问题,基于深度学习的方法对奶牛身体关键点进行定位分析,实现对奶牛滑蹄姿态的自动检测。[方法]选取奶牛四蹄及头部作为奶牛身体关键点,基于DeepLabCut(DLC)对奶牛四蹄及头部关键点进行定位,首先选取ResNet系列、MobileNet-V2系列、EfficientNet系列等10个网络模型替换DLC的主干网络,最终选取准确率最高的ResNet-50作为DLC的主干网络,随后选择轻量级的卷积块注意力模块(Convolutional Block Attention Module,CBAM)嵌入ResNet-50的网络结构中,完成对ResNet-50网络模型的改进。通过改进后的模型得到奶牛身体关键点坐标,绘制奶牛四蹄及头部运动曲线。利用奶牛身体关键点运动曲线进行分析,提取奶牛滑蹄姿态的特征参数Feature1、奶牛滑蹄距离的特征参数Feature2。基于决策树对提取的奶牛滑蹄姿态特征参数进行模型的训练和验证。利用提取的奶牛滑蹄特征参数对奶牛的滑蹄距离进行计算,同时人工对奶牛滑蹄距离进行标定,与预测的滑蹄距离进行比较。[结果和讨论]改进后的ResNet-50网络相较于ResNet-50在验证集的定位准确率提高了9.7%,相较于YOLOv8s-pose的定位精准度提高了1.06 pixels,与手动标识的身体关键点之间的均方根误差(Root Mean Square Error,RMSE)仅为2.99 pixels。采用10折交叉验证对奶牛滑蹄检测模型的效果进行评估,结果表明,该模型的平均准确率、精确度、召回率和F1分数分别为90.42%,0.943,0.949和0.941。基于特征参数Feature2计算的奶牛滑蹄距离与人工标定奶牛滑蹄距离的RMSE仅为1.363 pixels。[结论]融合CBAM模块改进的ResNet-50网络模型对奶牛身体关键点定位的准确率较高,基于滑蹄判断特征参数Feature1和滑蹄距离检测特征参数Feature2建立的奶牛滑蹄判断模型和奶牛滑蹄距离预测模型与人工检测的结果相比,都有较小的误差,这表明该方法有较好的准确性,可以为奶牛滑蹄自动检测工作提供技术支持。 展开更多
关键词 深度学习 奶牛滑蹄 ResNet-50 决策树 CBAM注意力机制 决策树
在线阅读 下载PDF
基于双路多尺度卷积的近红外光谱羊绒羊毛纤维预测模型 被引量:1
11
作者 陈锦妮 田谷丰 +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
基于HDNNF-CAF的短时交通流预测研究 被引量:1
12
作者 王庆荣 慕壮壮 +1 位作者 朱昌锋 何润田 《计算机工程与应用》 北大核心 2025年第15期318-328,共11页
短时交通流预测在智能交通系统中扮演重要的角色。针对交通流复杂多变的时空特征、非平稳性及外部因素引发的数据异常,提出考虑异常因素的混合深度神经网络预测模型(hybrid deep neural network forecasting model considering anomalou... 短时交通流预测在智能交通系统中扮演重要的角色。针对交通流复杂多变的时空特征、非平稳性及外部因素引发的数据异常,提出考虑异常因素的混合深度神经网络预测模型(hybrid deep neural network forecasting model considering anomalous factors,HDNNF-CAF)。该模型将邻接矩阵、交通流量矩阵及交通流其他参数矩阵结合异常数据处理理论,进行数据预处理和异常数据识别。建立异常数据时空特征提取理论,捕获异常数据时空信息;利用变分模态分解(VMD)降低交通流数据非平稳性,并提出图卷积网络(GCN)优化Informer理论分别对各个子序列进行特征提取,以组合生成交通流时空信息。最终结合异常数据与交通流数据的时空信息生成预测结果。在真实数据集PeMS04上进行验证,实验结果表明,HDNNF-CAF能够有效识别交通流异常数据,提高预测精度,优于一些现有方法。 展开更多
关键词 短时交通流 预测 深度学习 图卷积网络 时空信息
在线阅读 下载PDF
基于改进一维卷积神经网络模型的蛋清粉近红外光谱真实性检测 被引量:1
13
作者 祝志慧 李沃霖 +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
14
作者 李书进 杨繁繁 张远进 《建筑科学与工程学报》 北大核心 2025年第1期101-111,共11页
为研究复杂空间框架节点损伤识别问题,利用多标签分类的优势,构建了多标签单输出和多标签多输出两种卷积神经网络模型,用于框架结构节点损伤位置的判断和损伤程度诊断。针对复杂结构损伤位置判断时工况多、识别准确率不高等问题,提出了... 为研究复杂空间框架节点损伤识别问题,利用多标签分类的优势,构建了多标签单输出和多标签多输出两种卷积神经网络模型,用于框架结构节点损伤位置的判断和损伤程度诊断。针对复杂结构损伤位置判断时工况多、识别准确率不高等问题,提出了一种能对结构进行分层(或分区)处理并同时完成损伤诊断的多标签多输出卷积神经网络模型。分别构建了适用于多标签分类的浅层、深层和深层残差多输出卷积神经网络模型,并对其泛化性能进行了研究。结果表明:提出的模型具有较高的损伤诊断准确率和一定的抗噪能力,特别是经过分层(分区)处理后的多标签多输出网络模型更具高效性,有更快的收敛速度和更高的诊断准确率;利用多标签多输出残差卷积神经网络模型可以从训练工况中提取到足够多的损伤信息,在面对未经过学习的工况时也能较准确判断各节点的损伤等级。 展开更多
关键词 损伤诊断 卷积神经网络 多标签分类 框架结构 深度学习
在线阅读 下载PDF
ISW32离心泵深度一维卷积神经网络故障诊断 被引量:1
15
作者 贺婷婷 张晓婷 +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
16
作者 张光德 张怀榜 +3 位作者 赵金泉 尤加春 魏俊廷 杨德宽 《石油物探》 北大核心 2025年第2期232-246,共15页
地震噪声的压制是地震勘探中地震数据处理的重要研究内容之一。准确地压制地震噪声和提取地震信号中的有效信息是地震勘探和地震监测的一项关键步骤。传统的地震噪声压制方法存在一些不足之处,如灵活性不足、难以处理复杂噪声、有效信... 地震噪声的压制是地震勘探中地震数据处理的重要研究内容之一。准确地压制地震噪声和提取地震信号中的有效信息是地震勘探和地震监测的一项关键步骤。传统的地震噪声压制方法存在一些不足之处,如灵活性不足、难以处理复杂噪声、有效信息损失以及依赖人工提取特征等局限性。为克服传统方法的不足,采用时频域变换并结合深度学习方法进行地震噪声压制,并验证其应用效果。通过构建5个神经网络模型(FCN、Unet、CBDNet、SwinUnet以及TransUnet)对经过时频变换的地震信号进行噪声压制。为了定量评估实验方法的去噪性能,引入了峰值信噪比(PSNR)、结构相似性指数(SSIM)和均方根误差(RMSE)3个指标,比较不同方法的噪声压制性能。数值实验结果表明,基于时频变换的卷积神经网络(CNN)方法对常见的地震噪声类型(包括随机噪声、海洋涌浪噪声、陆地面波噪声)具有较好的噪声压制效果,能够提高地震数据的信噪比。而Transformer模块的引入可进一步提高对上述3种常见地震数据噪声类型的压制效果,进一步提升CNN模型的去噪性能。尽管该方法在数值实验中取得了较好的应用效果,但仍有进一步优化的空间可供探索,比如改进网络结构以适应更复杂的地震信号,并探索与其他先进技术结合,以提升地震噪声压制性能。 展开更多
关键词 地震噪声压制 深度学习 卷积神经网络(CNN) 时频变换 TRANSFORMER
在线阅读 下载PDF
基于Bi-LSTM和改进残差学习的风电功率超短期预测方法 被引量:2
17
作者 王进峰 吴盛威 +1 位作者 花广如 吴自高 《华北电力大学学报(自然科学版)》 北大核心 2025年第1期56-65,共10页
现有的方法在以风电功率时间序列拟合功率曲线时,难以表达风电功率数据所包含的趋势性和周期性等时间信息而出现性能退化问题,从而导致预测精度下降。为了解决性能退化问题从而提高风电功率时间序列预测的精度,提出了基于双向长短时记忆... 现有的方法在以风电功率时间序列拟合功率曲线时,难以表达风电功率数据所包含的趋势性和周期性等时间信息而出现性能退化问题,从而导致预测精度下降。为了解决性能退化问题从而提高风电功率时间序列预测的精度,提出了基于双向长短时记忆(Bi-LSTM)和改进残差学习的风电功率预测方法。方法由两个部分组成,第一部分是以Bi-LSTM为主的多残差块上,结合稠密残差块网络(DenseNet)与多级残差网络(MRN)的残差连接方式,并且在残差连接上使用一维卷积神经网络(1D CNN)来提取风电功率值中时序的非线性特征部分。第二部分是Bi-LSTM与全连接层(Dense)组成的解码器,将多残差块提取到的功率值时序非线性特征映射为预测结果。方法在实际运行的风电功率数据上进行实验,并与常见的残差网络方法和时间序列预测方法进行对比。方法相比于其他模型方法有着更高的预测精度以及更好的泛化能力。 展开更多
关键词 深度学习 残差网络 风电功率预测 双向长短时记忆 一维卷积神经网络
在线阅读 下载PDF
结合特征融合注意力的规范化卷积图像去雾网络 被引量:1
18
作者 王燕 卢鹏屹 他雪 《计算机工程与应用》 北大核心 2025年第8期226-238,共13页
图像去雾方法可以从受雾、霾或大气干扰影响的模糊图像中恢复清晰图像,在自动驾驶、监控系统等领域有重要意义。近年来,基于深度学习方法在图像去雾领域取得了显著进展,但在去雾过程中会损失一些细节信息,导致纹理信息恢复不足、去雾不... 图像去雾方法可以从受雾、霾或大气干扰影响的模糊图像中恢复清晰图像,在自动驾驶、监控系统等领域有重要意义。近年来,基于深度学习方法在图像去雾领域取得了显著进展,但在去雾过程中会损失一些细节信息,导致纹理信息恢复不足、去雾不均匀现象。为了解决这个问题,提出了一种端到端的单幅图像去雾方法,称为EFANNet。该方法由编码器模块、去雾模块、解码器模块组成。编码器模块用于提取图像特征信息传递给去雾模块;去雾模块通过特征融合组(FFG)获得更多图像信息使去雾图像颜色失真更小、伪影更少,将获得的图像信息传递给深度规范化修正卷积块(DNCC)减少协变量偏移,使模型更容易训练。多路径特征卷积块(MFCB)获得纹理细节更丰富的图像信息,最后经过解码器模块通过反卷积和上采样操作将低维的特征映射转换回高维的原始输入空间,得到去雾图像。大量实验结果表明,所提方法在定量和定性上都取得了较好的结果并优于相关的最新方法。 展开更多
关键词 图像去雾 深度学习 编码器-解码器 深度规范化修正卷积块
在线阅读 下载PDF
结合注意力特征融合的路面裂缝检测 被引量:2
19
作者 谢永华 厉涛 柏勇 《计算机工程与设计》 北大核心 2025年第1期307-313,共7页
为解决路面裂缝检测中裂缝漏检和定位不准的问题,提出一个结合注意力特征融合的可端到端训练的路面裂缝检测网络。基于Resnet-50结构设计,在特征融合部分添加注意力特征融合模块,通过注意力掩码学习,动态调整浅层特征与深层特征融合权重... 为解决路面裂缝检测中裂缝漏检和定位不准的问题,提出一个结合注意力特征融合的可端到端训练的路面裂缝检测网络。基于Resnet-50结构设计,在特征融合部分添加注意力特征融合模块,通过注意力掩码学习,动态调整浅层特征与深层特征融合权重,突出有用信息,解决裂缝漏检问题;在编码器部分,改进浅层特征与深层特征的选取方式,提升特征融合效果和检测精度。实验结果表明,该网络在各项指标上均优于其它对比网络,具有较高的检测精度。 展开更多
关键词 裂缝检测 深度学习 语义分割 卷积网络 注意力机制 特征融合 特征提取
在线阅读 下载PDF
基于跳跃连接神经网络的无监督弱光图像增强算法 被引量:1
20
作者 刘洋 刘思瑞 +1 位作者 徐晓淼 王竹筠 《电子测量与仪器学报》 北大核心 2025年第5期208-216,共9页
针对Zero-DCE网络存在细节丢失和不同亮度区域处理结果出现差异等问题,设计了一种基于增强深度曲线估计网络(EnDCE-Net)的无监督弱光图像增强算法。通过探索弱光图像与未配对的正常光照图像之间的潜在映射关系,实现了对低光照场景下图... 针对Zero-DCE网络存在细节丢失和不同亮度区域处理结果出现差异等问题,设计了一种基于增强深度曲线估计网络(EnDCE-Net)的无监督弱光图像增强算法。通过探索弱光图像与未配对的正常光照图像之间的潜在映射关系,实现了对低光照场景下图像质量的显著改善。首先,提出新的特征提取网络,该网络整合了多个跳跃连接与卷积层,实现低层与高层特征的有效融合,从而学习到弱光图像中的关键特征,增强网络对弱光图像的学习能力。其次,设计一组联合的无参考损失函数,强调优化过程中与亮度相关的特性,从而更有利于图像增强模型的参数更新,提高图像增强的质量和效果。为了验证所提出算法的有效性,在5个公开数据集上进行了对比实验,与次优算法Zero-DCE相比,有参考数据集SICE上的峰值信噪比(PSNR)和结构相似性(SSIM)分别提升了9.4%、21%。无参考数据集LIME、DICM、MEF、NPE上NIQE分别达到了4.04、3.04、3.35、3.83。实验结果表明,所提出算法表现出色,增强后的图像色彩自然,亮度均衡且细节清晰。无论是主观视觉评价还是客观定量指标,均显著优于对比算法,充分体现了在图像增强效果上的卓越性和先进性。 展开更多
关键词 弱光图像增强 深度曲线估计 无参考损失函数 多层卷积神经网络 无监督学习
在线阅读 下载PDF
上一页 1 2 200 下一页 到第
使用帮助 返回顶部