Next Article in Journal
The Effects of Periodontal Laser Therapy on Pain in Adult Patients with Orthodontic Treatment: A Randomized Clinical Trial
Previous Article in Journal
Computer Aided Orthognathic Surgery: A General Method for Designing and Manufacturing Personalized Cutting/Repositioning Templates
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Self-Attentive Moving Average for Time Series Prediction

1
School of Computer Science and Technology, Shandong University of Finance and Economics, No. 7366, East Second Ring Road, Yaojia Sub-District, Jinan 250014, China
2
School of Software, Shandong University, Shunhua Road, Jinan 250101, China
*
Author to whom correspondence should be addressed.
Appl. Sci. 2022, 12(7), 3602; https://doi.org/10.3390/app12073602
Submission received: 2 March 2022 / Revised: 24 March 2022 / Accepted: 30 March 2022 / Published: 1 April 2022

Abstract

:
Time series prediction has been studied for decades due to its potential in a wide range of applications. As one of the most popular technical indicators, moving average summarizes the overall changing patterns over a past period and is frequently used to predict the future trend of time series. However, traditional moving average indicators are calculated by averaging the time series data with equal or predefined weights, and ignore the subtle difference in the importance of different time steps. Moreover, unchanged data weights will be applied across different time series, regardless of the differences in their inherent characteristics. In addition, the interaction between different dimensions of different indicators is ignored when using the moving averages of different scales to predict future trends. In this paper, we propose a learning-based moving average indicator, called the self-attentive moving average (SAMA). After encoding the input signals of time series based on recurrent neural networks, we introduce the self-attention mechanism to adaptively determine the data weights at different time steps for calculating the moving average. Furthermore, we use multiple self-attention heads to model the SAMA indicators of different scales, and finally combine them through a bilinear fusion network for time series prediction. Extensive experiments on two real-world datasets demonstrate the effectiveness of our approach. The data and codes of our work have been released.

1. Introduction

Time series analysis has been applied in a wide range of practical problems such as financial market prediction [1], electric utility load forecasting [2], as well as weather and environmental state prediction [3,4,5,6]. As it is rather difficult to estimate the exact values of time series, recent studies have mostly paid attention to judging the trend of time series in the future. Typically, time series prediction can be cast as a classification problem in which the goal is to predict the future movement direction of time series, e.g., the rising, falling, and steady trends.
As one of the most popular technical indicators in time series analysis, moving average indicators can summarize the overall changing patterns of time series over a past period in a simple and quick way [7]. Although widely used in different applications, traditional moving average indicators are calculated by averaging the data from different time steps with equal or predefined weights. However, the equal weighting scheme cannot reflect the difference in the importance of different time steps, while manually determining the weights requires a considerable amount of domain knowledge and engineering skills. In addition, unchanged data weights will be applied across different time series, regardless of the differences in their inherent characteristics.
Generally, we can perform time series prediction by comparing the moving averages at different scales. For example, in the stock market, the short-term moving average crosses upward or falls below the long-term moving average, which are usually regarded as rising and falling signals, respectively, [8]. However, such strategies are still heuristic rules, ignoring the influence of the interaction between the moving average dimensions of different scales, and how to make better use of multi-scale moving averages for time series prediction remains an open question.
To address the above problems, in this paper, we propose a learning-based moving average indicator, called the self-attentive moving average ( S A M A ). Specifically, after encoding the input signals of time series based on recurrent neural networks (RNNs), we introduce the self-attention mechanism [9] to adaptively determine the data weight at each time step for calculating moving averages. In addition, we use multiple self-attention heads to model the moving average indicators of different scales. The bilinear model considers the interaction between the moving average dimensions of different scales and provides a richer representation than the linear model. Numerous studies [10,11,12] have proved its effectiveness in different fields, and we designed a bilinear fusion sub-network to integrate them for effective time series prediction in an end-to-end manner. Extensive experiments on two real-world datasets validate the rationality of combining multi-scale S A M A indicators, and show that our method significantly outperforms traditional moving average indicators as well as the modern sequential modeling methods for time series prediction. The data and codes of our work are accessible at https://github.com/YY-Susan/SAMA (accessed on 28 February 2022).
In summary, the main contributions of our work are:
  • We present a novel learning-based moving average indicator that introduces the self-attention mechanism to adaptively determine the data weight at each time step.
  • We use multiple self-attention heads to model the moving average indicators of different scales and use bilinear models to effectively combine them for time series prediction in an end-to-end manner.
  • We conduct the experimental evaluation on two real-world datasets and the results demonstrate the effectiveness of our approach.
The remainder of the paper is organized as follows. Section 2 reviews the related work. Section 3 introduces some methodological background regarding moving average indicators. Section 4 details the proposed framework for time series prediction. Experimental setups are described in Section 5. Section 6 concludes our work.

2. Related Work

Previously, statistical models such as autoregressive model (AR) [13], moving average model (MA) [14], and autoregressive moving average [15] and its variant ARIMA [16] have been widely used for time series prediction. However, these models cannot describe the nonlinear changes in time series. In order to solve this problem, researchers have resorted to some nonlinear models such as the kernel method [17], Gaussian process [18] and hidden Markov model [19], support vector machines [20], and least squares support vector machine [21] which have the ability to adapt to complex time series. Experiments show that they achieve good efficiency and prediction accuracy in short-term prediction.
With the rapid development of deep learning, CNN [22], RNN [23,24] and its variants, including long short-term memory (LSTM) [4] and gate recurrent unit (GRU) [25], have attracted significant attention and become popular methods for time series modeling. For example, Qin et al. [26] proposed a dual-stage attention-based recurrent neural network (DA-RNN), which contains an encoder and a decoder. The former with an input attention mechanism adaptively extracts the input features of each time step, and the latter with a temporal attention mechanism selects the relevant hidden states of the encoder among all the time steps in different stages. In recent years, the transformer architecture [27] has achieved great success in time series prediction. It completely relies on the self-attention mechanism for time series modeling, and has been reported to achieve promising results.
The self-attention mechanism has been widely used in time series prediction. For example, the continuous failure of high-voltage transmission lines increases the instability of the lines and presents various degrees of hidden security risks, which increase the load of the lines and the cost of repairing the lines. In response to the above problems, Fahim et al. [28] proposed a self-attention convolutional neural network model (SAT-CNN) which is based on time series imaging for feature extraction and combined self-attention mechanism with CNN to make the model more accurately identify specific types of failures for precise classification. Finally, the effectiveness of the proposed SAT-CNN model is tested with the number of combined input voltage, current, and voltage–current signals at different sampling frequencies. Jin et al. [29] applied the self-attention mechanism to the agricultural field and proposed a bidirectional self-attention encoder–decoder framework (BEDA). Firstly, the wavelet threshold filter and preprocessing are used to denoise the time series, and then the bidirectional long short-term memory network is used to extract the features of the time series. Then the multi-attentional mechanism is introduced into the encoder–decoder framework. Finally, the indoor environmental factors (temperature, humidity, and CO 2 ) are accurately predicted to provide good conditions for crop planting and growth. Experiments show that the framework has good robustness and generalization ability. With the development of modern intelligent transportation systems (ITSs), effectively obtaining the potential spatial pattern and time dynamic traffic flow prediction has become an urgent problem to be solved. Kang et al. [30] proposed a novel spatial-temporal graph self-attentive model (STGSA). The model learns the spatial embedding of the graph through a graph self-attention layer with Gumbel-Softmax technique, and obtains the temporal embedding using an RNN combined with a gated recurrent unit. The effectiveness of the method was demonstrated by experiments on the traffic flow dataset in Langfang, China, in 2014. Wu et al. [31] carried out an in-depth study on the time series prediction of adversarial attack and proposed an adversarial sample generation algorithm based on perturbation. Specifically, the performance of a time series prediction model can be reduced by adding malicious disturbance to time series. Experiments with several time series prediction models on real-world datasets have shown that the proposed method not only deepens the researchers’ understanding of time series anti-attack, but also greatly improves the robustness of time series prediction technology. Zheng et al. [32] proposed a temporal change information learning method, in which the mean absolute error (MAE) and mean squared error (MSE) losses are contained in the objective function and use the second-order difference technology in the correlation terms of the objective function. As such, different amplitude errors can be evaluated, and the effects of mutation information and slow change information on the time series can be adaptively obtained. The historical and current moment estimation information is adaptively memorized without introducing redundant hyperparameters. Ding et al. [33] conducted an in-depth study on the fluctuation of time series and proposed a spatial attention fuzzy cognitive map with high-order structure. Firstly, the extended polar fuzzy information granules are used to transform time series into granular sequences with interpretable fluctuation characteristics and then fuzzy cognitive maps are constructed. The attention mechanism is then introduced to make full use of the spatial features and obtain key fluctuation patterns. Finally, a higher-order structure is added to capture the temporal information in the pattern sequence. The effectiveness of the proposed method is verified by a large number of experiments in financial time series.
On the other hand, moving average indicators are important tools for time series analysis and widely used in many research fields, such as natural gas price prediction [34], oil price [35] and foreign exchange prediction [36]. To resolve the deficiencies of traditional moving average indicators, Seng Hansun et al. [37] proposed a new double exponential smoothing method called H-WEMA. Brown’s weighted exponential moving average (B-WEMA) [38] has been successfully applied to forex data transaction prediction. In [39], the authors modified and combined the weighting factors of WMA and EMA to form a new weighting scheme for time series prediction. Nakano et al. [40] proposed a stochastic volatility model based on EMA to predict asset returns. The experiment proves that a simple investment strategy with the method is superior to that based on standard EMA. Table 1 briefly summarizes related papers.

3. Methodological Background

In order to better express our problem, we declare some symbols in advance. In particular, we use bold capital letters (e.g., X ), bold lowercase letters (e.g., x ), lowercase (e.g., x), and Greek letters (e.g., α ) to denote matrices, vectors, scalar, and model hyperparameters, respectively. Denote by X = [ x 1 , x 2 , x 3 , , x u ] R u × d an input time series, where u is the length of the time series, and x t is a d-dimensional feature vector at the t-th time step. In this paper, the objective was to forecast the movement direction of time series at the next time step u + 1 .
In time series analysis, moving average indicators are one of the most favored tools to measure the overall changing patterns of time series. Typically, there are three traditional moving average indicators frequently used in real scenarios, including simple moving average (SMA) [41], exponential moving average (EMA) [42], and weighted moving average (WMA) [43].
The SMA indicator calculates an average of time series data during a past period. Specifically, the SMA indicator at the t-th time step with a lookback window size of l can be calculated as
S M A l t = i = 1 l p t i + 1 l ,
where p i is the data of the i-th time step. Intuitively, the SMA indicator is an effective means to eliminate the strong fluctuations of time series. However, it equally treats the data at each time step and ignores the subtle differences of their importance.
As a step further, the EMA indicator adopts an exponential decline manner to weigh the time series data. Particularly, it gives greater weights to recent data than past ones, and can be recursively computed as
E M A l t = α × ( p t E M A l t 1 ) + E M A l t 1 ,
where α = 2 t + 1 ( 0 , 1 ) represents a degree of weight reduction.
The WMA indicator works in a similar way to EMA but uses the predefined data weights, meaning that:
W M A l t = i = 1 l p t i + 1 w i i = 1 l w i ,
where w i denotes the predefined weight. For notational simplicity, we shall omit the superscript t in the following.
In time series analysis, it is widely believed that the intersection of moving average indicators at different scales suggests a certain trend signal [44]. For example, when a short-term moving average crosses a long-term moving average from bottom to top, it means that an upward signal of a time series can be generated. On the contrary, if a short-term moving average crosses a long-term moving average from top to bottom, a downward time series trend may be predicted. However, such a strategy is mainly formed on humans’ subjective experience, and may not be applicable to different time series.

4. Method

In this paper, we propose an end-to-end method. Firstly, we demonstrate the process of dynamically modeling time series and details in self-attentive moving average ( S A M A ). Then, different scales’ S A M A indicators are integrated through a bilinear fusion sub-network for time series prediction. The overall framework is shown in Figure 1.

4.1. Time Series Encoding

As we all know, the historical data of time series plays a pivotal role in predicting its future trends. In this paper, we use the LSTM [45] model to encode the historical data of time series. Compared with the vanilla RNN, the LSTM model has a long-term memory function, which could alleviate the problems of gradient vanishing and exploding for long-term sequence modeling. At the t-th time step, we input the feature vector x t into the LSTM model. Formally, the LSTM model performs the calculations as follows:
f t = σ ( W f [ h t 1 , x t ] + b f ) i t = σ ( W i [ h t 1 , x t ] + b i ) o t = σ ( W o [ h t 1 , x t ] + b o ) c t ˜ = tanh ( W c [ h t 1 , x t ] + b c ) c t = f t c t 1 + i t c t ˜ h t = o t tanh ( c t ) .
Here, h t 1 is a hidden state containing all the information up to the ( t 1 ) -th time step. h t 1 and x t are concatenated and converted into a forget gate f t , an input gate i t , and an output gate o t , respectively. In addition, h t 1 and x t are also used to generate a candidate cell state c t ˜ which represents the new information to be added. Then, c t 1 and c t ˜ are combined to form c t , and f t and i t serve as the balance factors in this procedure. Finally, o t is multiplied by c t to output the current hidden state h t . In Equation (4), W f , W i , W o , and W c are the parameters to be learned, ⊙ represents the Hadamard product, and σ ( · ) and tanh ( · ) are the sigmoid and tanh activation functions, respectively.

4.2. Self-Attentive Moving Average

As described above, a core issue in calculating moving average indicators is to choose the appropriate data weights at different time steps. In this paper, we propose a new type of moving average indicator, called self-attentive moving average ( S A M A ), which introduces the self-attention mechanism [9] to adaptively determine the data weights. Specifically, the input signals of time series are encoded through the LSTM model and the hidden state of each time step is obtained. When computing the S A M A indicator at the t-th time step, the data weight w i is measured by examining the extent to which the hidden state h t i + 1 is compatible with a query reference. Based on the recent bias hypothesis [46] that the future trend of the time series has a strong correlation with its recent volatility, we select the hidden state h t of the current time step as the query reference, and w i is thus defined as
w i = exp s h t , h t i + 1 j = 1 l exp s h t , h t j + 1 ,
where:
s h t , h t i + 1 = Q h t K h t i + 1 d
is a compatibility function that transforms h t and h t i + 1 into a latent space with the parameter matrices Q and K , and d is the dimension of the latent space.
Finally, S A M A l can be computed as the weighted sum of the transformed hidden state at each time step, meaning that:
S A M A l = i = 1 l w i V h t i + 1 ,
where V is a transformation matrix to be learned.

4.3. Multi-Scale S A M A Bilinear Fusion

In this study, we use multiple self-attention heads [9] to compute the S A M A indicators of different scales, and further combine them to forecast the future trend of time series. Specifically, the 5-step, 20-step, and 60-step moving averages are simultaneously modeled, i.e., S A M A 5 , S A M A 20 , and S A M A 60 indicators, which capture the past weekly, monthly, and seasonal dynamic patterns of day-frequency time series, respectively.
Generally speaking, we predict the moving direction of time series by comparing different scales’ moving average indicators. For example, in the stock market, the short-term moving average crosses upward or falls below the long-term moving average, which are usually regarded as rising and falling signals, respectively. However, such heuristic strategies are highly subjective and do not make full use of the characteristics of different scales’ moving average indicators. In this paper, we resort to the bilinear fusion [10] to make the different dimensions of different scales’ indicators interact with each other and obtain richer representations. To be specific, we input the three moving averages S A M A 5 , S A M A 20 , and S A M A 60 into the linear transformation layer, and perform dimensional expansion operations on them, respectively, to obtain vectors a 5 , a 20 , and a 60 . Then, we send them to the bilinear fusion layer and the indicators of different scales are aggregated to a matrix through the outer product. As such, the interaction and fusion between each pair of indicators a i and a j are carried out, and the bilinear vector z i , j is finally obtained:
z i , j = f l a t ( a i a j ) ,
where ⊗ and f l a t denote the outer product and flattening operation, respectively. i, j ∈  5 , 20 , 60 and i j . Finally, we adopt the idea of ensemble learning to make time series prediction. We input the obtained bilinear fusion vectors into three weak learners to adaptively learn the corresponding weight of the bilinear fusion vectors. Then, we send them to a strong learner with a fully connected layer for future trend prediction:
y ^ = W F C [ W 1 z 5 , 20 , W 2 z 5 , 60 , W 3 z 20 , 60 ] ,
where W 1 , W 2 , W 3 , and W F C are the weight matrices to be learned.
We consider three movement directions of time series, namely the rising, falling, and steady trends. We use cross entropy as the loss function to penalize the deviation of the prediction from the ground-truth. The y ^ donates the predicted probability distribution over different trends at the next time step, and y is a one-hot vector indicating the true trend label. The cross entropy loss can be computed as
l ( y ^ , y ) = i y i log y ^ i ,
where i is the dimension index. The optimal S A M A indicator can be determined by minimizing the loss over all time series.

5. Experiments

5.1. Data Collection

In this paper, we conducted experimental evaluations on a publicly available stock dataset [47] and air quality dataset (https://download.csdn.net/download/godspeedch/10627195$?$utm$_$source=iteye$_$new, accessed on 28 February 2022), respectively. For both datasets, we take each day as a time step. Specifically, the stock dataset contains 1026 stocks collected from the NASDAQ market, with trading records consisting of the opening price, closing price, highest price, lowest price, and trading volume of each day between 2 January 2013 and 12 August 2017. The air quality dataset contains the statistics of PM 2.5 , PM 10 , SO 2 , CO, NO 2 , O 3 , and AQI per day from 2 December 2013 to 31 October 2018. During data preprocessing, Min-Max normalization is used to normalize time series data to the interval of [0,1]. We divide the data into the training set and testing set in chronological order by the ratio of 4:1.

5.2. Evaluation Methodology

A time series prediction problem can be solved as a classification problem or a regression problem. The change pattern of time series is often unstable and irregular, so it is difficult to accurately predict the value at a specific time step. In previous studies [26,48,49], researchers have mainly focused on predicting the future trend of time series, transforming time series prediction into a classification problem to solve. In our study, the trend of the next time step is defined as one of the directions of rising (+1), falling (−1), and steady (0). The ground-truth label is determined based on the change ratio of the closing price and AQI for the stock and air quality datasets, respectively, meaning that:
y = + 1 , if v t + 1 v t v t α ; 1 , if v t + 1 v t v t α ; 0 , otherwise ,
where v t and v t + 1 are the values of closing prices or AQI at the t-th and ( t + 1 ) -th time step, respectively. α is a threshold and set to be 0.50% in line with the previous work [48]. We use the accuracy, precision, recall, and F 1 score as metrics to evaluate the performance of different algorithms. To further analyze the results, we performed paired a t-test to compare the difference between our method and the other existing methods, and found that the improvement of our method is statistically significant at the significance level of 0.05 [50]. For each method compared in our experiments, we repeat the training and testing procedures five times, and report the average performance to alleviate the fluctuations caused by random initializations.

5.3. Baseline

We compared the S A M A indicators with different time series’ prediction algorithms. Specifically, we first compare the results of single S A M A indicators and different scales’ fusion to prove the effectiveness of multi-scale bilinear fusion:
  • S A M A l : the single-scale S A M A indicator is used for time series prediction.
  • S A M A l | S A M A l : any two scales S A M A indicators are simply spliced to make time series prediction.
  • S A M A 5 | S A M A 20 | S A M A 60 : the S A M A indicators of three different scales are spliced to make time series predictions.
We then compare the model with three traditional technical indicators and make further comparison with the depth sequence model:
  • SMA [41]: the SMA indicator calculates the average value of the time series data during a period of time.
  • EMA [42]: the EMA indicator is calculated based on the principle that the weight of the time series data decreases exponentially.
  • WMA [43]: the WMA indicator gives predefined weights to different time series data.
  • TCN [51]: the model combines CNN and RNN structure. The input sequence of arbitrary length is modeled by causal convolution, expansion convolution and residual joining.
  • DA-RNN [26]: the model is based on a recurrent neural network of dual-stage attention. The encoder with an input attention mechanism and the decoder with time attention are used to adaptively extract the input features and select the encoding-related hidden states at all time steps.
  • Transformer [9]: the transformer completely relies on the self-attention mechanism to calculate the input and output representations, and obtains the weight of each value by calculating the similarity between the query and the corresponding key.
  • LSTM [52]: LSTM models time series through recurrent neural networks and predicts future trends.

5.4. Effectiveness of Multi-Scale SAMA Bilinear Fusion

In our study, we propose combining multiple S A M A indicators of different scales for time series prediction. Table 2 and Table 3 report the comparison results between each individual S A M A indicator and the fusion of multi-scale ones in different ways, from which we can make the following observations:
  • Overall, combining multi-scale S A M A indicators offers better performance than utilizing one of them alone, leading to, for example, at least 3.19% and 2.85% relative improvements in terms of F 1 score on the stock and air quality datasets, respectively. The results suggest the necessity of simultaneously exploiting the S A M A indicators of different scales for enhancing time series prediction. In addition, the performance of time series trend prediction by combining the three indicators S A M A 5 , S A M A 20 , and S A M A 60 deteriorates, which may be caused by the following two reasons. The S A M A 20 indicator is between the S A M A 5 and S A M A 60 indicators, which can reflect the fluctuations of time series in the past month. Since the S A M A 20 indicator is not sensitive to the short-term fluctuation of the time series and cannot adequately reflect the long-term trend change, some redundant information is introduced when the three indicators are combined for trend prediction, which reduces the accuracy of the prediction. On the other hand, we simply splice the three indicators to obtain a unified representation through the fully connected layer as an excessively simple combination method may lead to performance deterioration.
  • It can be seen that the bilinear fusion of S A M A 5 , S A M A 20 , and S A M A 60 achieves the best result among all multi-scale competitors. This may be because S A M A 5 could reflect the recent short-term fluctuations of time series: on the contrary, S A M A 20 and S A M A 60 capture the overall mid-term and long-term dynamics of the past period. In the process of fusion, we interact with the three different indicators and comprehensively consider the dimensions of different scale indicators to better predict the future trend of the time series.

5.5. Performance Comparison

We compare our approach with the traditional moving average indicators, i.e., SMA, EMA, and WMA, as well as the modern sequential modeling methods including LSTM and transformer, in terms of time series prediction. Table 4 lists the performance comparison of different methods. From the results, we can see that:
  • In most cases, traditional moving average indicators fall considerably behind the deep model-based methods. This highlights the merit of deep learning techniques for time series prediction.
  • Among deep sequence models, transformer and our approach are both superior to TCN, DA-RNN, and LSTM. This underlines the benefit of introducing the self-attention mechanism to capture the dynamics of time series. On the other hand, our approach obtains the best results on both datasets. More precisely, it exceeds the transformer by an average of nearly 1.67%, 1.21%, 1.15%, and 1.49% in terms of accuracy, precision, recall, and F 1 score, respectively. The results clearly demonstrate the effectiveness of our approach for time series prediction.

6. Conclusions

In this paper, we propose a new learning-based moving average indicator S A M A . After dynamically encoding the input signals of time series, we introduced the self-attention mechanism to adaptively determine the data weights of each time step for the moving average calculation. We generated the S A M A indicators of different scales with multiple self-attention heads and combined them through a bilinear fusion network for time series prediction in an end-to-end manner. The experimental results on real-world datasets demonstrate the effectiveness of our framework.
In the future, we plan to explore more complicated network architectures to integrate moving average indicators of different scales. Many researchers [53,54,55,56,57] have explored the opportunities and challenges of big data. Boulesteix et al. [58] explained why statistical models should be evaluated using large datasets, thus we will also verify our approach on large-scale datasets and adapt it to other tasks in the field of time series analysis. In addition, the Bert model can be used to analyze the sentiment of text information to obtain sentiment embedding. At the same time, the method proposed in this paper can be used to calculate the SAMA indicators and fuse different scales’ indicators to obtain the temporal embedding and finally combine the two to make a time series prediction.

Author Contributions

Conceptualization, Y.S. and C.C.; methodology, Y.S.; validation, H.Q.; formal analysis, H.Q.; data curation, Y.S.; writing—original draft preparation, Y.S.; writing—review and editing, C.C. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Science Foundation of China under Grant 62077033 and Grant 61701281, and by the Fostering Project of Dominant Discipline and Talent Team of Shandong Province Higher Education Institutions.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The datasets and code used in this study are linked in this paper.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Krollner, B.; Vanstone, B.J.; Finnie, G.R. Financial time series forecasting with machine learning techniques: A survey. In Proceedings of the European Symposium on Artificial Neural Networks, Thessaloniki, Greece, 15–18 September 2010. [Google Scholar]
  2. Ma, S. A hybrid deep meta-ensemble networks with application in electric utility industry load forecasting. Inf. Sci. 2021, 544, 183–196. [Google Scholar] [CrossRef]
  3. Campbell, S.D.; Diebold, F.X. Weather forecasting for weather derivatives. J. Am. Stat. Assoc. 2005, 100, 6–16. [Google Scholar] [CrossRef] [Green Version]
  4. Karevan, Z.; Suykens, J.A. Transductive LSTM for time-series prediction: An application to weather forecasting. Neural Netw. 2020, 125, 1–9. [Google Scholar] [CrossRef] [PubMed]
  5. Taylor, C.J.; Pedregal, D.J.; Young, P.C.; Tych, W. Environmental time series analysis and forecasting with the Captain toolbox. Environ. Model. Softw. 2007, 22, 797–814. [Google Scholar] [CrossRef]
  6. Cui, C.; Li, X.; Du, J.; Zhang, C.; Nie, X.; Wang, M.; Yin, Y. Temporal-Relational Hypergraph Tri-Attention Networks for Stock Trend Prediction. arXiv 2021, arXiv:2107.14033. [Google Scholar]
  7. Chiarella, C.; He, X.Z.; Hommes, C. A dynamic analysis of moving average rules. J. Econ. Dyn. Control 2006, 30, 1729–1753. [Google Scholar] [CrossRef] [Green Version]
  8. Chiarella, C.; He, X.-Z.; Hommes, C. Moving average rules as a source of market instability. Phys. A Stat. Mech. Appl. 2006, 370, 12–17. [Google Scholar] [CrossRef] [Green Version]
  9. Vaswani, A.; Shazeer, N.; Parmar, N.; Uszkoreit, J.; Jones, L.; Gomez, A.N.; Kaiser, Ł.; Polosukhin, I. Attention is all you need. In Proceedings of the Advances in Neural Information Processing Systems, Long Beach, CA, USA, 4–9 December 2017; pp. 5998–6008. [Google Scholar]
  10. Lin, T.Y.; RoyChowdhury, A.; Maji, S. Bilinear cnn models for fine-grained visual recognition. In Proceedings of the IEEE International Conference on Computer Vision, Santiago, Chile, 7–10 December 2015; pp. 1449–1457. [Google Scholar]
  11. Tenenbaum, J.B.; Freeman, W.T. Separating style and content with bilinear models. Neural Comput. 2000, 12, 1247–1283. [Google Scholar] [CrossRef]
  12. Gajbhiye, A.; Winterbottom, T.; Al Moubayed, N.; Bradley, S. Bilinear fusion of Ccommonsense knowledge with attention-based NLI models. In International Conference on Artificial Neural Networks; Springer: Berlin/Heidelberg, Germany, 2020; pp. 633–646. [Google Scholar]
  13. Shakeel, A.; Tanaka, T.; Kitajo, K. Time-series prediction of the oscillatory phase of EEG signals using the least mean square algorithm-based AR model. Appl. Sci. 2020, 10, 3616. [Google Scholar] [CrossRef]
  14. Connor, J.T.; Martin, R.D.; Atlas, L.E. Recurrent neural networks and robust time series prediction. IEEE Trans. Neural Netw. 1994, 5, 240–254. [Google Scholar] [CrossRef] [Green Version]
  15. Whittle, P. Hypothesis Testing in Time Series Analysis; Almqvist & Wiksells boktr.: Solna, Sweden, 1951; Volume 4. [Google Scholar]
  16. Box, G.E.; Jenkins, G.M.; Reinsel, G.C.; Ljung, G.M. Time Series Analysis: Forecasting and Control; John Wiley & Sons: Hoboken, NJ, USA, 2015. [Google Scholar]
  17. Chen, S.; Wang, X.; Harris, C.J. NARX-based nonlinear system identification using orthogonal least squares basis hunting. IEEE Trans. Control Syst. Technol. 2007, 16, 78–84. [Google Scholar] [CrossRef] [Green Version]
  18. Frigola, R.; Rasmussen, C.E. Integrated pre-processing for Bayesian nonlinear system identification with Gaussian processes. In Proceedings of the 52nd IEEE Conference on Decision and Control. IEEE, Firenze, Italy, 10–13 December 2013; pp. 5371–5376. [Google Scholar]
  19. Park, S.H.; Lee, J.H.; Song, J.W.; Park, T.S. Forecasting change directions for financial time series using hidden markov model. In Proceedings of the International Conference on Rough Sets and Knowledge Technology, Gold Coast, Australia, 14–16 July 2009; pp. 184–191. [Google Scholar]
  20. Kim, K.J. Financial time series forecasting using support vector machines. Neurocomputing 2003, 55, 307–319. [Google Scholar] [CrossRef]
  21. Mellit, A.; Pavan, A.M.; Benghanem, M. Least squares support vector machine for short-term prediction of meteorological time series. Theor. Appl. Climatol. 2013, 111, 297–307. [Google Scholar] [CrossRef]
  22. Hong, B.W. Deep Learning Based on Fourier Convolutional Neural Network Incorporating Random Kernels. Electronics 2021, 10, 2004. [Google Scholar]
  23. Diaconescu, E. The use of NARX neural networks to predict chaotic time series. Wseas Trans. Comput. Res. 2008, 3, 182–191. [Google Scholar]
  24. Bengio, Y.; Simard, P.; Frasconi, P. Learning long-term dependencies with gradient descent is difficult. IEEE Trans. Neural Netw. 1994, 5, 157–166. [Google Scholar] [CrossRef]
  25. Cho, K.; Van Merriënboer, B.; Gulcehre, C.; Bahdanau, D.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning phrase representations using RNN encoder-decoder for statistical machine translation. arXiv 2014, arXiv:1406.1078. [Google Scholar]
  26. Qin, Y.; Song, D.; Chen, H.; Cheng, W.; Jiang, G.; Cottrell, G. A dual-stage attention-based recurrent neural network for time series prediction. arXiv 2017, arXiv:1704.02971. [Google Scholar]
  27. Li, S.; Jin, X.; Xuan, Y.; Zhou, X.; Chen, W.; Wang, Y.X.; Yan, X. Enhancing the locality and breaking the memory bottleneck of transformer on time series forecasting. Adv. Neural Inf. Process. Syst. 2019, 32, 5243–5253. [Google Scholar]
  28. Fahim, S.R.; Sarker, M.R.I.; Arifuzzaman, M.; Hosen, M.S.; Sarker, S.K.; Das, S.K. A novel approach to fault diagnosis of high voltage transmission line-a self attentive convolutional neural network model. In Proceedings of the 2020 IEEE Region 10 Symposium (TENSYMP), Dhaka, Bangladesh, 5–7 June 2020; pp. 1329–1332. [Google Scholar]
  29. Jin, X.B.; Zheng, W.Z.; Kong, J.L.; Wang, X.Y.; Zuo, M.; Zhang, Q.C.; Lin, S. Deep-Learning Temporal Predictor via Bidirectional Self-Attentive Encoder–Decoder Framework for IOT-Based Environmental Sensing in Intelligent Greenhouse. Agriculture 2021, 11, 802. [Google Scholar] [CrossRef]
  30. Kang, Z.; Xu, H.; Hu, J.; Pei, X. Learning dynamic graph embedding for traffic flow forecasting: A graph self-attentive method. In Proceedings of the 2019 IEEE Intelligent Transportation Systems Conference (ITSC), Auckland, New Zealand, 27–30 October 2019; pp. 2570–2576. [Google Scholar]
  31. Wu, T.; Wang, X.; Qiao, S.; Xian, X.; Liu, Y.; Zhang, L. Small perturbations are enough: Adversarial attacks on time series prediction. Inf. Sci. 2022, 587, 794–812. [Google Scholar] [CrossRef]
  32. Zheng, W.; Hu, J. Multivariate Time Series Prediction Based on Temporal Change Information Learning Method. IEEE Trans. Neural Netw. Learn. Syst. 2022; Early Access. [Google Scholar] [CrossRef]
  33. Ding, F.; Luo, C. Interpretable cognitive learning with spatial attention for high-volatility time series prediction. Appl. Soft Comput. 2022, 117, 108447. [Google Scholar] [CrossRef]
  34. Thakur, A.; Kumar, S.; Tiwari, A. Hybrid model of gas price prediction using moving average and neural network. In Proceedings of the 1st International Conference on Next Generation Computing Technologies, Dehradun, India, 4–5 September 2015; pp. 735–737. [Google Scholar]
  35. Mo, Z.; Tao, H. A model of oil price forecasting based on autoregressive and moving average. In Proceedings of the International Conference on Robots & Intelligent System, Zhangjiajie, China, 27–28 August 2016; pp. 22–25. [Google Scholar]
  36. Hansun, S.; Kristanda, M.B. Performance analysis of conventional moving average methods in forex forecasting. In Proceedings of the International Conference on Smart Cities, Automation & Intelligent Computing Systems, Yogyakarta, Indonesia, 8–10 November 2017; pp. 11–17. [Google Scholar]
  37. Hansun, S. H-WEMA: A New Approach of Double Exponential Smoothing Method. Telkomnika 2016, 14, 772. [Google Scholar] [CrossRef] [Green Version]
  38. Hansun, S. Brown’s Weighted Exponential Moving Average Implementation in Forex Forecasting. Telkomnika 2017, 15, 1425–1432. [Google Scholar] [CrossRef] [Green Version]
  39. Hansun, S. A new approach of moving average method in time series analysis. In Proceedings of the International Conference on New Media Studies, New York, NY, USA, 23–27 February 2013; pp. 1–4. [Google Scholar]
  40. Nakano, M.; Takahashi, A.; Takahashi, S. Generalized exponential moving average (EMA) model with particle filtering and anomaly detection. Expert Syst. Appl. 2017, 73, 187–200. [Google Scholar] [CrossRef]
  41. Ellis, C.A.; Parbery, S.A. Is smarter better? A comparison of adaptive, and simple moving average trading strategies. Res. Int. Bus. Financ. 2005, 19, 399–411. [Google Scholar] [CrossRef]
  42. Lawrance, A.; Lewis, P. An exponential moving-average sequence and point process (EMA1). J. Appl. Probab. 1977, 14, 98–113. [Google Scholar] [CrossRef]
  43. Zhuang, Y.; Chen, L.; Wang, X.S.; Lian, J. A weighted moving average-based approach for cleaning sensor data. In Proceedings of the 27th International Conference on Distributed Computing Systems, Toronto, QC, Canada, 25–29 June 2007; p. 38. [Google Scholar]
  44. Wei, W.W. Time series analysis. In The Oxford Handbook of Quantitative Methods in Psychology; Oxford Handbooks Online: New York, NY, USA, 2006; Volume 2. [Google Scholar]
  45. Hochreiter, S.; Schmidhuber, J. Long short-term memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  46. Hao, Y.; Chu, H.H.; Ho, K.Y.; Ko, K.C. The 52-week high and momentum in the Taiwan stock market: Anchoring or recency biases? Int. Rev. Econ. Financ. 2016, 43, 121–138. [Google Scholar] [CrossRef]
  47. Feng, F.; He, X.; Wang, X.; Luo, C.; Liu, Y.; Chua, T.S. Temporal relational ranking for stock prediction. ACM Trans. Inf. Syst. 2019, 37, 1–30. [Google Scholar] [CrossRef] [Green Version]
  48. Feng, F.; Chen, H.; He, X.; Ding, J.; Sun, M.; Chua, T.S. Enhancing stock movement prediction with adversarial training. arXiv 2018, arXiv:1810.09936. [Google Scholar]
  49. Kwon, D.H.; Kim, J.B.; Heo, J.S.; Kim, C.M.; Han, Y.H. Time series classification of cryptocurrency price trend based on a recurrent LSTM neural network. J. Inf. Process. Syst. 2019, 15, 694–706. [Google Scholar]
  50. Xu, M.; Fralick, D.; Zheng, J.Z.; Wang, B.; Tu, X.M.; Feng, C. The differences and similarities between two-sample t-test and paired t-test. Shanghai Arch. Psychiatry 2017, 29, 184. [Google Scholar]
  51. Bai, S.; Kolter, J.Z.; Koltun, V. An empirical evaluation of generic convolutional and recurrent networks for sequence modeling. arXiv 2018, arXiv:1803.01271. [Google Scholar]
  52. Nelson, D.M.; Pereira, A.C.; de Oliveira, R.A. Stock market’s price movement prediction with LSTM neural networks. In Proceedings of the International Joint Conference on Neural Networks, Anchorage, AK, USA, 14–19 May 2017; pp. 1419–1426. [Google Scholar]
  53. Khalil, M.I.; Kim, R.; Seo, C.Y. Challenges and Opportunities of Big Data. J. Platf. Technol. 2020, 8, 3–9. [Google Scholar]
  54. Vimal, S.; Robinson, Y.H.; Kaliappan, M.; Pasupathi, S.; Suresh, A. Q Learning MDP Approach to Mitigate Jamming Attack Using Stochastic Game Theory Modelling with WQLA in Cognitive Radio Networks. J. Platf. Technol. 2021, 9, 3–14. [Google Scholar]
  55. Vimal, S.; Jesuva, A.S.; Bharathiraja, S.; Guru, S.; Jackins, V. Reducing Latency in Smart Manufacturing Service System Using Edge Computing. J. Platf. Technol. 2021, 9, 15–22. [Google Scholar]
  56. Labrinidis, A.; Jagadish, H.V. Challenges and opportunities with big data. Proc. VLDB Endow. 2012, 5, 2032–2033. [Google Scholar] [CrossRef]
  57. Zhuang, Y.T.; Wu, F.; Chen, C.; Pan, Y.H. Challenges and opportunities: From big data to knowledge in AI 2.0. Front. Inf. Technol. Electron. Eng. 2017, 18, 3–14. [Google Scholar] [CrossRef]
  58. Boulesteix, A.L.; Binder, H.; Abrahamowicz, M.; Sauerbrei, W. On the necessity and design of studies comparing statistical methods. Biom. J. Biom. Z. 2017, 60, 216–218. [Google Scholar] [CrossRef]
Figure 1. The overall framework. In part (a), the input signal of a time series is encoded through a recurrent neural network, and then a self-attention mechanism is introduced to adaptively determine the weight of the data at each time step to calculate the S A M A indicators. Multiple self-attention heads are used to model multiple moving average indicators of different scales. In part (b), the bilinear fusion method is used to fuse information between the dimensions of any two indicators.
Figure 1. The overall framework. In part (a), the input signal of a time series is encoded through a recurrent neural network, and then a self-attention mechanism is introduced to adaptively determine the weight of the data at each time step to calculate the S A M A indicators. Multiple self-attention heads are used to model multiple moving average indicators of different scales. In part (b), the bilinear fusion method is used to fuse information between the dimensions of any two indicators.
Applsci 12 03602 g001
Table 1. A brief summary of related work.
Table 1. A brief summary of related work.
MethodRelated Work
Statistical model[13,14,15,16,37,38,39,40]
Traditional machine learning model[17,18,19,20,21]
Deep RNN model[4,23,24,25,26,31,32,33]
Deep self-attention model[27,28,29,30]
Table 2. Performance of multi-scale S A M A indicator fusion (stock dataset).
Table 2. Performance of multi-scale S A M A indicator fusion (stock dataset).
MethodStock Dataset
AccuracyPrecisionRecall F 1
S A M A 5 42.13%41.44%41.08%39.58%
S A M A 20 42.63%41.98%41.56%40.10%
S A M A 60 42.68%41.89%41.50%39.81%
S A M A 5 S A M A 20 42.71%42.17%41.59%39.90%
S A M A 5 S A M A 60 42.76%42.20%41.65%40.27%
S A M A 20 S A M A 60 42.71%42.00%41.63%40.39%
S A M A 5 S A M A 20 S A M A 60 42.75%42.13%41.61%40.12%
( S A M A 5 , S A M A 20 , S A M A 60 ) m i x 42.82%42.41%41.98%41.38%
The best result is indicated in bold and the second best result is underlined. This convention is also adopted in the following table. Furthermore, | denotes the combination of different scales.
Table 3. Performance of multi-scale S A M A indicator fusion (air quality dataset).
Table 3. Performance of multi-scale S A M A indicator fusion (air quality dataset).
MethodAir Quality Dataset
AccuracyPrecisionRecall F 1
S A M A 5 69.66%46.22%46.35%46.26%
S A M A 20 67.86%45.03%45.39%45.20%
S A M A 60 69.40%45.88%45.73%45.74%
S A M A 5 S A M A 20 68.83%45.65%45.78%45.69%
S A M A 5 S A M A 60 70.15%46.55%46.94%46.67%
S A M A 20 S A M A 60 69.78%46.19%45.81%45.86%
S A M A 5 S A M A 20 S A M A 60 69.40%45.88%46.01%45.94%
( S A M A 5 , S A M A 20 , S A M A 60 ) m i x 71.64%47.45%47.75%47.58%
Table 4. Performance comparison between different methods.
Table 4. Performance comparison between different methods.
MethodStock DatasetAir Quality Dataset
AccuracyPrecisionRecall F 1 AccuracyPrecisionRecall F 1
SMA39.23%35.83%37.12%29.89%67.92%45.98%44.27%44.00%
EMA39.26%37.25%37.09%29.51%67.91%44.91%44.43%44.46%
WMA39.98%38.02%37.92%30.11%69.03%45.64%45.37%45.40%
         
TCN40.90%38.89%39.24%33.91%66.42%44.05%44.40%44.15%
DA-RNN40.82%39.62%39.17%34.21%67.16%44.84%43.28%43.17%
LSTM41.93%40.58%40.43%37.46%68.73%45.59%45.70%45.61%
         
Transformer41.97%41.53%41.12%39.89%69.16%45.92%46.32%46.10%
Ours42.82%42.41%41.98%41.38%71.64%47.45%47.75%47.58%
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Su, Y.; Cui, C.; Qu, H. Self-Attentive Moving Average for Time Series Prediction. Appl. Sci. 2022, 12, 3602. https://doi.org/10.3390/app12073602

AMA Style

Su Y, Cui C, Qu H. Self-Attentive Moving Average for Time Series Prediction. Applied Sciences. 2022; 12(7):3602. https://doi.org/10.3390/app12073602

Chicago/Turabian Style

Su, Yaxi, Chaoran Cui, and Hao Qu. 2022. "Self-Attentive Moving Average for Time Series Prediction" Applied Sciences 12, no. 7: 3602. https://doi.org/10.3390/app12073602

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop