Skip to main content
Advertisement
Browse Subject Areas
?

Click through the PLOS taxonomy to find articles in your field.

For more information about PLOS Subject Areas, click here.

  • Loading metrics

A Stock Market Forecasting Model Combining Two-Directional Two-Dimensional Principal Component Analysis and Radial Basis Function Neural Network

  • Zhiqiang Guo ,

    guozhiqiang@whut.edu.cn

    Affiliation Key Laboratory of Fiber Optic Sensing Technology and Information Processing, School of Information Engineering, Wuhan University of Technology, Wuhan, China

  • Huaiqing Wang,

    Affiliation Department of Financial Math and Financial Engineering, South University of Science and Technology of China, ShenZhen, China

  • Jie Yang,

    Affiliation Key Laboratory of Fiber Optic Sensing Technology and Information Processing, School of Information Engineering, Wuhan University of Technology, Wuhan, China

  • David J. Miller

    Affiliation Department of Electrical Engineering, The Pennsylvania State University, University Park, Pennsylvania, United States of America

Abstract

In this paper, we propose and implement a hybrid model combining two-directional two-dimensional principal component analysis ((2D)2PCA) and a Radial Basis Function Neural Network (RBFNN) to forecast stock market behavior. First, 36 stock market technical variables are selected as the input features, and a sliding window is used to obtain the input data of the model. Next, (2D)2PCA is utilized to reduce the dimension of the data and extract its intrinsic features. Finally, an RBFNN accepts the data processed by (2D)2PCA to forecast the next day's stock price or movement. The proposed model is used on the Shanghai stock market index, and the experiments show that the model achieves a good level of fitness. The proposed model is then compared with one that uses the traditional dimension reduction method principal component analysis (PCA) and independent component analysis (ICA). The empirical results show that the proposed model outperforms the PCA-based model, as well as alternative models based on ICA and on the multilayer perceptron.

Introduction

In recent years, it is an important issue in investment/financial decision-making and is currently receiving considerable attention from the research community [1]. The stock market is quite attractive if its behavior can be predicted; however, forecasting the stock market index is regarded as a difficult task due to its random walk characteristic. According to the Efficient Market Hypothesis [2], changes in stock market prices are determined by new information, but because the new information is unpredictable, the stock market price is also unpredictable. Some researchers argue that the stock market can be predicted over the short term, as reported in studies by Los [3] and Haugen [4]. China’s stock market is now the second largest in Asia following only Japan. Guo [5] indicated that the Chinese stock market has been gradually acting as the barometer of the economy since 2002. The Shanghai stock market opened in 1991, which plays an important role in Chinese economic development, so an increasing number of forecasting models are being developed to predict Shanghai stock market trends. These earlier studies have been reported in Cao et al. [6], Yang et al. [7], Zhang et al. [8], Dai et al.[9] and Ye et al. [10].

Over the past two decades, many models based on soft computing have been proposed [1116]. In the most existing prediction approaches, there have been numerous studies using RBFNN for stock price prediction. RBFNN was first used to solve the interpolation problem of fitting a curve exactly through a set of points [17]. Versace et al. [18] used a mixture of RBFNNs to evaluate the performance of a heterogeneous mixture of neural network algorithms for predicting the exchange-traded fund DIA (AMEX ticker: DIA). Wang et al. [19] obtained the fractal dimension of the Shanghai stock market through a function approximation algorithm based on the RBFNN. Sun et al. [20] proposed a financial index forecasting model based on a modified RBFNN to find the important points of the stock index. A large number of successful applications have shown that RBFNN can be useful techniques for stock price forecasting due to their ability to approximate any continuous function with arbitrary precision. Since RBFNN has fast convergence, but a powerful nonlinear problem-solving ability. It motivates this study of utilizing RBFNNN for stock price prediction.

When using RBFNN for stock prices forecasting, the observed original values of prediction variables are usually directly used to build prediction models. One of the key problems is the inherent noise of original values affecting the prediction performance. Many studies on time series analysis have suggested that raw data preprocessing is useful and necessary for improving system performance and model generalization to unseen data. For stock market forecasting, as new data is obtained, if the predictive model can be refined to account for it, then the model should be better adapted for the new data, and its predictive accuracy should be improved. Thus, especially for predicting the stock market, with its inherent volatility, the predictive model should be dynamically learned on-line. In this learning context, the dimensionality of the raw data play an important role in improving the performance and reducing the computational complexity needed to learn the predictive model. In this case, many hybrid system methods were proposed to improve the performance of stock market forecasting systems [2123]. These existing methods usually contain two stages, the first stage is feature extraction to remove the noise, the second stage is a predictor to forecast the stock price.

Atsalakis et al. [22] have pointed out that not all articles provide details of data preprocessing, or indeed whether any preprocesses are used. This indicates that more attention should be paid to the preprocessing methods used in stock market forecasting. In particular, more effective dimension reduction methods should be introduced to improve the performance of the forecasting model. Common approaches include data normalization, indicator reduction, and PCA [24], a very popular subspace analysis method which is successfully applied in many domains for dimension reduction. Ajithet et al. [23] used PCA to preprocess the raw data for stock market forecasting, but did not give details. Huang et al. [25] proposed a model based on PCA and BPNN to forecast the trends of the future’s price, and tested actual instances to validate that the performance of PCA+BPNN was preferable to that of a standard neural network. Ravi et al. [26] proposed and implemented a fusion model by combining PCA and RBFNN to build a bank performance prediction system. Tsai [27] use PCA as a feature selection method of stock prediction. Another well-known approach is ICA. Huang et al. [28] proposed a forecasting model that combined ICA and RBFNN to predict the trend in the real exchange rate. Huang [29], Guo [30] and Yeh [31] proposed a hybrid model by combining ICA and SVR in conducting time series prediction tasks. In these methods, PCA or ICA were used as preprocessing tool before building a stock prediction model.

PCA or ICA is suitable when the format of raw data is a vector with lower dimension. However, this condition is often not satisfied with the stock prediction. In multivariable prediction systems, there is a strong correlation between the variables, and the initial format of the raw data is a tensor. As feature extraction tools, both PCA and ICA need to transform the tensor into a vector, which contains two drawbacks. One is it requires prohibitive computational complexity, the other is PCA and ICA break the correlation residing in the raw data. In this study, a tensor subspace method, (2D)2PCA [32] based denoising scheme is proposed and integrated with RBFNN for building a stock price forecasting model (called (2D)2PCA+RBFNN model). In this work, first, a sliding window and 36 technique variables were used to obtain a multidimensional representation of the forecasting variable. Second, (2D)2PCA was applied to extract features from the predictor variables. Third, the features were used as the inputs of RBFNN. We attach importance to the influence of dimension reduction on the performance of the forecasting system. The proposed (2D)2PCA+RBFNN model use (2D)2PCA to remove the noise from the input raw data, the feature will contain less noise information and serve as the input of the RBFNN to predict the value or movement of the next day’s closing price. Compare with PCA and ICA, (2D)2PCA, as demonstrated in this paper, provides both computationally efficient preprocessing and more powerful feature extraction, leading to more accurate forecasting.

In previous studies, different stock markets have been modeled. Some scholars have focused on stocks, while others paid more attention to the stock market index, which represents the movement average of many individual stocks. Compared with a single stock, the stock market index remains relatively stable in reflecting overall market movement. The Shanghai stock market index collected from the China stock market is used to illustrate the proposed two-stage model. The prediction performance of the proposed approach is compared with other alternative approaches: the integration of PCA with RBFNN (called PCA+RBFNN), ICA with RBFNN (called ICA+RBFNN), PCA with BPNN (called PCA+BPNN) and ICA with BPNN (called ICA+BPNN). The model comparison shows that the proposed approach gets a better performance than the other alternative models.

The rest of this paper is structured as follows. In Section 2, we give a brief overview of (2D)2PCA and RBFNN. The proposed model is presented in Section 3. In Section 4, experiments are conducted to evaluate the performance of the proposed model. The conclusion is given in Section 5.

Research Methodology

In this section, we briefly review the basic concepts about the underlying technologies used in the study.

PCA

PCA is a well-known dimension reduction method used in pattern recognition and signal processing. Given N samples A = {A1,A2,···,AN} with the i-th sample Ai being an m×n matrix, one transforms Ai into a 1D vector xi column by column or row by row, where xi is an mn×1 column vector. The total scatter matrix of all samples is defined as follows: (1) Here, is the mean of xi. The principal vector of PCA is the eigenvector corresponding to the maximum eigenvalue of C. Generally, it is not enough to have only one optimal projection vector, so the discriminant vector vd is composed of the orthogonal eigenvectors of C corresponding to the first d largest eigenvalues. The resulting feature vector for xi is yi obtained by projecting xi into the subspace vd, i.e.

(2)

Setting a threshold θ,d can be selected as the smallest number of dimensions satisfying the following: (3) From the above, we can see that there are some disadvantages of PCA. First, the sample is transformed from a 2D to a long 1D vector, which breaks the spatial structure of the original matrix. Retaining this 2D structure may be critically important, when transforming the data to extract features. Second, and perhaps more importantly, due to the high dimension, it may be difficult to accurately evaluate the covariance matrix C, given a finite training set. Finally, the processing time taken by PCA may be prohibitive. To overcome these problems, Yang et al. [33] proposed Two-dimensional Principal Component Analysis (2DPCA) which was successfully used in face recognition.

(2D)2PCA

Given the N sample matrix A = {A1,A2,···,AN}, Ai an m×n matrix, the covariance matrix can be defined as follows:

(4)

In (Eq 4), is the mean of all samples. One can compute the eigenvalue λi and eigenvector vi of St. Accordingly the projecting subspace Vd is composed of the orthogonal eigenvectors v1,v2,···,vd of St corresponding to the first d largest eigenvalues. The feature matrix of 2DPCA is obtained by projecting Ai into the subspace Vd and the size of yi is n×d.

In the 2DPCA algorithm, the size of the covariance matrix St is m×m, much smaller than that of PCA. For this reason, the computational complexity of 2DPCA is far less than that of PCA. At the same time, because the covariance matrix is built up by Ai, the information of the spatial structure is retained in the processing. However, the main disadvantage of 2DPCA is that the feature values are often much larger than those of PCA. Furthermore, some studies indicate that 2DPCA is essentially working in the column direction of the matrix, i.e., it extracts the features of the matrix only in the column direction; the information in the column direction is uncorrelated, but the information in the row direction is still correlated after the transformation. Zhang et al (2005) proposed a Two-directional Two-dimensional method called (2D)2PCA to address this problem.

Suppose the projection matrix Vd has been obtained. Project the m×n matrix Ai into Vd to yield an n×d feature matrix. Then yi is transposed to yield. After that, regard as the new training sample on which to carry out 2DPCA again (called alternatve 2DPCA), yielding the feature matrix zi, If p eigenvectors are selected in alternative 2DPCA to form the projecting subspace Wp, the (2D)2PCA algorithm can be described as follows:

(5)

The size of zi is d×p, since d<<m and p<<n, the dimension of this matrix is reduced significantly, compared with alternative transformations. From Formula (5) we can see that the main idea of (2D)2PCA is that the original matrix Ai is projected into a 2DPCA subspace to extract the row direction feature yi, then transposed to yield, and the alternative 2DPCA is utilized to extract the column direction feature. Thus, the feature matrix zi contains both the row direction and the column direction feature information from the original matrix. The feature set obtained from 2DPCA is generally much higher dimensional than that of (2D)2PCA. So from the standpoint of dimension reduction, the performance of 2DPCA is much worse than that of (2D)2PCA. For on-line stock forecasting systems, if 2DPCA (rather than (2D)2PCA) is used as a tool to preprocess raw data, then the training complexity of the model will be drastically increased. For more details please refer to [32].

RBFNN

The idea of RBFNN [30] derives from the theory of function approximation. The RBFNN has a three-layered structure: the input layer, the hidden layer and the output layer. The input layer collects and feeds the input data to each node of the hidden layer. The hidden nodes implement a set of radial basis functions which are often chosen to be Gaussian functions. The output layer implements a weighted linear summation function to sum the outputs of the hidden layer to yield the prediction value (which may be thresholded, if a binary decision is sought). The RBFNN architecture is shown in Fig 1.

thumbnail
Fig 1. The architecture of RBFNN.

x = [x1,x2,···,xn] is n-dimensional input vector, Ci(i = 1,2,···,N) is the center of transformation function Φ(x), W = [W1,W2,···,WN] is the weight between the hidden layer and output layer.

https://doi.org/10.1371/journal.pone.0122385.g001

In Fig 1, x and f(x) are the input and output of the RBFNN network respectively. Wi is the output weight between hidden unit i and the output unit. Φ(x) is the transformation function of the hidden layer, which is defined by activation functions with a local field of response at the output. When the Gaussian function is used, the common form of f(x) for an RBFNN is as follows: (6) Here, σ is the width of the Gaussian, ci is the data center of the basis function. The network training is divided into two steps: first the weights from the input to the hidden layer are determined; then the weights from the hidden layer to the output layer.

Proposed Forecasting Model

The input and output of the system

In this study, we have two goals: one is to predict the t+1 day’s closing price by using the N days’ data preceding day t+1, and the other is to demonstrate the accuracy of the model in predicting the stock price movement. The Shanghai stock index is used for testing the proposed method and comparing with the PCA and ICA dimension reduction approach.

There are two important factors regarding the input data. The first concerns the variables from the price history for each day. In previous studies, many technical variables have been proposed as the features to predict the trend of the stock market, such as closing price, moving average line, Williams index and so on. Different models apply different variables and there is no unified framework for the selection of input variables. For example, Teixeira et al [34] and Ettes [12] selected only two input variables. This is quite different from Zorin et al. [35] who used 61 variables. For our study, we believe too few variables will fail to represent the intrinsic features of the stock market, and too many variables will lead to computational (and potentially model generalization) difficulties. In [36], 22 variables were selected as input to the prediction model and satisfactory results were achieved. As the stock market price is determined by various economic and non-economic factors, it is difficult to predict stock market trends using only a few factors. For this reason, with reference to [34] and [37], we selected 36 variables for each day as the input to the prediction model, as reported in Table 1. x(t),xh(t),xl(t) and xo(t) mean the stock’s close, high, low and open prices, respectively, on day t. Other variables are calculated based on x(t),xh(t),xl(t) and xo(t), and the description and formulae of the variables are displayed in Table 1. The principle that we used to select the variables is three folds: The first part is the basic data of the stock market, which can be directly obtained from the stock market database. These variables include I1 to I4. The second part is technical variables which are commonly used by some investors. For example, Moving average, Williams index, and so on. These variables include I5 to I25. The third part is the movement of basic data or technical variables, which represent the trend of changes in the data. These variables include I26 to I36.

The second key factor of the input data is the length of the sliding window. There lies in the fact that the direction of stock market indexes changes over the long run, and the price of the stock market is the result of “momentum” accumulated over a period of time. Thus, it is not reasonable to select data from only one day or several days to predict the next day's price. Some studies have also indicated that the near daily data had a bigger influence over the future price than data furthered in the past. In this study, 20 days are selected as the length of the sliding window for each variable. The input data include all 36 technical variables, each variable having 20 days of observation, which gives a 36×20 matrix. For example, if the prediction time is t+1, the input data are I(t-j,i)(i = 1,2,,36;j = 0,1,2,,19).

Different from the previous study, both historical data and the related technical variables are taken into the count in this approach. The raw input data is a natural tensor containing the correlation between technical variables. So it is important retaining this tensor structure on the feature extraction step. Obviously, it is difficult for conventional forecasting models to accept this huge data as input, thus the first step is to reduce the dimension of the raw data before sending it to the forecasting model.

In this study, we provide two kinds of output of the forecasting system. One is the prediction of the closing price x(t+1) on day t+1; the other is the prediction of the trend of closing price, which can be defined as follows:

(7)

The overall framework of the model

To predict future trends of a stock price, the system can be built up with the following four components: (1) the initial exploration, (2) calculation of variables, (3) dimension reduction using (2D)2PCA2, and (4) forecasting by the RBF network. Therefore, a research forecasting model (Fig 2) is presented to evaluate the performance of the proposed model. The data processing begins with the selection of data from the stock market database and ends with the prediction result of the closing price or movement of the closing price.

thumbnail
Fig 2. Diagram of (2D)2PCA+RBFNN forecasting model.

The model is divided five modules, including the database of stock market, variables calculated module, sliding window, dimension reduction module and RBFNN predictor.

https://doi.org/10.1371/journal.pone.0122385.g002

Input variables of the model.

In the first module of the system, historical stock market data are selected from the database, such as the stock’s close, high, low and open price. After the raw data are prepared, they are sent to the second module of the system to compute the variables used as the raw features of the forecasting model. Based on Table 1, the first four variables I1 to I4 are the raw data, xo(t),xh(t),xl(t) and x(t), with the last 32 I5 to I36 technical variables calculated based on the given formulae.

Data collecting.

A sliding window is applied to the entire data set to extract the input raw data used by the forecasting model. As we have mentioned in 3.1, 20 is chosen as the length of the sliding window; as the window is moved from the beginning to the end of the data set, the training samples and testing samples are obtained sequentially. This process can be described as showed in Fig 3. The gray block represents the input data of the forecasting model which includes 20 trading days' data for the 36 technical variables. As the window is sliding, N input data are obtained from the trading data set. The data instances 1 to Ni are used as the training set, and the data from Ni+1 to N are used as the test set. The white block represents the target output data, which is the next day's closing price or the price movement. Corresponding to the input, targets 1 to Ni are used as the training targets, and targets Ni+1 to N are the test targets. A similar method was also reported in [34].

thumbnail
Fig 3. Diagram of building up the dataset.

Stock time series segmentation is made by 20 width sliding window. The gray block represents the input data which including 20 trading day’s data. The white block represents the target output data which is the next day's closing price.

https://doi.org/10.1371/journal.pone.0122385.g003

Dimension reduction.

The function of the third module aims to reduce the dimension of the input data. Dimension reduction is a key step in signal processing and pattern recognition systems. It aims to filter out the information redundancy and extract the intrinsic features from high dimensional data. In this study, 36 technical variables were selected, and each is measured for 20 previous trading days; we note that the dimensionality of the input data is high, and the data likely will generally have some redundancy. In order to decrease computational complexity both of the system design and of the forecasting, it is both acceptable (from an information loss standpoint) and necessary to reduce the data dimensionality. We propose to use (2D)2PCA to extract features from the original data. An m×n matrix Ai is projected into the (2D)2PCA subspace to yield a d×p feature matrix zi,d and p can be selected based on (Eq 3). As discussed in previous section, the size of zi is much smaller than that of Ai, and thus zi is chosen to be the input of the RBFNN.

Forecasting process.

The last module of the system is the RBFNN, which accepts zi from the (2D)2 PCA dimension reduction module and forecasts the next day's price or the price movement. The training set is used to learn the weights W1 and W2of the RBFNN. After the training is completed, the test set is used to evaluate the performance of the forecasting model. The input variables are not usually within the range [0 1] in the training set after dimension reduction; each data point is thus scaled to be within this range by (Eq 8): (8) where zij is the j-th element of zi, min(zi) is the Minimum value of zi, and max(zi) is the Maximum value of zi.

The architecture of the RBFNN is as follows: the nodes of the input layer are equal to the data dimension reduced by PCA or (2D)2PCA; the output layer has 1 node. The first layer has Radial basis transfer function (RABAS) neurons, and calculates its weighted input with the Euclidean distance weight function, and calculates a layer's net input by combining its weighted inputs. The second layer has Linear transfer function (PURELINE) neurons, and calculates its weighted input with the Dot product weight function, and its net input with sum net input function. The training method used for the RBFNN is the Least Squares (LS) algorithm [38].

The following steps are repeated until the network's mean squared error falls below the GOAL or the maximum number of neurons are reached: ①The network outputs are generated for the training set; ② The input vector with the greatest error is found; ③A RADBAS neuron is added with weights equal to that vector; ④ The PURELIN layer weights are redesigned to minimize the training set mean-squared prediction error.

As discussed in Section RBFNN, transformation function Φ(r) of the hidden layer has to be determined when the RBFNN forecasting model is developed. In this work, Gaussian function is adopted because it is the most widely used transformation function and has performed well in most forecasting cases [39]. The performance of RBFNN also depends on the choice of the parameter σ (the width of the Gaussian). There are no general methods for setting σ. Selection is usually based on the cross-validation method or the user’s prior knowledge and expertise [40]. In this study, the grid search method [41] using exponentially growing sequences of σ is applied to identify good parameter. σ is selected through repeated and numerous experiments according to performance considerations.

Analysis of the model

In this section, we give an intuitive analysis for the (2D)2PCA+RBFNN model. The performance advantage of the proposed model (which will be experimentally investigated in the next section) may lie on the following reasons.

First, traditional forecasting models may be classified as auto-regressive and multi-variable models. The former is based on the idea that all the related factors can be reflected in the closing price of the stock, so the closing price history decides the future trend. On the other hand, the latter model holds that some technical variables are very useful for making predictions, such as Moving average, Relative strength index, Oscillator, Williams index and so on. In our proposed model, the input data of the model is a matrix, with columns representing the technical variables and, rows representing the historical data for the technical variables, so the influence on the stock market price from both the technical variables and the historical data are taken into account.

Second, from the formulae in Table 1, we can see that the technical variables are correlated with each other. It is obvious that historical data within the sliding window are also correlated. So the input data have correlation both in the row direction and in the column direction. In the proposed model, (2D)2PCA is carried out to reduce the dimension of the raw data. The advantage of (2D)2PCA is its extraction of useful information by removing the correlation from both the row direction and the column direction. This fact suggests the potential improvement in performance, compared to models that do not decorrelate in both directions. The other key issue is the algorithm complexity of the methods. If the size of the training sample is m×n, let d1 and d2 be the number of row-projected and the column-projected vectors, respectively. The training complexity of (2D)2PCA and PCA are O(n2d1×m2d2) and O(n2×m2) respectively. Since d1<<n and d2<<m, the complexity of (2D)2PCA is much less than that of PCA. With respect to ICA, it is common to use PCA to whiten the raw data before ICA is calculated. So the complexity of ICA is much bigger than PCA. In this case, compared to ICA and PCA, (2D)2PCA accelerates the computational speed of forecasting by more efficient calculation.

Last but not least, RBFNN is used as the predictor. Compared to traditional neural networks, RBFNN has several distinct characteristics [42]. Firstly, it has the best approximation characteristic and no local minimum problem. Second, it has a strong robust and adaptive capability which can help it to give better forecasting results. Furthermore, it has fast convergence speed and good stability. For these reasons, RBFNN is widely used in pattern recognition and time series prediction. Since stock market data has random walk characteristics, stock market forecasting is a nonlinear regression problem. The characteristics of RBFNN are quite suitable to deal with such problems.

Experimental Results and Analysis

Data preparation

In order to verify the effectiveness of the proposed model for forecasting, the Shanghai stock market index collected from 4 Jan. 2000 to 31 Dec. 2004 was used in this experiment. The overall data include 1200 trading days' data which are split into two parts: 4 Jan. 2000 to 31 Dec. 2003 and 1 Jan. 2004 to 31 Dec. 2004. The former, which includes 957 trading days' data, is used as the training set, and the latter, which includes 243 trading days' data, is used as the test set. The daily Shanghai stock market index closing prices are shown in Fig 4. As discussed in the last section, a sliding window is employed to build up the raw data of the training set, with 937 training samples obtained from 957 days of trading data. Each input training sample is a 36×20 matrix, the rows representing the technical variables shown in Table 1, and the column representing the past 20 days’ data for each technical variable. The target output of a training sample is the closing price for the next day. Experiments are performed on a PC with 2.30GHz PCU, 2G RAM memory, on a MATLAB 7.1(R2010a) platform.

thumbnail
Fig 4. The closing price of raw data.

Shanghai stock market index collected from 4 Jan. 2000 to 31 Dec. 2004 includes 1200 trading days' data.

https://doi.org/10.1371/journal.pone.0122385.g004

Experiment design

There are two purposes in this experiment. One is to test the validity of the proposed model for one-day-ahead forecasting of the stock price; the other is to compare the performance of the (2D)2PCA+RBFNN model with other related models, PCA+RBFNN model, ICA+RBFNN and PCA+BPNN model [26, 27, 29]. In the PCA models, the dimension of the input data is determined by (Eq 3). Experiments show forecasting results vary with the feature dimensionality; in this experiment, three scales are selected corresponding to θ. When θ is 0.99, 0.999 and 0.9999, the dimension of the PCA model and ICA model are 7, 50 and 128 respectively. Another experiment is conducted to compare the performance of the (2D)2PCA+BPNN with PCA +BPNN and ICA+BPNN models. Because the time required to train the BPNN in the case of high dimension is prohibitively high, the performance of the three models is only compared in the case of Dim = 7 in this experiment.

Here, the fixed-point algorithm [36] is carried out to implement ICA, and a method based on amplitude of the weight vector is used to determine the selection of the ICA subspace [43]. The training parameters for the RBFNN are: Mean squared error goal is 0; SPREAD is selected through repeated and numerous experiments according to performance considerations. It is found that the best SPREAD = 5×103 for the range of SPREAD = m×10n(m = 1,2,,9;n = 1,2,,9).The maximum number of neurons was set equal to the number of training samples. In our experiment, the architecture of BPNN was chosen to be 7-10-1; that is, the input layer has 7 nodes, the hidden layer has 10 nodes and the output layer has 1 node. The hidden nodes were determined through trial and error because the BPNN does not have a general rule for selecting the optimal number of hidden nodes. The number of hidden layer and output layer transform functions were chosen to be the Hyperbolic tangent sigmoid transfer function and Linear transfer function respectively. The maximum training step epoch was 10000, the training error goal was 0.0009, the learning rate was 0.01, and the Additional Momentum Method was used to train the network. In order to compare with the PCA model, 7×1 = 7,7×7 = 49, and 11×11 = 121 were selected as the dimensions of the (2D)2PCA models. Clearly, the dimension of the (2D)2PCA model is equal to or even smaller than the PCA model and ICA model under the three different conditions.

To measure the performance of the proposed model, 12 performance indicators were selected. The descriptions and formulae of these indicators are described in Table 2. In these indicators, PCD, R2, r1, r2, MAPE, HR, TR, RMSE and SMAPE are used to measure whether the predicted value is similar to the actual value. If PCD, R2 and r1 are big, it means that the predicted result is similar to the actual value. If MAPE, RMSE and SMAPE are small, this also indicates that the predicted result is close to the actual value. HR is used to measure the prediction accuracy of the stock market trend. TR and r2 are applied to evaluate the return of different models. ET, TT and ST are used to test the effective computation time of the proposed model; the total running time of the proposed model is the sum of ET, TT and ST.

Results and discussion

The experimental results are depicted in Figs 57 and S1 Data. Tables 3 and 4 summarize the empirical results of the proposed model, PCA+RBFNN, ICA+RBFNN, (2D)2PCA+BPNN, ICA+BPNN and PCA+BPNN models on stock price forecasting. Fig 5 presents the fitting curve of prediction values and actual values, Fig 6 displays the return under four conditions. In the Fig 5, the blue curve represents the actual data and the red curve represents the prediction. The bottom line of Figs 5 and 6 shows the fitness curves of proposed model and (2D)2PCA+BPNN model; the middle line shows the fitness curves using the PCA+RBFNN and PCA+BPNN model; and the top line Fig 5 shows the fitness curves using the ICA+RBFNN and ICA+BP model.

thumbnail
Fig 5. Fitting curve of prediction results and the actual data.

The red and black colored curves indicate the prediction results and actual data, respectively. The top, middle and bottom row display the prediction results of ICA, PCA and (2D)2PCA associated with RBFNN (Dim = 7,50,128) and BPNN (Dim = 7), respectively.

https://doi.org/10.1371/journal.pone.0122385.g005

thumbnail
Fig 6. Curve of return time series.

The red and black colored curves indicate the prediction return and actual return, respectively. The top, middle and bottom row display the returns of ICA, PCA and (2D)2PCA associated with RBFNN (Dim = 7,50,128) and BPNN (Dim = 7), respectively.

https://doi.org/10.1371/journal.pone.0122385.g006

thumbnail
Fig 7. The training process of the BP network.

(a)The (2D)2PCA+BPNN (DIM = 7×1 = 7) model converge after 461 epochs. (b)PCA+BPNN (DIM = 7) converges after 4627 epochs.

https://doi.org/10.1371/journal.pone.0122385.g007

thumbnail
Table 3. Nine measure indicators of ICA, PCA and (2D)2PCA associated with RBFNN and BPNN under different dimension.

https://doi.org/10.1371/journal.pone.0122385.t003

thumbnail
Table 4. The running time of ICA, PCA and (2D)2PCA associated with RBFNN and BPNN under different dimension.

https://doi.org/10.1371/journal.pone.0122385.t004

From Fig 5, we can see that the prediction results of the proposed model are much closer to the actual data than the other models. Comparing PCA and ICA models, it is clear that the (2D)2PCA+RBFNN model shows better performance. The performance of the three models changes with the dimension of the input data—the prediction performance improves with increasing dimension.

Observing the graphs of returns of Fig 6, different models are tried as predictor based on return to find out which model gives out the best result. In the Fig 6, if the point of return is above zero, it means the return is positive and the investor can profit. More point above zero, better performance the model has. From the result, we can see (2D)2PCA+RBFNN model obtains the best result with the dimension being 121 since most of the points are above zero. The total returns of different models are listed in Table 3.

Fig 7 shows the training process. The (2D)2PCA+BPNN model converges after 461 epochs, while PCA+BPNN converges after 4627 epochs which is much slower convergence than the (2D)2PCA+BPNN model. For ICA+BPNN, it is hard to meet convergence—the training steps reached the maximum of 10000. The results show that, for BPNN, the data processed by (2D)2PCA has better convergence performance than that of PCA and ICA.

Table 3 and Table 4 compare the forecasting results of the (2D)2PCA model with the PCA model, ICA model and raw data model. The results indicate that the (2D)2PCA+RBFNN model outperforms the PCA+RBFNN model and; that the (2D)2PCA +BPNN model outperforms both the PCA+BPNN model and the ICA+BPNN model. At the same time, the (2D)2PCA+RBFNN model outperforms the PCA+RBFNN model and ICA+RBFNN models. From Table 3, almost all the measure indicators of the (2D)2PCA model are superior to those of the PCA and ICA models. In the first group experiment especially, the (2D)2PCA model shows much better performance than the other models. For example, the indicators PCD, R2 and HR of the (2D)2PCA model reach 0.75309, 0.99369 and 0.73251, respectively, which are much larger than those of the PCA and ICA models. From the indicators, only the PCD of the (2D)2PCA+RBFNN model is less than that of the ICA+RBFNN model when the dimension is 50, and the other 8 indicators are superior to the ICA+RBFNN model. Comparing the (2D)2PCA+BPNN model with the PCA+BPNN model and ICA+BPNN model, the (2D)2PCA+BPNN model shows better performance than the other two models, and the RMSE 29.215 of the (2D)2PCA+BPNN model is smaller than that of the PCA+BPNN model (35.819) and ICA+BPNN (80.51).

Comparing the (2D)2PCA+BPNN model with the PCA+BPNN and ICA+BPNN models, when the input data are the same dimension, the former has better performance than the latter. Comparing the (2D)2PCA+BPNN model with the raw data+RBFNN model, the (2D)2PCA+BPNN model shows better performance than the raw data+RBFNN when the feature dimensionality is 11×11 = 121. This indicates that dimension reduction play an important role in accuracy of the predictive model. (2D)2PCA removes the redundant information from the raw data to improve the predictive accuracy. When the dimensionality is 7×7 = 49, not all measure indicators are better than that of raw data+RBFNN. The reason is that the dimensionality of the features is too small to extract enough useful information from the raw data.

From Table 3, we can see that the (2D)2PCA+RBFNN model obtains the highest total return, 1317.7, in this stock market set, with the dimension being 121. (2D)2PCA+RBFNN performs better than other models including raw data+RBFNN, whose return is 948.3. Another key issue of note is that the hit rate is not fully consistent with the returns from the figures in Table 3. For example, the hit rate of (2D)2PCA+RBFNN is higher than that of PCA+BPNN and ICA+BPNN in group 3. However, the returns of the former are lower than that of the latter. The reason for this is that hit rate only represents the frequency of the forecasting accuracy but does not take into account the fluctuation level of the stock market [14]. So when the actual price of the stock fluctuates drastically, both hit rate and the return should be considered to evaluate the performance of the forecasting model.

Table 4 shows the running time of the proposed model. In the four group experiments, the dimension reduction time of the (2D)2PCA models is much less than that of the PCA models; for instance, the (2D)2PCA model needs 2.687s while the PCA model requires 57.219s and the ICA model 84.326s in the first group experiment. Because the dimension of the (2D)2PCA model is quite close to the PCA model and ICA model, the RBFNN training time and the simulation time are close for the three types of model. It is also found that, in the four group experiments, because the convergence speed of the (2D)2PCA model is much faster than the other two models, the feature extraction time of the former is significantly less than the latter. In regard to total running time, due to the contribution of dimension reduction time, the (2D)2PCA model is also more powerful than the PCA model. Another phenomenon should be noted, namely that the (2D)2PCA+RBFNN model is more efficient than the (2D)2PCA+BPNN model from the point of view of the network training time in the fourth group experiment. The training time of (2D)2PCA+BPNN model is 14.891s which is 6.344s faster than that of the (2D)2PCA+RBFNN model. In fact, this difference is for DIM = 7; when the DIM is 49 and 121, for (2D)2PCA+BPNN, the network training time is prohibitively long. From the table, we can also find that the training time and the testing time of raw data+RBFNN are much larger than for the other RBFNN models because of the larger feature dimensionality. Comparing the (2D)2PCA+BPNN model with the raw data+RBFNN model, although the former requires feature extraction, due to the smaller dimensionality of the features, the training time, testing time and total time of the former method are much less than that of the latter.

Based on the finding in Figs 5 and 6, Tables 3 and 4, it can be found that the proposed (2D)2PCA+RBFNN model can produce the lower prediction error and higher return under the Shanghai stock market dataset. Therefore, the proposed model indeed results better prediction performance than PCA+RBFNN, ICA+RBFNN, PCA+BPNN and ICA+BPNN models.

Conclusion

This investigation evaluates 36 technical variables for forecasting stock market short-term trends, and utilizes (2D)2PCA to reduce the dimension of the input data; RBFNN is combined with (2D)2PCA to build a forecasting model. The proposed approach with RBFNN models provides strong robust and adaptive capability in predicting the daily closing price, so it was able to cope with the fluctuation of stock market values and yielded good prediction accuracy. In addition, with fewer input variables generated by (2D)2PCA feature selection approach, the (2D)2PCA+RBFNN model can shorten the training time. To evaluate the efficacy of the proposed model, the (2D)2PCA+RBFNN model is applied to forecast the Shanghai stock market index and the results show that the proposed model has good performance. We compared the obtained forecasting accuracy (using multiple performance criteria) with those of the traditional model PCA+RBFNN. Additionally, to evaluate the performance of the RBFNN with that of a popular alternative regression model, we also compared with a (2D)2PCA+BPNN model and a PCA+BPNN model. The comparison shows that the forecasting ability of the (2D)2PCA+RBFNN model is better than the other models. Furthermore, due to the low complexity of (2D)2PCA for dimension reduction and the high convergence speed of the associated regression model learning, the proposed model shows better computational efficiency in stock market forecasting than its alternatives.

Overall, the results presented in this study have confirmed that the proposed model provides a promising method for stock forecasting. Although the proposed model provides many advantages, it also has minor weakness. While the model obtains high accuracy forecasting at low computational cost, the input dimension of the RBFNN is still high. In our experiments, the highest dimension was 121, and despite the fact that the RBFNN training has fast convergence, this high dimensionality and associated training complexity may not be suitable for some real-time forecasting contexts where models must be rapidly built, “on-the-fly”. To alleviate this problem, a possible way is to select more efficient technical variables. However, this is an open problem.

Supporting Information

Acknowledgments

The authors also gratefully acknowledge the helpful comments and suggestions of the editor and reviewers, which have improved the presentation.

Author Contributions

Conceived and designed the experiments: ZG HW. Performed the experiments: ZG. Analyzed the data: ZG. Contributed reagents/materials/analysis tools: ZG JY. Wrote the paper: ZG DJM.

References

  1. 1. Lu CJ (2010) Integrating independent component analysis-based denoising scheme with neural network for stock price prediction. Expert Systems with Applications. 37(10): 7056–7064
  2. 2. Fama EF (1970) Efficient capital markets: A review of theory and empirical work. Journal of Finance 25(2):383–417
  3. 3. Los CA (2000) Nonparametric efficiency testing of Asian markets using weekly data. Advances in Econometrics 14: 329–363 pmid:11083086
  4. 4. Haugen RA (1999) The new finance: The case against efficient markets. Prentice Hall. New Jersey
  5. 5. Guo K, Zhou WX, Cheng SW (2012) Economy barometer analysis of China stock market—A dynamic analysis based on the thermal optimal path method, Journal of Management Sciences in China (Guan Li Ke Xue Xue Bao) 15 (1):1–10.
  6. 6. Cao Q, Leggio KB, Schniederjans MJ (2005) A comparison between Fama and Frenchs model and artificial neural networks in predicting the Chinese Stock Market. Computers and Operations Research 32(10): 2499–2512
  7. 7. Yang YW, Liu GZ, Zhang ZP (2000) Stock market trend prediction based on neural networks. Multiresolution Analysis and Dynamical Reconstruction. Proceedings of the IEEE/IAFE/INFORMS 2000 Conference on Computational Intelligence for Financial Engineering, New York, pp 155–156
  8. 8. Zhang D, Jiang Q, Li X (2004) Application of neural networks in financial data mining. Proceedings of International Conference on Computational Intelligence, Istanbul, pp 392–395
  9. 9. Dai WS, Wu JY, Lu CH (2012) Combining nonlinear independent component analysis and neural network for the prediction of Asian stock market indexes. Expert systems with applications. 39(4):4444–4452.
  10. 10. Guo ZQ, Wang HQ, Liu Q, Yang J (2014) A Feature Fusion Based Forecasting Model for Financial Time Series. PLoS ONE 9(6): e101113. pmid:24971455
  11. 11. White H (1988) Economic prediction using neural networks: A case of IBM daily stock returns. International Conference on Neural Networks. IEEE Computer Society Press, Vol 2, San Diego, pp 451–458
  12. 12. Ettes D (2000) Trading the stock markets using genetic fuzzy modelling. Proceedings of Conference on Computational Intelligence for Financial Engineering, New York, pp 22–25
  13. 13. Lam SS (2001) A genetic fuzzy expert system for stock market timing. Proceedings of the IEEE Conference on Evolutionary Computation, Vol 1, Soul, pp 410–417
  14. 14. Guo ZQ,Wang HQ,Liu Q (2013) Financial time series forecasting using LPP and SVM optimized by PSO. Soft Computing. 17(5):805–818.
  15. 15. Huang W, Nakamori Y, Wang SY (2005) Forecasg stock market movement direction with support vector machine. Computer and Operations Research. 32(10):2513–2522
  16. 16. Hassan MR, Nath B (2005) Stock market forecasting using hidden markov model: a new approach. Proceedings of 5th international conference on intelligent system design and application, Wroclaw, pp 192–196
  17. 17. Powell MJD (1987) Radial basis functions for multivariable interpolation: a review. Clarendon Press New York, NY, USA.
  18. 18. Versace M, Bhatt R, Hinds O, Shiffer M(2004) Predicting the exchange traded fund DIA with a combination of genetic algorithms and neural networks. Expert Systems with Applications 27(3):417–425
  19. 19. Wang XL, Sun CW (2009) Solve Fractal Dimension of Shanghai Stock Market by RBF Neural Networks. International Conference on Management Science & Engineering, Moscow, pp 1389–1394
  20. 20. Sun B, Li TK.(2010) Forecasting and Identification of Stock Market based on Modified RBF Neural Network. Proceedings of 2010 IEEE the 17th International Conference on Industrial Engineering and Engineering Management, Xiamen, pp 424–427
  21. 21. Ao SI (2011) A hybrid neural network cybernetic system for quantifying cross-market dynamics and business forecasting. Soft computing 15(6):1041–1053
  22. 22. Atsalakis GS, Valavanis KP (2009) Surveying stock market forecasting techniques—Part II: Soft computing methods. Expert Systems with Applications 36(3):5932–5941
  23. 23. Ajith A, Baikunth N, Mahanti PK (2003) Hybrid intelligent systems for stock market analysis. Proceedings of International Conference on Computational Science, Springer-Verlag, London, pp 337–345
  24. 24. Turk M, Pentland A (1991) Eigenfaces for Recognition. Journal of Cognitive Neurosicence (1):71–86 pmid:23964806
  25. 25. Huang Y, Bai M, Li ZZ (2007). Principal Component Analysis and BP Neural Network Modeling for Futures Foresting. Mathematics in Practice and Theory 37(13):23–27
  26. 26. Ravi V, Kurniawan H, Thai PNK, Kumar PR (2008). Soft computing system for bank performance prediction. Applied soft computing 8(1):305–315
  27. 27. Tsai C, Hsiao Y (2010) Combining multiple feature selection methods for stock prediction: union, intersection, and multi-intersection approaches, Decis. Support Syst. 50(1): 258–269.
  28. 28. Huang L,Li FG, Xin L (2006) ICA/RBF-Based Prediction of Varying Trend in Real Exchange Rate. APSCC '06 Proceedings of the 2006 IEEE Asia-Pacific Conference on Services Computing. IEEE Computer Society Guangzhou, pp 572–580
  29. 29. Huang SC, Li CC, Lee CW, Chang MJ (2010) Combining ICA with kernel based regressions for trading support systems on financial options. In The 3rd International Symposium on Intelligent Decision Technologies and Intelligent Interactive Multimedia Systems and Services. Baltimore, pp 163–169.
  30. 30. Guo C, Su M (2001) Spectral clustering method based on independent component analysis for time series. Systems Engineering Theory & Practice 31(10):1921–1931.
  31. 31. Yeh CC, Chang B, Lin HC (2009).Integrating phase space reconstruction, independent component analysis and random forest for financial time series forecasting. In The 29th Annual International Symposium on Forecasting, Hong Kong, pp 21–24
  32. 32. Zhang DQ, Zhou ZH (2005). (2D) 2PCA: 2- directional 2-dimensional PCA for efficient face representation and recognition. Neurocomputing 69(1–3):224–231
  33. 33. Yang J, Zhang D, Alejandro FF, Yang JY (2004) Two-Dimensional PCA:A New Approach to Appearance-Based Face Representation and Recognition. IEEE Transactions on PAMI, 26(1):131–137.
  34. 34. Teixeira LA, Oliveira ALI (2010) A method for automatic stock trading combining technical analysis and nearest neighbor classification. Expert Systems with Applications. 37(10):6885–6890
  35. 35. Zorin A, Borisov A (2000) Modelling Riga Stock Exchange Index using neural networks. Proceedings of the International Conference “Traditions and Innovations in Sustainable Development of Society. Information Technologies”. pp 312–320
  36. 36. Hyvärinen A, Oja E(1997). A fast fixed-point algorithm for independent component analysis. Neural Computation, 9(7):1483–1492
  37. 37. Huang CJ, Yang DX, Chuang YT (2008). Application of wrapper approach and composite classifier to the stock trend prediction. Expert Systems with Applications. 34(4):2870–287839. Chen S, Cowan CFN, Grant PM (1991) Orthogonal least squares learning algorithm for radial basis function network. Neural Networks, IEEE Transactions on Neural Networks. 2(2):302–309
  38. 38. Chen S, Cowan CFN, Grant PM (1991) Orthogonal least squares learning algorithm for radial basis function network. Neural Networks, IEEE Transactions on Neural Networks. 2(2):302–309 pmid:18276384
  39. 39. Yee PV, Haykin SS (2001) Regularized Radial Basis Function Networks: Theory and Applications. John Wiley.
  40. 40. Kao LJ, Chiu CC, Lu CJ, Yang JL (2013) Integration of nonlinear independent component analysis and support vector regression for stock price forecasting. Neurocomputing. 99(1):534–542
  41. 41. Hsu CW, Chang CC, Lin CJ. A Practical Guide to Support Vector Classification. Technical Report, Department of Computer Science and Information Engineering, University of National Taiwan, Taipei, 2003, pp. 1–12.
  42. 42. Xie TT, Yu H, Wilamowski B (2011) Comparison between Traditional Neural Networks and Radial Basis Function Networks. IEEE International Symposium on Industrial Electronics (ISIE), Gdansk, pp 1194–1199
  43. 43. Bartlett MS, Movellan JR, Sejnowski TJ (2002). Face recognition by independent component analysis. IEEE transaction on Neural Networks 13(6):1450–1464 pmid:18244540