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.展开更多
滚动轴承作为机械设备的重要部件,对其进行剩余使用寿命预测在企业的生产过程中变得越来越重要。目前,虽然主流的卷积神经网络(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%。展开更多
文章提出一种基于小波变换和卷积神经网络-双向长短期记忆(Convolutional Neural Network-Bidirectional Long Short Term Memory,CNN-BiLSTM)的电力电缆故障定位算法,结合小波变换的时频局部化特性和CNN与BiLSTM的深度学习能力,以提升...文章提出一种基于小波变换和卷积神经网络-双向长短期记忆(Convolutional Neural Network-Bidirectional Long Short Term Memory,CNN-BiLSTM)的电力电缆故障定位算法,结合小波变换的时频局部化特性和CNN与BiLSTM的深度学习能力,以提升故障定位的精准性。为验证提出算法的有效性,将True、BiLSTM、极值域均值模式分解(Extremum field Mean Mode Decomposition,EMMD)+小波变换算法与本文算法进行对比实验分析。实验结果表明,基于小波变换和CNN-BiLSTM的电力电缆故障定位算法能够将定位误差控制在0.02 km以内,显著提高了故障定位的精度。展开更多
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.展开更多
安全是民航业的核心主题。针对目前民航非计划事件分析严重依赖专家经验及分析效率低下的问题,文章提出一种结合Word2vec和双向长短期记忆(bidirectional long short-term memory,BiLSTM)神经网络模型的民航非计划事件分析方法。首先采...安全是民航业的核心主题。针对目前民航非计划事件分析严重依赖专家经验及分析效率低下的问题,文章提出一种结合Word2vec和双向长短期记忆(bidirectional long short-term memory,BiLSTM)神经网络模型的民航非计划事件分析方法。首先采用Word2vec模型针对事件文本语料进行词向量训练,缩小空间向量维度;然后通过BiLSTM模型自动提取特征,获取事件文本的完整序列信息和上下文特征向量;最后采用softmax函数对民航非计划事件进行分类。实验结果表明,所提出的方法分类效果更好,能达到更优的准确率和F 1值,对不平衡数据样本同样具有较稳定的分类性能,证明了该方法在民航非计划事件分析上的适用性和有效性。展开更多
空调负荷的精准预测对建筑空调系统优化控制具有重要意义。为提高空调负荷预测精度,提出了一种基于奇异谱分析(SSA,Singular Spectrum Analysis)的卷积神经网络(CNN,Convolutional Neural Network)和双向长短时记忆网络(BiLSTM,Bidirect...空调负荷的精准预测对建筑空调系统优化控制具有重要意义。为提高空调负荷预测精度,提出了一种基于奇异谱分析(SSA,Singular Spectrum Analysis)的卷积神经网络(CNN,Convolutional Neural Network)和双向长短时记忆网络(BiLSTM,Bidirectional Long Short Term Memory)短期空调负荷预测模型。使用皮尔森相关系数选取与空调负荷高相关性特征。针对空调负荷的波动性和随机性,采用SSA将空调负荷分解为多个分量,同时将各个分量带入CNN-BiLSTM模型进行预测,该模型利用了CNN的特征提取和BiLSTM的双向学习能力,并将各个分量预测结果进行重构。通过不同建筑类型的空调数据对该模型进行验证分析,发现所提出模型在预测办公建筑空调负荷中RMSE、MAPE和MAE为19.47RT、14.72RT和2.33%,在预测商业建筑空调负荷中RMSE、MAPE和MAE为82.5RT、34.21RT和0.87%。结果表明,所提出的模型具有普适性且精度较高,可进行推广应用。展开更多
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.展开更多
剩余使用寿命(remaining useful life,RUL)预测在现代工业中占有重要地位,如何提高剩余使用寿命预测的准确性已经成为当今研究的热点。传统的剩余使用寿命预测方式是采用基于模型的方法进行预测,需要人工提取特征,不能自动地学习特征信...剩余使用寿命(remaining useful life,RUL)预测在现代工业中占有重要地位,如何提高剩余使用寿命预测的准确性已经成为当今研究的热点。传统的剩余使用寿命预测方式是采用基于模型的方法进行预测,需要人工提取特征,不能自动地学习特征信息,无法获得原始数据与剩余使用寿命之间的复杂映射关系。该研究提出一种基于双向长短期记忆网络(bi-directional long short term memory,BiLSTM)与注意力机制的剩余使用寿命预测模型,与已有的剩余使用寿命预测方法不同之处在于:直接将获取的原始时间序列输入到BiLSTM神经网络中,通过BiLSTM自动地提取设备状态特征信息;然后利用注意力机制对特征分配不同的权重,这样可以更准确地提取设备的健康状态信息。进行了发动机和轴承剩余使用寿命预测试验,并与长短期记忆网络(long short-term memory,LSTM)模型和BiLSTM剩余使用寿命预测模型进行比较,试验结果表明提出的BiLSTM与注意力机制相结合的模型能够更准确地进行剩余使用寿命预测,具有应用价值。展开更多
水泥生产过程中,分解炉出口温度是非常重要的工艺参数,为了应对出口温度变量的多样性,文章提出一种核主成分分析(kernel principal component analysis,KPCA)与双向长短期记忆(bidirectional long short-term memory,BiLSTM)神经网络相...水泥生产过程中,分解炉出口温度是非常重要的工艺参数,为了应对出口温度变量的多样性,文章提出一种核主成分分析(kernel principal component analysis,KPCA)与双向长短期记忆(bidirectional long short-term memory,BiLSTM)神经网络相结合的温度预测组合模型用来预测分解炉的出口温度。通过KPCA筛选出影响因素的主成分从而达到数据降维目的,将降维后的主成分作为BiLSTM神经网络的输入,分解炉出口温度作为BiLSTM神经网络的输出。经BiLSTM神经网络训练,得到分解炉出口温度预测模型。通过对比验证表明,使用KPCA-BiLSTM相结合的温度预测模型具有较好的预测精度。展开更多
针对传统卷积神经网络故障诊断方法提取特征不丰富,容易丢失故障敏感信息,且在单一尺度处理方法限制实际复杂工况下故障特性的深度挖掘问题,提出了注意力机制的多尺度卷积神经网络和双向长短期记忆(bi-directional long short-term memo...针对传统卷积神经网络故障诊断方法提取特征不丰富,容易丢失故障敏感信息,且在单一尺度处理方法限制实际复杂工况下故障特性的深度挖掘问题,提出了注意力机制的多尺度卷积神经网络和双向长短期记忆(bi-directional long short-term memory,BiLSTM)网络融合的迁移学习故障诊断方法。该方法首先应用不同尺寸池化层和卷积核捕获振动信号的多尺度特征;然后引入多头自注意力机制自动地给予特征序列中的不同部分不同的权重,进一步加强特征表示的能力;其次利用BiLSTM结构引入双向性质提取特征前后之间的内部关系实现信息的逐层传递;最后利用多核最大均值差异减小源域和目标域在预训练模型中各层上的概率分布差异并利用少量标记的目标域数据再对模型进行训练。试验结果表明,所提方法在江南大学(JNU)、德国帕德博恩大学(PU)公开轴承数据集上平均准确率分别为98.43%和97.66%,该方法在重庆长江轴承股份有限公司自制的轴承故障数据集上也表现出了极高的准确率和较快的收敛速度,为有效诊断振动旋转部件故障提供了实际依据。展开更多
文摘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.
文摘滚动轴承作为机械设备的重要部件,对其进行剩余使用寿命预测在企业的生产过程中变得越来越重要。目前,虽然主流的卷积神经网络(convolutional neural network, CNN)可以自动地从轴承的振动信号中提取特征,却不能给特征分配不同的权重来提高模型对重要特征的关注程度,对于长时间序列容易丢失重要信息。另外,神经网络中隐藏层神经元个数、学习率以及正则化参数等超参数还需要依靠人工经验设置。为了解决上述问题,提出基于灰狼优化(grey wolf optimizer, GWO)算法、优化集合CNN、双向长短期记忆(bidirectional long short term memory, BiLSTM)网络和注意力机制(Attention)轴承剩余使用寿命预测方法。首先,从原始振动信号中提取时域、频域以及时频域特征指标构建可选特征集;然后,通过构建考虑特征相关性、鲁棒性和单调性的综合评价指标筛选出高于设定阈值的轴承退化敏感特征集,作为预测模型的输入;最后,将预测值和真实值的均方误差作为GWO算法的适应度函数,优化预测模型获得最优隐藏层神经元个数、学习率和正则化参数,利用优化后模型进行剩余使用寿命预测,并在公开数据集上进行验证。结果表明,所提方法可在非经验指导下获得最优的超参数组合,优化后的预测模型与未进行优化模型相比,平均绝对误差与均方根误差分别降低了28.8%和24.3%。
文摘文章提出一种基于小波变换和卷积神经网络-双向长短期记忆(Convolutional Neural Network-Bidirectional Long Short Term Memory,CNN-BiLSTM)的电力电缆故障定位算法,结合小波变换的时频局部化特性和CNN与BiLSTM的深度学习能力,以提升故障定位的精准性。为验证提出算法的有效性,将True、BiLSTM、极值域均值模式分解(Extremum field Mean Mode Decomposition,EMMD)+小波变换算法与本文算法进行对比实验分析。实验结果表明,基于小波变换和CNN-BiLSTM的电力电缆故障定位算法能够将定位误差控制在0.02 km以内,显著提高了故障定位的精度。
基金Supported by the National Natural Science Foundation of China(U1663208,51520105005)the National Science and Technology Major Project of China(2017ZX05009-005,2016ZX05037-003)
文摘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.
文摘安全是民航业的核心主题。针对目前民航非计划事件分析严重依赖专家经验及分析效率低下的问题,文章提出一种结合Word2vec和双向长短期记忆(bidirectional long short-term memory,BiLSTM)神经网络模型的民航非计划事件分析方法。首先采用Word2vec模型针对事件文本语料进行词向量训练,缩小空间向量维度;然后通过BiLSTM模型自动提取特征,获取事件文本的完整序列信息和上下文特征向量;最后采用softmax函数对民航非计划事件进行分类。实验结果表明,所提出的方法分类效果更好,能达到更优的准确率和F 1值,对不平衡数据样本同样具有较稳定的分类性能,证明了该方法在民航非计划事件分析上的适用性和有效性。
文摘空调负荷的精准预测对建筑空调系统优化控制具有重要意义。为提高空调负荷预测精度,提出了一种基于奇异谱分析(SSA,Singular Spectrum Analysis)的卷积神经网络(CNN,Convolutional Neural Network)和双向长短时记忆网络(BiLSTM,Bidirectional Long Short Term Memory)短期空调负荷预测模型。使用皮尔森相关系数选取与空调负荷高相关性特征。针对空调负荷的波动性和随机性,采用SSA将空调负荷分解为多个分量,同时将各个分量带入CNN-BiLSTM模型进行预测,该模型利用了CNN的特征提取和BiLSTM的双向学习能力,并将各个分量预测结果进行重构。通过不同建筑类型的空调数据对该模型进行验证分析,发现所提出模型在预测办公建筑空调负荷中RMSE、MAPE和MAE为19.47RT、14.72RT和2.33%,在预测商业建筑空调负荷中RMSE、MAPE和MAE为82.5RT、34.21RT和0.87%。结果表明,所提出的模型具有普适性且精度较高,可进行推广应用。
基金supported by the International Research Center of Big Data for Sustainable Development Goals under Grant No.CBAS2022GSP05the Open Fund of State Key Laboratory of Remote Sensing Science under Grant No.6142A01210404the Hubei Key Laboratory of Intelligent Geo-Information Processing under Grant No.KLIGIP-2022-B03.
文摘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.
文摘剩余使用寿命(remaining useful life,RUL)预测在现代工业中占有重要地位,如何提高剩余使用寿命预测的准确性已经成为当今研究的热点。传统的剩余使用寿命预测方式是采用基于模型的方法进行预测,需要人工提取特征,不能自动地学习特征信息,无法获得原始数据与剩余使用寿命之间的复杂映射关系。该研究提出一种基于双向长短期记忆网络(bi-directional long short term memory,BiLSTM)与注意力机制的剩余使用寿命预测模型,与已有的剩余使用寿命预测方法不同之处在于:直接将获取的原始时间序列输入到BiLSTM神经网络中,通过BiLSTM自动地提取设备状态特征信息;然后利用注意力机制对特征分配不同的权重,这样可以更准确地提取设备的健康状态信息。进行了发动机和轴承剩余使用寿命预测试验,并与长短期记忆网络(long short-term memory,LSTM)模型和BiLSTM剩余使用寿命预测模型进行比较,试验结果表明提出的BiLSTM与注意力机制相结合的模型能够更准确地进行剩余使用寿命预测,具有应用价值。
文摘水泥生产过程中,分解炉出口温度是非常重要的工艺参数,为了应对出口温度变量的多样性,文章提出一种核主成分分析(kernel principal component analysis,KPCA)与双向长短期记忆(bidirectional long short-term memory,BiLSTM)神经网络相结合的温度预测组合模型用来预测分解炉的出口温度。通过KPCA筛选出影响因素的主成分从而达到数据降维目的,将降维后的主成分作为BiLSTM神经网络的输入,分解炉出口温度作为BiLSTM神经网络的输出。经BiLSTM神经网络训练,得到分解炉出口温度预测模型。通过对比验证表明,使用KPCA-BiLSTM相结合的温度预测模型具有较好的预测精度。
文摘针对传统卷积神经网络故障诊断方法提取特征不丰富,容易丢失故障敏感信息,且在单一尺度处理方法限制实际复杂工况下故障特性的深度挖掘问题,提出了注意力机制的多尺度卷积神经网络和双向长短期记忆(bi-directional long short-term memory,BiLSTM)网络融合的迁移学习故障诊断方法。该方法首先应用不同尺寸池化层和卷积核捕获振动信号的多尺度特征;然后引入多头自注意力机制自动地给予特征序列中的不同部分不同的权重,进一步加强特征表示的能力;其次利用BiLSTM结构引入双向性质提取特征前后之间的内部关系实现信息的逐层传递;最后利用多核最大均值差异减小源域和目标域在预训练模型中各层上的概率分布差异并利用少量标记的目标域数据再对模型进行训练。试验结果表明,所提方法在江南大学(JNU)、德国帕德博恩大学(PU)公开轴承数据集上平均准确率分别为98.43%和97.66%,该方法在重庆长江轴承股份有限公司自制的轴承故障数据集上也表现出了极高的准确率和较快的收敛速度,为有效诊断振动旋转部件故障提供了实际依据。