期刊文献+
共找到717篇文章
< 1 2 36 >
每页显示 20 50 100
Long Short-Term Memory Recurrent Neural Network-Based Acoustic Model Using Connectionist Temporal Classification on a Large-Scale Training Corpus 被引量:9
1
作者 Donghyun Lee Minkyu Lim +4 位作者 Hosung Park Yoseb Kang Jeong-Sik Park Gil-Jin Jang Ji-Hwan Kim 《China Communications》 SCIE CSCD 2017年第9期23-31,共9页
A Long Short-Term Memory(LSTM) Recurrent Neural Network(RNN) has driven tremendous improvements on an acoustic model based on Gaussian Mixture Model(GMM). However, these models based on a hybrid method require a force... A Long Short-Term Memory(LSTM) Recurrent Neural Network(RNN) has driven tremendous improvements on an acoustic model based on Gaussian Mixture Model(GMM). However, these models based on a hybrid method require a forced aligned Hidden Markov Model(HMM) state sequence obtained from the GMM-based acoustic model. Therefore, it requires a long computation time for training both the GMM-based acoustic model and a deep learning-based acoustic model. In order to solve this problem, an acoustic model using CTC algorithm is proposed. CTC algorithm does not require the GMM-based acoustic model because it does not use the forced aligned HMM state sequence. However, previous works on a LSTM RNN-based acoustic model using CTC used a small-scale training corpus. In this paper, the LSTM RNN-based acoustic model using CTC is trained on a large-scale training corpus and its performance is evaluated. The implemented acoustic model has a performance of 6.18% and 15.01% in terms of Word Error Rate(WER) for clean speech and noisy speech, respectively. This is similar to a performance of the acoustic model based on the hybrid method. 展开更多
关键词 acoustic model connectionisttemporal classification LARGE-SCALE trainingcorpus long short-term memory recurrentneural network
在线阅读 下载PDF
State-of-health estimation for fast-charging lithium-ion batteries based on a short charge curve using graph convolutional and long short-term memory networks
2
作者 Yvxin He Zhongwei Deng +4 位作者 Jue Chen Weihan Li Jingjing Zhou Fei Xiang Xiaosong Hu 《Journal of Energy Chemistry》 SCIE EI CAS CSCD 2024年第11期1-11,共11页
A fast-charging policy is widely employed to alleviate the inconvenience caused by the extended charging time of electric vehicles. However, fast charging exacerbates battery degradation and shortens battery lifespan.... A fast-charging policy is widely employed to alleviate the inconvenience caused by the extended charging time of electric vehicles. However, fast charging exacerbates battery degradation and shortens battery lifespan. In addition, there is still a lack of tailored health estimations for fast-charging batteries;most existing methods are applicable at lower charging rates. This paper proposes a novel method for estimating the health of lithium-ion batteries, which is tailored for multi-stage constant current-constant voltage fast-charging policies. Initially, short charging segments are extracted by monitoring current switches,followed by deriving voltage sequences using interpolation techniques. Subsequently, a graph generation layer is used to transform the voltage sequence into graphical data. Furthermore, the integration of a graph convolution network with a long short-term memory network enables the extraction of information related to inter-node message transmission, capturing the key local and temporal features during the battery degradation process. Finally, this method is confirmed by utilizing aging data from 185 cells and 81 distinct fast-charging policies. The 4-minute charging duration achieves a balance between high accuracy in estimating battery state of health and low data requirements, with mean absolute errors and root mean square errors of 0.34% and 0.66%, respectively. 展开更多
关键词 Lithium-ion battery State of health estimation Feature extraction Graph convolutional network long short-term memory network
在线阅读 下载PDF
Synthetic well logs generation via Recurrent Neural Networks 被引量:11
3
作者 ZHANG Dongxiao CHEN Yuntian MENG Jin 《Petroleum Exploration and Development》 2018年第4期629-639,共11页
To supplement missing logging information without increasing economic cost, a machine learning method to generate synthetic well logs from the existing log data was presented, and the experimental verification and app... To supplement missing logging information without increasing economic cost, a machine learning method to generate synthetic well logs from the existing log data was presented, and the experimental verification and application effect analysis were carried out. Since the traditional Fully Connected Neural Network(FCNN) is incapable of preserving spatial dependency, the Long Short-Term Memory(LSTM) network, which is a kind of Recurrent Neural Network(RNN), was utilized to establish a method for log reconstruction. By this method, synthetic logs can be generated from series of input log data with consideration of variation trend and context information with depth. Besides, a cascaded LSTM was proposed by combining the standard LSTM with a cascade system. Testing through real well log data shows that: the results from the LSTM are of higher accuracy than the traditional FCNN; the cascaded LSTM is more suitable for the problem with multiple series data; the machine learning method proposed provides an accurate and cost effective way for synthetic well log generation. 展开更多
关键词 well LOG generating method machine learning Fully Connected neural network recurrent neural network long short-term memory artificial INTELLIGENCE
在线阅读 下载PDF
Preliminary abnormal electrocardiogram segment screening method for Holter data based on long short-term memory networks 被引量:1
4
作者 Siying Chen Hongxing Liu 《Chinese Physics B》 SCIE EI CAS CSCD 2020年第4期208-214,共7页
Holter usually monitors electrocardiogram(ECG)signals for more than 24 hours to capture short-lived cardiac abnormalities.In view of the large amount of Holter data and the fact that the normal part accounts for the m... Holter usually monitors electrocardiogram(ECG)signals for more than 24 hours to capture short-lived cardiac abnormalities.In view of the large amount of Holter data and the fact that the normal part accounts for the majority,it is reasonable to design an algorithm that can automatically eliminate normal data segments as much as possible without missing any abnormal data segments,and then take the left segments to the doctors or the computer programs for further diagnosis.In this paper,we propose a preliminary abnormal segment screening method for Holter data.Based on long short-term memory(LSTM)networks,the prediction model is established and trained with the normal data of a monitored object.Then,on the basis of kernel density estimation,we learn the distribution law of prediction errors after applying the trained LSTM model to the regular data.Based on these,the preliminary abnormal ECG segment screening analysis is carried out without R wave detection.Experiments on the MIT-BIH arrhythmia database show that,under the condition of ensuring that no abnormal point is missed,53.89% of normal segments can be effectively obviated.This work can greatly reduce the workload of subsequent further processing. 展开更多
关键词 ELECTROCARDIOGRAM long short-term memory network kernel density estimation MIT-BIH ARRHYTHMIA database
在线阅读 下载PDF
Research on Short-Term Electric Load Forecasting Using IWOA CNN-BiLSTM-TPA Model
5
作者 MEI Tong-da SI Zhan-jun ZHANG Ying-xue 《印刷与数字媒体技术研究》 北大核心 2025年第1期179-187,共9页
Load forecasting is of great significance to the development of new power systems.With the advancement of smart grids,the integration and distribution of distributed renewable energy sources and power electronics devi... Load forecasting is of great significance to the development of new power systems.With the advancement of smart grids,the integration and distribution of distributed renewable energy sources and power electronics devices have made power load data increasingly complex and volatile.This places higher demands on the prediction and analysis of power loads.In order to improve the prediction accuracy of short-term power load,a CNN-BiLSTMTPA short-term power prediction model based on the Improved Whale Optimization Algorithm(IWOA)with mixed strategies was proposed.Firstly,the model combined the Convolutional Neural Network(CNN)with the Bidirectional Long Short-Term Memory Network(BiLSTM)to fully extract the spatio-temporal characteristics of the load data itself.Then,the Temporal Pattern Attention(TPA)mechanism was introduced into the CNN-BiLSTM model to automatically assign corresponding weights to the hidden states of the BiLSTM.This allowed the model to differentiate the importance of load sequences at different time intervals.At the same time,in order to solve the problem of the difficulties of selecting the parameters of the temporal model,and the poor global search ability of the whale algorithm,which is easy to fall into the local optimization,the whale algorithm(IWOA)was optimized by using the hybrid strategy of Tent chaos mapping and Levy flight strategy,so as to better search the parameters of the model.In this experiment,the real load data of a region in Zhejiang was taken as an example to analyze,and the prediction accuracy(R2)of the proposed method reached 98.83%.Compared with the prediction models such as BP,WOA-CNN-BiLSTM,SSA-CNN-BiLSTM,CNN-BiGRU-Attention,etc.,the experimental results showed that the model proposed in this study has a higher prediction accuracy. 展开更多
关键词 Whale Optimization Algorithm Convolutional neural network long short-term memory Temporal Pattern Attention Power load forecasting
在线阅读 下载PDF
Chinese named entity recognition with multi-network fusion of multi-scale lexical information
6
作者 Yan Guo Hong-Chen Liu +3 位作者 Fu-Jiang Liu Wei-Hua Lin Quan-Sen Shao Jun-Shun Su 《Journal of Electronic Science and Technology》 EI CAS CSCD 2024年第4期53-80,共28页
Named entity recognition(NER)is an important part in knowledge extraction and one of the main tasks in constructing knowledge graphs.In today’s Chinese named entity recognition(CNER)task,the BERT-BiLSTM-CRF model is ... Named entity recognition(NER)is an important part in knowledge extraction and one of the main tasks in constructing knowledge graphs.In today’s Chinese named entity recognition(CNER)task,the BERT-BiLSTM-CRF model is widely used and often yields notable results.However,recognizing each entity with high accuracy remains challenging.Many entities do not appear as single words but as part of complex phrases,making it difficult to achieve accurate recognition using word embedding information alone because the intricate lexical structure often impacts the performance.To address this issue,we propose an improved Bidirectional Encoder Representations from Transformers(BERT)character word conditional random field(CRF)(BCWC)model.It incorporates a pre-trained word embedding model using the skip-gram with negative sampling(SGNS)method,alongside traditional BERT embeddings.By comparing datasets with different word segmentation tools,we obtain enhanced word embedding features for segmented data.These features are then processed using the multi-scale convolution and iterated dilated convolutional neural networks(IDCNNs)with varying expansion rates to capture features at multiple scales and extract diverse contextual information.Additionally,a multi-attention mechanism is employed to fuse word and character embeddings.Finally,CRFs are applied to learn sequence constraints and optimize entity label annotations.A series of experiments are conducted on three public datasets,demonstrating that the proposed method outperforms the recent advanced baselines.BCWC is capable to address the challenge of recognizing complex entities by combining character-level and word-level embedding information,thereby improving the accuracy of CNER.Such a model is potential to the applications of more precise knowledge extraction such as knowledge graph construction and information retrieval,particularly in domain-specific natural language processing tasks that require high entity recognition precision. 展开更多
关键词 Bi-directional long short-term memory(BiLSTM) Chinese named entity recognition(CNER) Iterated dilated convolutional neural network(IDCNN) Multi-network integration Multi-scale lexical features
在线阅读 下载PDF
基于多空间维度联合方法改进的BiLSTM出水氨氮预测方法
7
作者 王雷 张煜 +3 位作者 赵艺琨 刘明勇 刘子航 李杰 《中国农村水利水电》 北大核心 2025年第2期17-24,共8页
出水氨氮作为衡量污水处理厂水质处理工艺的重要指标之一,准确预测污水处理厂出水水质中的氨氮含量对于及时调整处理工艺,保障水环境安全有着重要的作用。提出了一种基于联合多空间维度(Multi-spatial Dimensional Cooperative Attenti... 出水氨氮作为衡量污水处理厂水质处理工艺的重要指标之一,准确预测污水处理厂出水水质中的氨氮含量对于及时调整处理工艺,保障水环境安全有着重要的作用。提出了一种基于联合多空间维度(Multi-spatial Dimensional Cooperative Attention)改进的双向长短期记忆网络(Bi-directional Long Short-Term Memory,BiLSTM)的水质预测模型,首先通过皮尔逊(Pearson)系数法筛选出与出水氨氮相关性较强的总氮、污泥沉降比和温度3个指标作为模型输入,联合3个维度的强相关信息对未来6 h的出水氨氮进行预测。结果表明,MDCA-BiLSTM模型在融合残差序列后对出水氨氮的预测准确率R2为0.979,并在太平污水处理厂和文昌污水处理厂两个站点收集到的数据集上总氮、总磷和溶解氧的均方根误差分别为0.002、0.003、0.001和0.004、0.003、0.002;预测精度分别为0.959、0.947、0.971和0.962、0.951、0.983;与BiLSTM相比,均方根误差分别降低了0.007、0.007、0.007和0.017、0.006、0.005;预测精度分别提高了0.176、0.183、0.258和0.098、0.109、0.11。同时,该模型在面对未来6、12和24 h的预测步长时,仍能够达到0.956、0.933和0.917的预测精度,说明改进后的模型在预测准确性和鲁棒性方面表现出显著优势。该方法能够有效提高污水处理厂出水氨氮的及其他指标的预测准确性,可作为水资源循环和管理决策的一种有效参考手段,具有较强的实际应用价值。 展开更多
关键词 水质参数 时序预测 时序卷积网络 双向长短期记忆循环神经网络 注意力机制
在线阅读 下载PDF
基于LSTM-FC模型的充电站短期运行状态预测
8
作者 毕军 王嘉宁 王永兴 《华南理工大学学报(自然科学版)》 北大核心 2025年第2期58-67,共10页
公共充电站可用充电桩数量预测对于制定智能充电推荐策略和减少用户的充电排队时间具有重要意义。现阶段充电站运行状态研究通常集中于充电负荷预测,对于站内充电桩占用情况的研究较少,同时缺乏实际数据支撑。为此,基于充电站实际运行数... 公共充电站可用充电桩数量预测对于制定智能充电推荐策略和减少用户的充电排队时间具有重要意义。现阶段充电站运行状态研究通常集中于充电负荷预测,对于站内充电桩占用情况的研究较少,同时缺乏实际数据支撑。为此,基于充电站实际运行数据,提出一种基于长短时记忆(LSTM)网络与全连接(FC)网络结合的充电站内可用充电桩预测模型,有效结合了历史充电状态序列和相关特征。首先,将兰州市某充电站的订单数据转化为可用充电桩数量,并进行数据预处理;其次,提出了基于LSTM-FC的充电站运行状态预测模型;最后,将输入步长、隐藏层神经元数量和输出步长3种参数进行单独测试。为验证LSTM-FC模型的预测效果,将该模型与原始LSTM网络、BP神经网络模型和支持向量回归(SVR)模型进行对比。结果表明:LSTM-FC模型的平均绝对百分比误差分别降低了0.247、1.161和2.204个百分点,具有较高的预测精度。 展开更多
关键词 LSTM神经网络 全连接网络 电动汽车 充电站运行状态
在线阅读 下载PDF
基于BiLSTM-AM-ResNet组合模型的山西焦煤价格预测
9
作者 樊园杰 睢祎平 张磊 《中国煤炭》 北大核心 2025年第3期42-51,共10页
煤炭作为我国重要的基础能源,其价格的波动会直接影响国民经济发展与能源市场稳定,因此对煤炭价格进行预测具有重要意义。针对我国煤炭价格受政策与供求关系影响大、多呈现非线性的变化趋势,且目前存在的煤价预测方法存在滞后性大等问题... 煤炭作为我国重要的基础能源,其价格的波动会直接影响国民经济发展与能源市场稳定,因此对煤炭价格进行预测具有重要意义。针对我国煤炭价格受政策与供求关系影响大、多呈现非线性的变化趋势,且目前存在的煤价预测方法存在滞后性大等问题,以山西焦煤价格为研究对象,分析影响煤炭价格的多种因素,并利用先进的人工智能机器学习算法来解决煤价预测问题。综合双向长短期记忆网络、注意力机制和残差神经网络的优势,构建双向长短期残差神经网络(BiLSTM-AM-ResNet)进行山西焦煤价格预测实验。采集2012-2023年的山西焦煤价格周度数据作为实验数据,对其进行空缺值处理和归一化处理,绘制相关系数热图并确定模型输入特征类型,进而简化模型并提高预测准确率与预测速度。通过模型预测实验得出,经BiLSTM-AM-ResNet模型预测的山西焦煤价格与实际煤价的发展趋势有着较高的线性拟合性,且预测结果与真实煤价在数值上非常接近,预测准确率达到了95.08%。 展开更多
关键词 焦煤价格预测 长短期记忆网络 注意力机制 残差神经网络 相关性分析
在线阅读 下载PDF
基于改进蜣螂算法的空气质量预测建模
10
作者 朱宗玖 冯晓彤 《兰州工业学院学报》 2025年第2期54-61,共8页
为了提高PM2.5浓度的预测精度,提出了一种新的预测模型。首先使用改进的自适应噪声完全经验模态分解对复杂的PM2.5时间序列进行分解,提取出多尺度的本征模态函数;接着利用卷积神经网络捕捉并提取序列中的关键特征,从而增强表征能力;然... 为了提高PM2.5浓度的预测精度,提出了一种新的预测模型。首先使用改进的自适应噪声完全经验模态分解对复杂的PM2.5时间序列进行分解,提取出多尺度的本征模态函数;接着利用卷积神经网络捕捉并提取序列中的关键特征,从而增强表征能力;然后将提取的特征输入到双向长短期记忆网络中进行预测。为了进一步提升模型的性能,采用改进的蜣螂算法对模型进行优化训练。实验结果表明,与传统的单一预测模型相比,所提出的模型在预测性能上有显著提升:预测拟合度提高了17.35%,均方根误差降至0.46μg/m^(3),有效实现了空气质量的精准预测。 展开更多
关键词 PM2.5预测 ICEEMDAN 改进蜣螂算法 卷积神经网络 长短期记忆网络
在线阅读 下载PDF
GWO优化CNN-BiLSTM-Attenion的轴承剩余寿命预测方法 被引量:1
11
作者 李敬一 苏翔 《振动与冲击》 北大核心 2025年第2期321-332,共12页
滚动轴承作为机械设备的重要部件,对其进行剩余使用寿命预测在企业的生产过程中变得越来越重要。目前,虽然主流的卷积神经网络(convolutional neural network, CNN)可以自动地从轴承的振动信号中提取特征,却不能给特征分配不同的权重来... 滚动轴承作为机械设备的重要部件,对其进行剩余使用寿命预测在企业的生产过程中变得越来越重要。目前,虽然主流的卷积神经网络(convolutional neural network, CNN)可以自动地从轴承的振动信号中提取特征,却不能给特征分配不同的权重来提高模型对重要特征的关注程度,对于长时间序列容易丢失重要信息。另外,神经网络中隐藏层神经元个数、学习率以及正则化参数等超参数还需要依靠人工经验设置。为了解决上述问题,提出基于灰狼优化(grey wolf optimizer, GWO)算法、优化集合CNN、双向长短期记忆(bidirectional long short term memory, BiLSTM)网络和注意力机制(Attention)轴承剩余使用寿命预测方法。首先,从原始振动信号中提取时域、频域以及时频域特征指标构建可选特征集;然后,通过构建考虑特征相关性、鲁棒性和单调性的综合评价指标筛选出高于设定阈值的轴承退化敏感特征集,作为预测模型的输入;最后,将预测值和真实值的均方误差作为GWO算法的适应度函数,优化预测模型获得最优隐藏层神经元个数、学习率和正则化参数,利用优化后模型进行剩余使用寿命预测,并在公开数据集上进行验证。结果表明,所提方法可在非经验指导下获得最优的超参数组合,优化后的预测模型与未进行优化模型相比,平均绝对误差与均方根误差分别降低了28.8%和24.3%。 展开更多
关键词 灰狼优化(GWO)算法 卷积神经网络(CNN) 双向长短期记忆(BiLSTM)网络 自注意力机制 剩余使用寿命预测
在线阅读 下载PDF
基于AMCNN-BiLSTM-CatBoost的滚动轴承故障诊断模型研究
12
作者 袁建华 邵星 +1 位作者 王翠香 皋军 《噪声与振动控制》 北大核心 2025年第2期82-89,共8页
针对现有的轴承故障诊断模型存在的分类精度差、运算效率不高的问题,提出一种基于注意力机制-卷积神经网络-双向长短期记忆网络-CatBoost(AMCNN-BiLSTM-CatBoost)的滚动轴承故障诊断模型。首先,对原始振动信号进行下采样技术处理,然后... 针对现有的轴承故障诊断模型存在的分类精度差、运算效率不高的问题,提出一种基于注意力机制-卷积神经网络-双向长短期记忆网络-CatBoost(AMCNN-BiLSTM-CatBoost)的滚动轴承故障诊断模型。首先,对原始振动信号进行下采样技术处理,然后将经过下采样后的振动信号作为模型输入,通过3个不同的卷积模块提取特征,并使用通道注意力模块对提取的特征进行加权融合,然后将经过加权融合后的数据输入到双向长短期记忆网络中进一步地提取时序特征信息,最后输入到CatBoost中进行故障分类。经过实验表明,该模型不仅能够保证故障诊断的高准确率,还可以大大缩短网络的训练时间。 展开更多
关键词 故障诊断 卷积神经网络 双向长短期记忆网络 注意力机制 CatBoost 轴承
在线阅读 下载PDF
基于CNN-BiLSTM模型的平原型水库洪水预报研究
13
作者 赵忠峰 王雪妮 +3 位作者 晋华 郑婕 刘晓东 郭园 《水电能源科学》 北大核心 2025年第2期10-14,共5页
在平原型水库反推入库流量过程中,存在明显的噪声干扰,导致传统的洪水预报方法精度下降。对此,提出一种结合卷积神经网络(CNN)与双向长短期记忆神经网络(BiLSTM)的入库洪水预报模型,该模型采用CNN的卷积层挖掘入库洪水数据中的深层特征... 在平原型水库反推入库流量过程中,存在明显的噪声干扰,导致传统的洪水预报方法精度下降。对此,提出一种结合卷积神经网络(CNN)与双向长短期记忆神经网络(BiLSTM)的入库洪水预报模型,该模型采用CNN的卷积层挖掘入库洪水数据中的深层特征信息,并赋予不重要特征较低的权重,以便模型更加专注于对目标任务关键的特征信息。此外,利用BiLSTM处理流量序列中的长期依赖问题,通过其遗忘门有选择性地过滤掉权重较低的特征信息,实现对入库洪水过程的准确预测。最后,基于不同预见期评估所构建模型在安徽省合肥市大房郢水库入库洪水预报中的精准度。结果表明,4 h预见期下CNN-BiLSTM模型在入库洪水预报中具有更高的预报精度,相比BiLSTM模型和新安江(XAJ)模型,其确定性系数(D_(DC))分别提升9.9%、39.0%,均方根误差(R_(RMSE))和相对偏差(B_(BIAS))分别降低34.6%、17.1%和148.6%、20.6%。研究成果可为反推入库流量过程的平原型水库入库洪水预报提供新思路和技术支持。 展开更多
关键词 平原型水库 卷积神经网络 双向长短期记忆神经网络 入库洪水预报
在线阅读 下载PDF
矿井开采设备齿轮减速器故障预测模型
14
作者 李建伟 郭攀 马俊杰 《金属矿山》 北大核心 2025年第3期175-180,共6页
针对复杂工况下矿井开采设备齿轮减速器故障预测精度不高、实时性不强的问题,提出了一种基于并行多尺度特征融合的矿井开采设备齿轮减速器故障预测模型。首先,利用卷积神经网络Vgg-16提取齿轮减速器故障数据的空间特征;然后,利用双向长... 针对复杂工况下矿井开采设备齿轮减速器故障预测精度不高、实时性不强的问题,提出了一种基于并行多尺度特征融合的矿井开采设备齿轮减速器故障预测模型。首先,利用卷积神经网络Vgg-16提取齿轮减速器故障数据的空间特征;然后,利用双向长短时记忆神经网络(Bi-directional Long Short-Term Memory,Bi-LSTM)提取齿轮减速器故障数据的时序特征,并借助交叉融合注意力实现井下开采设备齿轮减速器故障数据空间特征和时序特征的深度融合,增强故障特征表达的可靠性和鲁棒性;最后,利用Softmax函数实现待测齿轮减速器故障的实时预测。通过在宁夏某矿井采集的多工况条件下的开采设备齿轮减速器故障数据集上进行测试,结果表明:所提模型在单一工况场景下可以实现94.38%的准确率、94.25%的精准率、94.16%的召回率和95.08%的F_(1)值,在多工况场景下可以实现92.73%的准确率、91.86%的精准率、91.04%的召回率和92.39%的F_(1)值,综合性能优于经典的齿轮故障预测模型。 展开更多
关键词 齿轮减速器故障预测 卷积神经网络 双向长短时记忆神经网络 交叉融合注意力
在线阅读 下载PDF
基于SIP的FPGA驱动电压补偿测试研究
15
作者 黄健 陈诚 +2 位作者 王建超 李岱林 杜晓冬 《现代电子技术》 北大核心 2025年第4期30-33,共4页
在基于SIP的现场可编程门阵列(FPGA)性能参数验证测试时,驱动电压测试会受到多种因素的影响,如PCB线阻、插座信号损耗以及测试温度等,这些因素导致ATE测试的实测值与真实值之间存在偏差。为了提高驱动电压的测试精度,提出一种基于卷积... 在基于SIP的现场可编程门阵列(FPGA)性能参数验证测试时,驱动电压测试会受到多种因素的影响,如PCB线阻、插座信号损耗以及测试温度等,这些因素导致ATE测试的实测值与真实值之间存在偏差。为了提高驱动电压的测试精度,提出一种基于卷积神经网络(CNN)与长短时记忆(LSTM)网络的误差补偿方法。将PCB线长、测试温度等参数作为特征输入到CNN-LSTM模型中,模型经过训练迭代后能够预测出驱动电压的误差值;再将预测的误差值应用于ATE测试机中,对实测值进行补偿和修正,从而使得测试结果更加接近真实值。实验结果表明,所提方法能够有效地减小测试误差,提高FPGA驱动电压测试的准确性。 展开更多
关键词 驱动电压测试 误差补偿 系统级封装(SIP)技术 现场可编程门阵列 卷积神经网络 长短时记忆网络
在线阅读 下载PDF
采用长短期记忆神经网络的压电式六维力/力矩传感器解耦算法
16
作者 亓振广 王桂从 +2 位作者 褚宏博 张帅 李映君 《西安交通大学学报》 北大核心 2025年第4期158-170,共13页
针对压电式六维力/力矩传感器存在的维间耦合导致传感器测力性能下降问题,提出了一种基于长短期记忆神经网络(LSTM)的压电式六维力/力矩传感器解耦算法。首先,通过六维力传感器静态标定实验,获取解耦算法所需的实验数据,并对其进行处理... 针对压电式六维力/力矩传感器存在的维间耦合导致传感器测力性能下降问题,提出了一种基于长短期记忆神经网络(LSTM)的压电式六维力/力矩传感器解耦算法。首先,通过六维力传感器静态标定实验,获取解耦算法所需的实验数据,并对其进行处理;然后,通过分析传感器维间耦合产生的原因及LSTM神经网络解耦原理,构建LSTM神经网络解耦模型;最后,采用基于LSTM神经网络的解耦算法,对传感器输出的多维非线性特性开展优化,解耦后得到传感器输入、输出之间的映射关系和对应的输出数据,并与径向基函数(RBF)及最小二乘(LS)解耦算法进行对比分析。研究结果表明:所使用四点支撑式压电六维力传感器的最大重复性误差为1.55%;采用基于LSTM的神经网络算法解耦后,传感器输出结果的最大非线性误差、交叉耦合误差分别为0.55%和0.28%,均小于RBF和LS算法。LSTM神经网络解耦算法能有效减少六维力/力矩传感器的维间耦合,提高传感器的测量精度,对航空航天领域的发展具有参考意义。 展开更多
关键词 六维力/力矩传感器 压电式 解耦算法 长短期记忆神经网络 维间耦合
在线阅读 下载PDF
融合注意力机制的CNN-LSTM模型预测蒸发皿蒸发量
17
作者 李少恒 严新军 +2 位作者 韩克武 王旭 杨怡民 《人民长江》 北大核心 2025年第2期75-81,共7页
蒸发量数据对于水循环机制理解、水资源规划和农业灌溉管理等领域至关重要。基于新疆吐鲁番地区1973~2022年的逐日气象数据,按各气象因素重要性进行分组,以卷积神经网络(CNN)和长短期记忆神经网络(LSTM)模型为基础模型,融入注意力机制(A... 蒸发量数据对于水循环机制理解、水资源规划和农业灌溉管理等领域至关重要。基于新疆吐鲁番地区1973~2022年的逐日气象数据,按各气象因素重要性进行分组,以卷积神经网络(CNN)和长短期记忆神经网络(LSTM)模型为基础模型,融入注意力机制(Attention)以增强模型对关键气象因素的识别和处理能力,构建了一种CNN-LSTM-Attention组合模型来预测蒸发皿蒸发量。将该组合模型与单一模型CNN、LSTM进行对比分析,并采用吐鲁番地区气象站蒸发皿观测数据验证模型的预测精度。研究表明:无论是单一模型还是组合模型,预测精度随输入气象因素增多而提升;组合模型在预测蒸发量方面显著优于传统单一模型,决定系数达到了0.96,相较于传统单一模型CNN、LSTM分别提高了5.4%和6.4%。研究成果可为水资源管理提供数据驱动解决方案。 展开更多
关键词 蒸发皿蒸发量 卷积神经网络 长短期记忆神经网络 注意力机制 斯皮尔曼相关系数
在线阅读 下载PDF
基于音频特征融合的振动筛故障诊断方法
18
作者 李越 李敬兆 +2 位作者 何长林 王斌 李彪 《兰州工业学院学报》 2025年第1期60-67,共8页
为及时发现振动筛的故障,提出一种融合改进梅尔频率倒谱系数(MFCC)、密集卷积神经网络(Dense-CNN)和双向长短期记忆网络(BiLSTM)的振动筛故障诊断模型(Dense-CNN-BiLSTM)。首先,利用固有时间尺度分解(ITD)对振动筛音频信号进行时频分析... 为及时发现振动筛的故障,提出一种融合改进梅尔频率倒谱系数(MFCC)、密集卷积神经网络(Dense-CNN)和双向长短期记忆网络(BiLSTM)的振动筛故障诊断模型(Dense-CNN-BiLSTM)。首先,利用固有时间尺度分解(ITD)对振动筛音频信号进行时频分析,提取其固有旋转分量(PRC);其次,提取由独立成分分析(ICA)改进的13维MFCC特征参数,并将特征参数输入Dense-CNN-BiLSTM模型,实现振动筛的故障诊断。结果表明:改进的MFCC特征参数能表示振动筛不同运行状态的音频信号特征,验证了基于音频特征融合实现振动筛故障诊断的可行性。 展开更多
关键词 振动筛 梅尔频率倒谱系数 密集卷积神经网络 双向长短期记忆网络
在线阅读 下载PDF
基于LSTM网络的轨道车辆基准轴速度预测方法
19
作者 孙卫兵 杨磊 方松 《中国铁路》 北大核心 2025年第1期92-99,共8页
滑行检测是列车制动系统防滑控制的关键技术,以真实轨道车辆制动系统的运行数据为样本进行特征分析,提出基于长短期记忆网络(LSTM)的列车基准轴速度预测方法。该方法根据车辆4个轴的实时速度及其邻近时刻的速度,对下一时间段的基准轴速... 滑行检测是列车制动系统防滑控制的关键技术,以真实轨道车辆制动系统的运行数据为样本进行特征分析,提出基于长短期记忆网络(LSTM)的列车基准轴速度预测方法。该方法根据车辆4个轴的实时速度及其邻近时刻的速度,对下一时间段的基准轴速度进行迭代预测。与常规基准轴速度估算方法相比,LSTM算法预测的基准轴速度在全轴滑行工况下更接近列车真实速度,可更早地检测到全轴滑行,有利于制动系统及时采取防滑控制措施或其他黏着控制,提高黏着利用率。 展开更多
关键词 轨道车辆 基准轴速度 列车制动 长短期记忆网络 神经网络 滑行检测 黏着控制
在线阅读 下载PDF
基于VMD和优化组合模型的电力负荷预测方法研究
20
作者 陈曦 张玲华 《电子设计工程》 2025年第5期8-12,17,共6页
针对负荷数据随机性、非平稳性对电力系统安全运行带来的挑战,为提高短期电力负荷预测的精度,提出基于变分模态分解(VMD)和改进的白鲸优化算法(TLBWO)优化组合模型的短期电力负荷预测方法。利用VMD将原始负荷序列分解为不同频率的子模... 针对负荷数据随机性、非平稳性对电力系统安全运行带来的挑战,为提高短期电力负荷预测的精度,提出基于变分模态分解(VMD)和改进的白鲸优化算法(TLBWO)优化组合模型的短期电力负荷预测方法。利用VMD将原始负荷序列分解为不同频率的子模态及残余量;分别构建卷积神经网络(CNN)和双向长短期记忆(BiLSTM)网络组合的电力负荷预测模型,并利用TLBWO算法优化网络参数;将每个分解的结果进行叠加。以中国南方某地区的负荷数据为例进行预测分析,结果表明,上述模型的决定系数达到了0.985,预测精度高于对比模型,验证了所提模型的有效性。 展开更多
关键词 负荷预测 变分模态分解 卷积神经网络 长短期记忆网络 白鲸优化
在线阅读 下载PDF
上一页 1 2 36 下一页 到第
使用帮助 返回顶部