共查询到20条相似文献,搜索用时 15 毫秒
1.
全球人口的快速增长和技术进步极大地提高了世界的总发电量,电能消耗预测对于电力系统调度和发电量管理发挥着重要的作用,为了提高电能消耗的预测精度,针对能耗数据的复杂时序特性,文中提出了一种将注意力机制(Attention)放置于双层长短期记忆人工神经网络(Double layer Long Short-Term Memory,DLSTM)中的新颖夹层结构,即A-DLSTM。该网络结构利用夹层中的注意力机制自适应地关注单个时间单元中不同的特征量,通过双层LSTM网络对序列中的时间信息进行抓取,以对序列数据进行预测。文中的实验数据为UCI机器学习数据集上某家庭近5年的用电量,采用网格搜索法进行调参,实验对比了A-DLSTM与现有的模型在能耗数据上的预测性能,文中的网络结构在均方误差、均方根误差、平均绝对误差、平均绝对百分比误差上均达到了最优,且通过热力图对注意力层进行了分析,确定了对用电量预测影响最大的因素。 相似文献
2.
S.I. Ao M.K. Ng 《Soft Computing - A Fusion of Foundations, Methodologies and Applications》2006,10(4):351-358
In this work, gene expression time series models have been constructed by using principal component analysis (PCA) and neural
network (NN). The main contribution of this paper is to develop a methodology for modeling numerical gene expression time
series. The PCA-NN prediction models are compared with other popular continuous prediction methods. The proposed model can
give us the extracted features from the gene expressions time series and the orders of the prediction accuracies. Therefore,
the model can help practitioners to gain a better understanding of a cell cycle, and to find the dependency of genes, which
is useful for drug discoveries. Based on the results of two public real datasets, the PCA-NN method outperforms the other
continuous prediction methods. In the time series model, we adapt Akaike's information criteria (AIC) tests and cross-validation
to select a suitable NN model to avoid the overparameterized problem. 相似文献
3.
The main challenges of the energy consumption forecasting problem are the concerns for reliability, stability, efficiency and accuracy of the forecasting methods. The existing forecasting models suffer from the volatility of the energy consumption data. It is desired for AI models that predict irregular sudden changes and capture long-term dependencies in the data. In this study, a novel hybrid AI empowered forecasting model that combines singular spectrum analysis (SSA) and parallel long short term memory (PLSTM) neural networks is proposed. The decomposition with the SSA enhanced the performance of the PLSTM network. According to the experimental results, the proposed model outperforms the state-of-the-art models at different time intervals in terms of both prediction accuracy and computational efficiency. 相似文献
4.
Zhen He X. Sean Wang Byung Suk Lee Alan C. H. Ling 《Knowledge and Information Systems》2008,15(1):31-54
Recently, periodic pattern mining from time series data has been studied extensively. However, an interesting type of periodic
pattern, called partial periodic (PP) correlation in this paper, has not been investigated. An example of PP correlation is
that power consumption is high either on Monday or Tuesday but not on both days. In general, a PP correlation is a set of
offsets within a particular period such that the data at these offsets are correlated with a certain user-desired strength.
In the above example, the period is a week (7 days), and each day of the week is an offset of the period. PP correlations
can provide insightful knowledge about the time series and can be used for predicting future values. This paper introduces
an algorithm to mine time series for PP correlations based on the principal component analysis (PCA) method. Specifically,
given a period, the algorithm maps the time series data to data points in a multidimensional space, where the dimensions correspond
to the offsets within the period. A PP correlation is then equivalent to correlation of data when projected to a subset of
the dimensions. The algorithm discovers, with one sequential scan of data, all those PP correlations (called minimum PP correlations)
that are not unions of some other PP correlations. Experiments using both real and synthetic data sets show that the PCA-based
algorithm is highly efficient and effective in finding the minimum PP correlations.
Zhen He is a lecturer in the Department of Computer Science at La Trobe University. His main research areas are database systems
optimization, time series mining, wireless sensor networks, and XML information retrieval. Prior to joining La Trobe University,
he worked as a postdoctoral research associate in the University of Vermont. He holds Bachelors, Honors and Ph.D degrees in
Computer Science from the Australian National University.
X. Sean Wang received his Ph.D degree in Computer Science from the University of Southern California in 1992. He is currently the Dorothean
Chair Professor in Computer Science at the University of Vermont. He has published widely in the general area of databases
and information security, and was a recipient of the US National Science Foundation Research Initiation and CAREER awards.
His research interests include database systems, information security, data mining, and sensor data processing.
Byung Suk Lee is associate professor of Computer Science at the University of Vermont. His main research areas are database systems, data
modeling, and information retrieval. He held positions in industry and academia: Gold Star Electric, Bell Communications Research,
Datacom Global Communications, University of St. Thomas, and currently University of Vermont. He was also a visiting professor
at Dartmouth College and a participating guest at Lawrence Livermore National Laboratory. He served on international conferences
as a program committee member, a publicity chair, and a special session organizer, and also on US federal funding proposal
review panel. He holds a BS degree from Seoul National University, MS from Korea Advanced Institute of Science and Technology,
and Ph.D from Stanford University.
Alan C. H. Ling is an assistant professor at Department of Computer Science in University of Vermont. His research interests include combinatorial
design theory, coding theory, sequence designs, and applications of design theory. 相似文献
5.
C. L. Liu K. Xie Y. Miao X. F. Zha Z. J. Feng J. Lee 《Soft Computing - A Fusion of Foundations, Methodologies and Applications》2006,10(3):224-229
In chaotic cryptosystems, it is recognized that using (very) high dimensional chaotic attractors for encrypting a given message
may improve the privacy of chaotic encoding. In this paper, we study a kind of hyperchaotic systems by using some classical
methods. The results show that besides the high dimension, the sub-Nyquist sampling interval (SI) is also an important factor
that can improve the security of the chaotic cryptosystems. We use the method of time series analysis to verify the results. 相似文献
6.
《Expert systems with applications》2014,41(6):2842-2850
Principal component analysis (PCA) is often applied to dimensionality reduction for time series data mining. However, the principle of PCA is based on the synchronous covariance, which is not very effective in some cases. In this paper, an asynchronism-based principal component analysis (APCA) is proposed to reduce the dimensionality of univariate time series. In the process of APCA, an asynchronous method based on dynamic time warping (DTW) is developed to obtain the interpolated time series which derive from the original ones. The correlation coefficient or covariance between the interpolated time series represents the correlation between the original ones. In this way, a novel and valid principal component analysis based on the asynchronous covariance is achieved to reduce the dimensionality. The results of several experiments demonstrate that the proposed approach APCA outperforms PCA for dimensionality reduction in the field of time series data mining. 相似文献
7.
Dynamic process fault monitoring based on neural network and PCA 总被引:2,自引:0,他引:2
A newly developed method, NNPCA, integrates two data driven techniques, neural network (NN) and principal component analysis (PCA), for process monitoring. NN is used to summarize the operating process information into a nonlinear dynamic mathematical model. Chemical dynamic processes are so complex that they are presently ahead of theoretical methods from a fundamental physical standpoint. NN functions as the nonlinear dynamic operator to remove processes' nonlinear and dynamic characteristics. PCA is employed to generate simple monitoring charts based on the multivariable residuals derived from the difference between the process measurements and the neural network prediction. It can evaluate the current performance of the process. Examples from the recent monitoring practice in the industry and the large-scale system in the Tennessee Eastman process problem are presented to help the reader delve into the matter. 相似文献
8.
We develop a novel radar-based human motion recognition technique that exploits the temporal sequentiality of human motions. The stacked recurrent neural network (RNN) with long short-term memory (LSTM) units is employed to extract sequential features for automatic motion classification. The spectrogram of raw radar data is used as the network input to utilize the time-varying Doppler and micro-Doppler signatures for human motion characterization. Based on experimental data, we verified that a stacked RNN with two 36-cell LSTM layers successfully classifies six different types of human motions. 相似文献
9.
短期风电功率预测对电力系统的安全稳定运行和能源的优化配置具有重要意义。鉴于卷积神经网络(CNN)高效的数据特征提取能力,以及长短期记忆网络(LSTM)描述时间序列长期依赖关系的能力。为了提高短期风电功率预测的精度,设计了一种基于CNN和LSTM的风电功率预测模型。该模型利用卷积神经网络对风电功率、风速、风向数据进行多层卷积和池化堆叠计算,提取风电功率相关数据的特征图谱。为了描述风电功率序列的时序依从关系,将图谱特征信息作为长短期记忆网络的输入信息,计算得到风电功率的预测结果。采用西班牙某风电场的实测数据进行模型预测精度验证。结果表明,该模型较LSTM、Elman模型具有更好的预测性能。 相似文献
10.
Dam displacement is an important indicator of the overall dam health status. Numerical prediction of such displacement based on real-world monitoring data is a common practice for dam safety assessment. However, the existing methods are mainly based on statistical models or shallow machine learning models. Although they can capture the timing of the dam displacement sequence, it is difficult to characterize the complex coupling relationship between displacement and multiple influencing factors (e.g., water level, temperature, and time). In addition, input factors of most dam displacement prediction models are artificially constructed based on modelers’ personal experience, which lead to a loss of valuable information, thus prediction power, provided by the full set of raw monitoring data. To address these problems, this paper proposes a novel dual-stage deep learning approach based on one-Dimensional Residual network and Long Short-Term Memory (LSTM) unit, referred to herein as the DRLSTM model. In the first stage, the raw monitoring sequence is processed and spliced with convolution to form a combined sequence. After the timing information is extracted, the convolution direction is switched to learn the complex relationship between displacement and its influencing factors. LSTM is used to extract this relationship to obtain Stage I prediction. The second stage takes the difference between the actual measurement and the Stage I prediction as inputs, and LSTM extracts the stochastic features of the monitoring system to obtain Stage II prediction. The sum of two stage predictions forms the final prediction. The DRLSTM model only requires raw monitoring data of water level and temperature to accurately predict displacement. Through a real-world comparative study against four commonly used shallow learning models and three deep learning models, the root mean square error and mean absolute error of our proposed method are the smallest, being 0.198 mm and 0.149 mm respectively, while the correlation coefficient is the largest at 0.962. It is concluded that the DRLSTM model performance well for evaluating dam health status. 相似文献
11.
通过数据分析进行异常检测,有助于准确识别异常行为,从而提高服务质量和决策能力。然而,由于多维时序数据的时空依赖性以及异常事件发生的随机性,现有方法仍然存在一定的局限性。针对上述问题,提出一种融合新型统计方法和双向卷积LSTM的多维时序数据异常检测方法MBCLE。该方法引入堆叠的中值滤波处理输入数据中的点异常并平滑数据波动;设计双向卷积长短期记忆网络(Bi-ConvLSTM)和双向长短期记忆网络(Bi-LSTM)相结合的预测器进行数据建模和预测;通过双向循环指数加权移动平均(BrEWMA)平滑预测误差;使用动态阈值方法计算阈值以检测上下文异常。实验结果表明,MBCLE具有良好的检测性能,各步骤均对性能提升有所贡献。 相似文献
12.
With the development of the chemical industry, fault diagnosis of chemical processes has become a challenging problem because of the high-dimensional data and complex time correlation caused by the more complex chemical processes and increasing number of equipment. However, the ordinary feedforward neural network cannot solve these problems very well. Therefore, this paper proposes a fault diagnosis model based on the optimized long short-term memory (LSTM) network. Since the number of hidden layer nodes in the LSTM network has a great influence on the diagnosis result, the link of determining the optimal number of hidden layer nodes by the iterative method based on the LSTM network is added. Then the LSTM is optimized to get higher chemical process fault diagnosis accuracy. Finally, through the simulation experiment of the Tennessee Eastman (TE) chemical process, the results verify that the optimized LSTM network has better performance in chemical process fault diagnosis than the BP neural network, the multi-layer perceptron method and the original LSTM network. 相似文献
13.
Claudio Morana 《Computational statistics & data analysis》2007,52(2):919-934
A new approach to the modelling of common components in long memory processes is introduced. The approach is based on a two-step procedure relying on Fourier transform methods (first step) and principal components analysis (second step). Differently from other available methods, it allows the modelling of large data sets, both in terms of temporal and cross-sectional dimensions. Monte Carlo evidence, supporting the two-step estimation procedure, is also provided, as well as an empirical application to real data. 相似文献
14.
Image-based quality monitoring system of limestone ore grades 总被引:1,自引:0,他引:1
Snehamoy Chatterjee Author Vitae Ashis Bhattacherjee Author Vitae Biswajit Samanta Author Vitae Samir Kumar Pal Author Vitae 《Computers in Industry》2010,61(5):391-36
In this study, an image analysis-based ore quality monitoring system was developed. The study was conducted at a limestone mine located in India. The samples were collected based on a stratified random sampling method, and images of these samples were taken in a simulated environment in a laboratory. The image preprocessing and segmentation were performed using different segmentation methods to extract morphological, colour and textural features. A total of 189 features was extracted during this study. Principal components analysis was conducted to reduce the feature vector for modeling purposes. Five principal components, which were extracted from the feature vectors, captured 95% of the total feature variance. A neural network model was used as a mapping function for ore grade prediction. The five principal components were used as input, and four grade attributes of limestone (CaO, Al2O3, Fe2O3 and SiO2) were used as output. The developed model was then used for day to day quality monitoring at 3 different face locations of the mine. Results revealed that this technique can be successfully used for ore grade monitoring at the mine level in a controlled environment. 相似文献
15.
煤矿工作面设备通常由多个复杂系统模块组成,各模块间具有强耦合性,且设备故障机理复杂,在进行设备故障预测时需对设备的运行状态、环境数据、操作数据等进行实时监测,从而获取电气、机械、热工类多参数时序数据。提出一种基于时序数据对工作面设备进行故障预测的方法:首先,采用时序对齐算法将采集的设备监测数据对齐,即对监测数据的时间列重新排序,以时间列为关键值,各监测数据作为标签值填入,空缺值以前值填充;然后,根据故障表征现象和发生机理选取故障相关因素,通过Pearson相关系数分析法计算相关因素间的相关性,由此确定故障预测因素集;最后,采用长短期记忆(LSTM)网络建立工作面设备故障预测模型,以归一化的故障预测因素集作为LSTM预测模型的输入、故障作为输出,将迟滞时间段引入LSTM预测模型,实现了迟滞性故障的超前预测。以采煤机过热跳闸故障为例进行试验,通过分析得出故障预测因素集为{滚筒温度,滚筒电流,滚筒启停,牵引温度,变压器温度,摇臂温度},当LSTM网络细胞层数为10、隐藏细胞数为10、学习率为0.001、迭代次数为1 500、1次读取样本个数为120时,采煤机过热跳闸故障的迟滞时间为30 min,采用测试集进行故障预测时可实现超前26 min预测,与迟滞时间相差4 min,表明采用LSTM网络可基于时序数据有效实现工作面设备故障的超前预测。 相似文献
16.
基于循环神经网络的通信卫星故障检测 总被引:1,自引:0,他引:1
随着现代航天事业的飞速发展,通信卫星的结构日益复杂,其故障也逐渐增多,通信卫星的故障检测已成为当前航天领域关注的重点问题。目前,各大航天机构对故障的检测仍以简单的上下限阈值检测为主,只能检测出少部分特定的故障。早期利用传统机器学习算法进行检测的研究也仅能检测出数量特征上的故障。针对传统的机器学习算法难以有效学习遥测数据趋势变化的问题,文中提出了基于长短时记忆(Long Short-term Memory,LSTM)网络的阈值化方法。通过LSTM预测模型来学习卫星遥测数据的趋势变化,同时以最大化相关系数与F1分数的方式为多维遥测数据的故障判定确定合适的阈值,此方式能够有效地通过卫星遥测数据的趋势变化来判断故障。实验数据采用某航天机构提供的时长为2年的24维通信卫星遥测数据,其核心模型LSTM网络在NVIDIA Corporation GP102[TITAN Xp]上训练,最终整体模型的准确率为99.34%,查准率为81.93%,查全率为94.62%。同时,与传统机器学习算法以及基于LSTM的非阈值方法进行对比,该模型的精度明显更高。实验结果表明,LSTM网络能够高效地学习到卫星遥测数据的... 相似文献
17.
针对传统模型对含数据缺失的非完整时间序列预测精度不高的问题,利用长短期记忆(LSTM)神经网络强大的时序建模能力,提出一种带时间门的长短期记忆(TG–LSTM)神经网络.首先,提出一种能同时对输入值在线估计和输出值实时预测的TG–LSTM单元结构;其次,基于TG–LSTM结构设计一种网络的前向传播算法,实现输入填补和输出预测同步进行;然后,建立TG–LSTM神经网络的学习算法来对输入填补和输出预测任务整体训练;最后,通过在Mackey-glass基准数据集,月平均气温数据集和污水处理出水氨氮预测中的实验结果表明:与传统方法相比,TG–LSTM神经网络模型能以更高精度对非完整时间序列进行填补和预测. 相似文献
18.
19.
基于BiLSTM-CRF的关键词自动抽取 总被引:1,自引:0,他引:1
关键词自动抽取是自然语言处理(Natural Language Processing,NLP)的一项重要任务,给个性化推荐、网购等应用提供了重要的技术支撑。针对关键词自动抽取问题,提出一种新的基于双向长短期记忆网络条件随机场(Bidirectional Long Short-Term Memory Network Conditional Random Field,BiLSTM-CRF)的方法,并将该问题刻画为序列标注问题。首先,该方法通过对输入的文本进行建模,把文本表示为低维高密度的向量;然后,使用分类算法对各个词进行分类;最后,使用CRF对整个标注序列进行解码,得到最终结果。在一个大规模的真实数据中进行实验,结果表明该方法较基准系统性能提高约1个百分点。 相似文献