Next Article in Journal
The Impact of Smart City Pilots on Haze Pollution in China—An Empirical Test Based on Panel Data of 283 Prefecture-Level Cities
Previous Article in Journal
Spatial Characteristics and Influencing Factors of Commuting in Central Urban Areas Using Mobile Phone Data: A Case Study of Nanning
Previous Article in Special Issue
Daily Line Planning Optimization for High-Speed Railway Lines
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Railway Freight Demand Forecasting Based on Multiple Factors: Grey Relational Analysis and Deep Autoencoder Neural Networks

1
Big Data Institute, Central South University, Changsha 410083, China
2
School of Traffic and Transportation Engineering, Central South University, Changsha 410083, China
3
School of Computer Science and Engineering, Central South University, Changsha 410083, China
*
Author to whom correspondence should be addressed.
Sustainability 2023, 15(12), 9652; https://doi.org/10.3390/su15129652
Submission received: 9 May 2023 / Revised: 12 June 2023 / Accepted: 14 June 2023 / Published: 16 June 2023
(This article belongs to the Special Issue Future-Proofing Study in Sustainable Railway Transportation Systems)

Abstract

:
The construction of high-speed rail lines in China has drastically improved the freight capacity of conventional railways. However, due to recent national energy policy adjustments, rail freight volumes, consisting mostly of coal, ore, and other minerals, have declined. As a result, the corresponding changes in the supply and demand of goods and transportation have led to a gradual transformation of the railway freight market from a seller’s market to a buyer’s market. It is important to carry out a systematic analysis and a precise forecast of the demand for rail freight transport. However, traditional time series forecasting models often lack precision during drastic fluctuations in demand, while deep learning-based forecasting models may lack interpretability. This study combines grey relational analysis (GRA) and deep neural networks (DNN) to offer a more interpretable approach to predicting rail freight demand. GRA is used to obtain explanatory variables associated with railway freight demand, which improves the intelligibility of the DNN prediction. However, the high-dimension predictor variable can make training on DNN challenging. Inspired by deep autoencoders (DAE), we add a layer of an encoder to the GRA-DNN model to compress and aggregate the high-dimension input. Case studies conducted on Chinese railway freight from 2000 to 2018 show that the proven GRA-DAE-NN model is precise and easy to interpret. Comparative experiments with conventional prediction models ARIMA, SVR, FC-LSTM, DNN, FNN, and GRNN further validate the performance of the GRA-DAE-NN model. The prediction accuracy of the GRA-DAE-NN model is 97.79%, higher than that of other models. Among the main explanatory variables, coal, oil, grain production, railway locomotives, and vehicles have a significant impact on the railway freight demand trend. The ablation experiment verified that GRA has a significant effect on the selection of explanatory variables and on improving the accuracy of predictions. The method proposed in this study not only accurately predicts railway freight demand but also helps railway transportation companies to better understand the key factors influencing demand changes.

1. Introduction

Rail freight transportation is an environmentally friendly, economical, and sustainable method of transportation that is critical for efficient and cost-effective long-haul freight and freight transportation. It is particularly important for the movement of bulk materials, such as coal, petroleum, and grain, as well as heavy machinery and other large items that cannot be easily transported by other modes of transportation. Railway freight transportation is also a key component of global trade, connecting producers and consumers across different regions and countries. Therefore, the reliability of railway freight transportation plays a crucial role in ensuring the stable operation of the global supply chain, driving economic growth, enhancing social connectivity, and achieving sustainable development. An accurate understanding of the demand in the railway freight market is a prerequisite for improving service reliability. Accurate forecasting of railway freight demand helps railway companies estimate cargo volumes, allowing them to plan resources, improve operations, and provide customers with more stable and reliable services. In recent years, China has constructed the longest and most complex high-speed railway network in operation today [1]. The major railway lines in China have achieved the separation of passenger and freight transport, and the freight transport capacity has been considerably enhanced [2]. However, with the adjustment of the national energy policy, the main freight transportation of railways, such as coal and ore, has decreased, which has forced railway freight enterprises to look for other sources of goods [3]. The market pattern of railway freight transportation is gradually shifting from a seller’s market to a buyer’s market, and railway freight transportation enterprises are also shifting from simply meeting the demand for transportation volume to meeting the multiple demands of shippers. Adapting to changes in the market, understanding shipper demand, and conducting systematic analyses and forecasts of the rail freight market are of major importance.
Researchers have done much work on prediction, and the theoretical system is quite mature. The predictive approach could be divided into two types, qualitative analysis and quantitative analysis. The first approach mainly utilizes specialist experience to analyze the specific characteristics of freight transportation and accurately predict the freight volume by integrating various relevant influencing factors. This means that qualitative analysis is often limited by subjective experience. The second approach focuses on exploiting the relationships among historical data, which are then used to build the prediction model. Predicting the change level of this statistical index in the next period through the development process and changing trends reflected by a certain statistical index arranged in a time series. Widely used methods include linear theory [4,5,6], intelligent fuzzy prediction [7,8], and non-linear system theory [9,10]. However, such methods are based on human experience and lack generality. Once the environment changes, precise predictions cannot be achieved.
To overcome the theoretical limitations of these methods, researchers focused on development in the artificial neural network (ANN) field, which simulates the structure of human brain neurons and their related mechanism of action, abstracts, and builds a relatively simple model [11]. ANN is a non-linear, adaptive treatment system with multiple treatment units. By constructing a hidden layer with several nodes between the input layer and the output layer of the network, the nodes relate to each other, and the output of each layer is the input of the lower layer to construct an interrelated neural network. However, with the deepening of the research, the disadvantages of the artificial neural network model, such as complicated steps, large amounts of computation, and complex algebraic functions, are obvious due to the need for artificial feature extraction. Deep learning differs from the shallow learning concept of artificial neural networks. By increasing the number of hidden layers, complex function problems can be addressed with fewer parameters, ensuring that the original information of the data remains unchanged despite changes in dimensions [12]. This simplifies the processing and implementation of the data. Deep learning models are widely used for predicting data patterns across multiple domains [13,14,15]. However, the black box (of every unexplored object) characteristic of deep neural networks (DNN) results in poor interpretability of prediction results. Decision-makers can only know the future demand trends, but they do not know the reasons that affect demand change, cannot evaluate their reliability, and are not able to accurately formulate response strategies.
Combining DNN with other factor analysis methods to explore data patterns and features before modeling and then proposing explanatory variables for the model is an effective method to improve the interpretability of the model. In the quantitative methods of factor analysis, most of them adopt mathematical statistics analysis methods such as regression analysis, variance analysis [16], etc. However, they require samples to have good distribution laws such as linear, exponential, or logarithmic, but there are disadvantages, such as large calculation workload. Based on multiple data sources, the researchers used the newspaper vendor model [17] and the decision tree method [18] to predict the flow of bus passengers. These methods offer advantages in terms of prediction accuracy and stability. They also provide stronger explanatory power in determining the relative contribution and priority of influencing factors to the prediction. In addition to identifying the contributions of influencing factors to the forecasting model, we also need a method to select the best explanatory variables from numerous influencing factors. Grey relational analysis (GRA) is a method of measuring the degree of correlation between factors based on the degree of similarity or dissimilarity in their development trends [19]. Grey correlation analysis is also used to predict data patterns influenced by multiple factors [20,21,22]. However, the method of using GRA to select many explanatory variables and then applying a deep learning model for data feature learning to achieve railway freight volume prediction has limitations. The inclusion of many explanatory variables increases the dimension of the input data. This implies the need to form more pattern parameters, thus increasing the complexity of the algorithm. Increased workload and the difficulty of learning the characteristics of high-dimensional data present challenges, making it difficult to apply this method in real-life scenarios.
Automatic Encoders (AE) can automatically learn and retrieve characteristics from raw data without manual design and selection [23]. Using the structure of an encoder and a decoder, an autoencoder can extract and reconstruct key features from input data. It also compresses high-dimensional data through encoding before training, reducing the number of parameters to be trained. This process enhances the learning efficiency of deep neural networks (DNNs) and improves the model performance. [24]. Compared with traditional automatic encoders, the advantages of deep automatic encoders (DAE) [25] are:
  • Stronger representation learning ability: Deep automatic encoders can adaptively learn high-level feature representations. This makes it possible to distinguish the differences between the categories and to improve the accuracy of the model;
  • Non-linear modeling capability: Deep automatic encoders adopt a multilayered non-linear transformation, which can better approximate the non-linear function, thus improving the performance of the model;
  • Stronger generalization ability: Deep automatic encoders can map raw data to higher-level, more abstract representation spaces, improving the model’s generalizability.
To adapt to different conditions and meet various task requirements, researchers have adjusted and improved the automatic encoders, including sparse automatic encoders [26,27], noise reduction automatic encoders [28], edge noise reduction automatic encoders [29], stack noise reduction automatic encoders [30], and so on. In recent years, automatic encoders have been used for multi-dimensional feature extraction for defect detection [31], medical image clustering [32], and image segmentation [33], among others. However, these tasks about clustering and correlation are all based on the unsupervised learning DAE model. DAE cannot be directly used for regression or classification works in freight demand prediction. Research [34] established a semi-supervised learning DAE model considering label constraints for classification tasks. Based on this, we improved the DAE in the way of supervised learning and proposed a railway freight demand forecasting method with strong capabilities for representation, generalization, and non-linear modeling.
Therefore, we put forward a supervised learning GRA-DAE-NN prediction model. It can select key explanatory variables and indicators with a high correlation to railway freight demand based on GRA. Unlike existing research, we believe that the prediction of railway freight demand is influenced by railway transportation capacity, supply market demand, and other forms of competition, considering factors such as demand, competitors, and supply, respectively. Obtaining the explanatory variables for demand forecasting and using them as inputs, the DAE-NN model is then used to predict railway freight demand. The GRA-DAE-NN model has a strong capacity for non-linear modeling and representation, generalizability, and good interpretability.
The main contributions of this article are as follows: (1) We propose a more interpretable method for predicting railway freight demand by combining grey relational analysis (GRA) with a DNN model. GRA is used to obtain explanatory variables related to the prediction of railway freight demand, while the DNN model is used to learn the feature correlation between these variables and railway freight demand, enabling the prediction of railway freight demand. Decision makers can better understand the reasons for the changes in demand trends by observing the variations in the explanatory variables, thereby improving the accuracy of response strategies such as capacity resource allocation and matching freight sources. (2) To further modify the model, we introduce the deep autoencoder (DAE) and improve the above-mentioned model in the GRA-DAE-NN model. This model takes advantage of the DAE to compress the high-dimensional explanatory variables and adaptively learn data features. It addresses challenges faced by the GRA-DNN model, such as difficulties in extracting high-dimensional data features, complex modeling stages, high computational complexity, and resource-intensive calculations. Furthermore, the design of the decoder structure retains the intelligibility of the original explanatory variables for rail freight demand. (3) We conducted testing using real cases and compared the proposed prediction method with mainstream forecasting methods in the same case. The findings validated the effectiveness of the proposed forecasting method.
The other parts of this article are organized as follows. In the second part, we present the proposed GRA-DAE-NN model and its method for railway freight demand prediction. In the third part, we conduct a case study to experimentally test the model’s performance using real data, comparing it with current mainstream prediction models. The fourth part includes research conclusions and limitations of the model.

2. Methodology

2.1. The Problem Formulation

Accurately predicting freight demand is of great significance in the current railway transportation industry for optimizing resource allocation, improving service reliability, and promoting the sustainable development of the railway transport sector. The problem addressed in this study is to propose a comprehensive and interpretable method for predicting railway freight demand using multiple data sources, aiming to meet the needs of railway transport enterprises for accurate prediction and resource planning. The problem of forecasting rail freight demand can be formulated as a problem of non-linear modeling and regression, which can be expressed as follows:
X i = ( x i 1 , x i 2 , x i 3 x i n ) F ( ) Y i
where Y i represents the target of railway freight demand prediction, F ( ) is a hidden function with railway freight-related influencing factors as explanatory variables, and X i represents explanatory variables. X i and Y i are time series data.
This study combines grey relational analysis (GRA), deep autoencoder (DAE), and neural networks (NN). GRA is used for the selection of the explanatory variable set X i . DAE-NN encodes and aggregates the high-dimensional X i , learns the hidden data features of X i , and uses them to predict railway freight demand. It is worth noting that Y i can represent either the overall demand for railway freight or the transportation demand for a specific category of goods. Depending on the specific prediction target, the candidate set X i and the selected set of explanatory variables may vary.

2.2. The GRA-DAE-NN Model

The model is divided into two parts: GRA is used to obtain the explanatory variables for railway freight demand prediction from a large set of factors related to railway freight; DAE-NN is to learn the feature correlations between the explanatory variables and railway freight demand, thus achieving the prediction of railway freight demand trends.
In quantitative methods of system analysis, regression analysis, variance analysis, and other mathematical methods of statistical analysis are routinely used. However, these methods have certain drawbacks, such as the requirement for large data volumes, adherence to distribution rules such as linearity, exponentiation, or logarithm of samples, and substantial computational workload. To address these limitations, Professor Deng Yulong proposed the grey system theory. Grey correlation analysis, a fundamental component of grey system theory, measures the correlation among factors based on the similarity or difference degree of each factor sequence at any given time or the development trend of different objects. It applies geometric processing to the data sequence of certain factors and determines the correlation concerning the magnitude of synchronous changes between factors. If the development trend among factors is similar, indicating a high degree of synchronous change, then the correlation between them is considered high. Conversely, if the development trend differs, the correlation is considered low. This method is straightforward in principle, offering clear ordering, and does not impose specific requirements on the correlation between data distribution types and factor variables. Consequently, grey correlation analysis is frequently used for quantitative analysis of system development and change.
Traditional methods for qualitative analysis of the factors influencing the freight market are based on empirical experiences and lack theoretical foundations. In addition, DNN-based prediction methods for time series data suffer from a lack of interpretability. To address these challenges, this paper adopts the grey relational analysis (GRA) method, building upon qualitative analysis. The factors exhibiting the highest correlation with the railway freight market are selected as explanatory variables for predicting freight volume in the railway freight market. This approach aims to explain the changes in railway freight demand.
The grey correlation analysis steps are as follows:
  • Step 1. Determine the characteristic sequence X 0 = ( x 01 , x 02 , , x 0 j , , x 0 n ) ;
  • Step 2. Determine the correlation factor sequence X i = ( x i 1 , x i 2 , , x i j , , x i n ) ;
  • Step 3. The reference and comparison sequences are normalized. The dimensionless characteristic sequence Y 0 = ( y 01 , y 02 , , y 0 j , , y 0 n ) and the dimensionless correlation factor Y i = ( y i 1 , y i 2 , , y i j , , y i n ) , i = 1 , 2 , , m ;
  • Step 4. Find the correlation coefficient between the reference sequence and comparison sequence γ 0 i .
γ 0 i ( j ) = min i [ min j ( | y 0 j y i j | ) ] + ξ max i [ max j ( | y 0 j y i j | ) ] | y 0 j y i j | + ξ max i [ max j ( | y 0 j y i j | ) ] , i = 1 , 2 , , m j = 1 , 2 , , n
γ 0 i = 1 N j = 1 n γ 0 j
where γ 0 i ( 0 , 1 ] , the greater the γ 0 i , the closer the relationship between the sequences, and the rank of correlation. Order the factor i , i = 1 , 2 , , m according to the calculated correlation degree γ 0 i . The relative order of the degree of correlation of each factor to the characteristic of the system sequence, namely the correlation order, can be obtained.
GRA is used to obtain explanatory variables related to the prediction of railway freight demand. Decision-makers can better understand the reasons for shifts in demand patterns by observing the variations in the explanatory variables, thereby improving the accuracy of response strategies.
The deep autoencoder (DAE) is a kind of deep learning model with improved efficiency of feature extraction, while its production and application no longer need to manually extract the data characteristics. The basic idea is through greed and systemic training, step by step, unsupervised non-linear network extraction parameters optimization of multi-layer hierarchical characteristics of the input data, and distributed features of the original data of the deep learning neural network structure.
By increasing the number of hidden layers, complex function problems can be obtained by setting fewer parameters so that the original information of the data cannot be changed while the dimension changes and data processing and application can be simplified. Figure 1 presents a schematic diagram of the deep learning model structure.
DEA consists of hidden layers, an encoder, and a decoder. The encoder encodes the data between the input layer and the hidden layer and then decodes the data between the hidden layer and the input layer. The reconstruction of input data is carried out by the process of decoding multi-dimensional data. By adding fitting layers, the prediction of railway freight demand can be achieved from multiple explanatory variables. The structure of the improved DAE-NN model is shown in Figure 2.
a.
Encoder
Encoder is the mapping from the input layer data x to the node of the hidden layer h , and the mapping relation is as follows (4).
h = f ( x ) = S f ( W + b n )
where S f is the non-linear activation function of the encoder, using s i g m o i d function as shown in Formula (5). W is weight matrix, denoted as w T .
s i g m o i d ( z ) = 1 1 + z 1
b.
Decoder
The decoder maps the hidden layer data back to refactoring y . The mapping relation is as follows (6):
y = g ( h ) = S g ( W h + b y )
where S g is the non-linear activation function of the encoder, using s i g m o i d function.
c.
Training process
The process of training DAE is to find the minimum reconstruction error of the parameter θ = { W , b y , b h } that is on the training sample set D, and the reconstruction error is expressed as follows:
J A E = x D L ( x , g ( f ( x ) ) )
where L is the reconstruction error function, generally the square error function or the cross-entropy loss function. When S g is the identity function, L is a mean absolute difference, shown as follows (8).
L ( x , y ) = x y 2
when S g is s i g m o i d function, L is cross-entropy loss function, as follows (9).
L ( x , y ) = i = 1 d x x i log y i + ( 1 x i )   log   ( 1 y i )
Compared with the traditional DNN model (Figure 1), the DAE-NN model (Figure 2) reduces the dimensionality of the original input by compressing the high-dimensional explanatory variables obtained from GRA. This eliminates the significant workload of manually extracting data features and improves the efficiency of feature extraction. Furthermore, the design of the decoder structure preserves the interpretability of the original explanatory variables for railway freight demand.

2.3. Prediction Method Based on GRA-DAE-NN

The process of predicting railway freight demand based on the GRA-DAE-NN model is shown in Figure 3.
Constructing an alternative set of influencing factors is based on the prediction target of railway freight demand, including demand feature time series vectors and related factor matrices. Once the feature sequence and the associated factor sequence have been determined, the grey correlation degree is calculated following the steps below:
Non-dimensionalization processing:
Due to the diverse economic significance, dimensions, and representation forms of indicator data, there is a lack of comparability. Therefore, a standard 0–1 transformation is used to non-dimensionalize the data and eliminate the influence of dimensional units.
Forward indicators:
y i j = x i j min i   x i j max i   x i j min i   x i j ,   0 i m ,   1 j n
Reverse indicators:
y i j = max i   x i j x i j max i   x i j min i   x i j ,   0 i m ,   1 j n
After dimensionless processing, the indicator values are all in the range [0,1]. This article combines all indicators in references [35,36,37,38] to construct an alternative set of influencing factors for railway freight demand prediction. We have divided them into three aspects for factor selection: macroeconomics, related industry output, and competitive environment. Among the competitive factors, highways, waterways, and civil aviation form a competitive relationship with railway freight. The smaller the competitive environmental indicators, the higher the demand for railway freight. Therefore, the competitive environment indicator is a reverse indicator, while all other indicators are positive.
Calculate the grey correlation coefficient:
This involves calculating the correlation coefficient between the supervised variable and the candidate set of influence factors using Formulas (2) and (3). Among them, ξ [ 0 , 1 ] is the discrimination coefficient. Generally, when ξ 0.5463 , it is easier to observe the change in correlation resolution. While the value ξ = 0.5 in this article, the correlation coefficient is the degree of correlation between feature vectors and related factors in a time series with a lot of information and dispersion. Therefore, the mean value is calculated as the quantitative relation of the degree of overall correlation. When the correlation degree ( γ 0 i ( 0 , 1 ] ) between each index ( X i ) and railway freight volume ( Y 0 ) is closer to 1, it indicates that this factor has a greater influence on railway freight volume.
The main process of constructing the railway freight market forecasting model based on DAE-NN is as follows:
DAE-NN framework construction:
Based on the structure of the prototype DAE, the basic framework of the DAE is constructed by increasing the number of hidden layers and neurons, adjusting the distribution of nodes in the hidden layers, and modifying the weight-sharing approach. In this study, a multi-layer cyclic iteration approach is applied to select the number of hidden layers ranging from 1 to 6 and the number of nodes ranging from 1 to 100, generating multiple iterations. Finally, the DAE network with three hidden layers and a small training error is chosen.
Pre-training of DAE-NN model:
The input layer is X i = ( x 1 , x 2 , , x n ) . Where n is the factor affecting railway freight volume, the explanatory variables affecting the railway freight market demand (by GRA), and the railway freight volume reflecting the demand of the railway freight market are selected as the input data of DAE-NN, and the railway freight demand volume is taken as the output to construct the deep autoencoder network model.
To avoid neuron output saturation caused by overlarge inputs and accelerate the convergence of the training network, the model input index was standardized. The maximum normalization was adopted here, and the calculation formula is:
x i = x i / x max
where x i is the normalized index and x i is the original index value; x max represents the maximum value of x i .
The input layer and hidden layer of DAE are trained to make them all initialized, and then each hidden layer is trained as an automatic correlator by using the hierarchical greedy training algorithm to reconstruct the input data. The training process is shown in Figure 4. Through repeated training, its structural performance index is reduced, and its stability is strengthened.
Forecast of railway freight demand and model optimization:
The input layer, output layer, and all hidden layers of the DAE model of railway freight volume prediction were taken as a whole, and the supervised learning algorithm was used. The neural network algorithm was selected to further adjust it, and the ownership value and bias were optimized after multiple iterations.
The optimal trained and refined DAE-NN is used to forecast freight volumes. The prediction results are analyzed using the metrics of mean absolute error (MAE), mean absolute percentage error (MAPE), and root mean square error (RMSE). The formulas for calculating MAE, MAPE, and RMSE are as follows:
M A E = 1 N n = 1 N | y n y n |
M A P E = 1 N n = 1 N | y n y n y n | × 100
R M S E = 1 N n = 1 N ( y n y n ) 2
In the above equation, y n is the predicted value, and y n is the true value, while N represents the number of predicted values. MAE measures the average difference between predicted values and true values. MAPE measures the average percentage error. RMSE measures the magnitude of differences.

3. Case Study

This thesis validated the model using China railway freight market data from 2000 to 2018. The process involved first using GRA to select explanatory variables for predicting railway freight demand, followed by training the DAE-NN model for railway freight demand prediction. Additionally, we compared the GRA-DAE-NN model with seven baseline models. To validate the effectiveness of the model suggested in this study, we conducted experiments to assess its performance.

3.1. Data Source

The influencing factors related to railway freight demand forecasting, specifically macroeconomic conditions, relevant industry output, and competitive environment, were selected according to the method described in Section 2.3. The specific factors are shown in Table 1.
In terms of transport demand, changes in macroeconomic indicators such as GDP, agricultural output value, total retail sales of consumer goods, and total import and export trade of products will all impact the railway freight market. The points category according to railway goods traffic situation, railway freight volume is mainly dominated by coal, metal ore, steel and non-ferrous metal, petroleum, food, and other categories, so choosing coal production, petroleum production, steel production, mainly non-ferrous metals production, food production as rail freight market factors, which affect the demand side. In addition, with the rapid development of China’s e-commerce industry, the volume of express delivery has risen sharply, and the railway is also vigorously developing rail logistics. Therefore, express delivery volume is also considered a factor affecting the railway freight market. In terms of a competitive environment, highways, waterways, civil aviation, and rail transport replace each other and represent direct competitive relationships. Consequently, the freight volume of these three modes is chosen as the influencing factor.
In railway supply perspectives, fixed assets investment in the railway transport industry, railway operating mileage, national railway electrification mileage, double track mileage, freight cars, locomotive ownership, number of railway employees, a static load of freight cars, and daily output of locomotives are selected as the factors affecting the railway freight market.
The railway freight volume is chosen as the characteristic series reflecting the railway freight market. The railway freight volume of China from 2000 to 2018 is selected as the system characteristic series X 0 , X 1 , X 2 , , X 22 are, respectively, the relevant factors affecting railway freight volume. By consulting the website of the National Bureau of Statistics, China Traffic Statistical Yearbook, China Railway Yearbook, etc., 22 indicators influencing railway freight volume in 19 years from 2000 to 2018 were collected, shown in Table 2 and Table 3.

3.2. Parameter Settings

The historical statistical data from 2000 to 2018 were selected as the learning samples of the network, the historical data from 2000 to 2017 were used for fitting training, and the 2018 data were used to test the accuracy and accuracy of the model. As the annual data of 2018 are susceptible to other factors being the test error, the error analysis of the fitting values from 2000 to 2017 is carried out. MATLAB programming solution, after repeated testing, set the coefficient set learning rate of 0.1 and the momentum factor of 0.5. The influencing factors were sorted according to the grey relational degree, the number of hidden layers was selected as 1 to 6, and the number of nodes ranged from 1 to 100. Finally, the hidden layer with the minimum relative error is selected to fit the deep autoencoder network model with three layers, that is, five layers.
The number of layers and nodes of the automatic encoder network structure with small error is selected as follows: 12 × 52 × 58 × 45 × 1, that is, according to the gray correlation degree, 12 factors affecting the freight market are selected from top to bottom as inputs, the number of hidden layers is 3, and the number of nodes on the layers is (45,52,58).

3.3. Analysis and Comparison of Forecast Results

3.3.1. Results of Explanatory Variables Select

The correlation degree of each influencing factor calculated is shown in Table 4.
According to the grey correlation theory, when the correlation coefficient is greater than 0.9, it is generally considered a strong correlation factor closely related to the target feature. A correlation coefficient between 0.8 and 0.9 indicates a key factor with a good correlation. A correlation coefficient above 0.6 can be determined as a key factor based on research needs, referring to a moderate level of correlation. Factors with correlation coefficients below 0.6 are considered weakly correlated.
Given that the indicators were selected based on qualitative analysis, the correlation coefficients are usually high. With grey correlation analysis, the results of each indicator with railway freight volume, as calculated, are shown in Table 4. The indicators are arranged in descending order of correlation coefficient as follows: coal production, daily production of freight locomotives, national railway freight wagon inventory, grain production, national railway locomotive inventory, petroleum production, railway operating mileage, static load capacity of freight cars, number of railway employees, civil aviation freight volume, road freight volume, national railway double-track mileage, steel production, total agricultural output value, total import and export trade volume, waterway freight volume, major non-ferrous metal production, national railway electrified mileage, gross domestic product (GDP), total retail sales of consumer goods, fixed assets investment in the railway transportation industry, and annual express delivery volume. The indicator with the highest correlation coefficient is coal production, with a correlation coefficient of 0.96, whereas the lowest is the annual express delivery volume at 0.67.
We chose key factors and highly correlated factors as explanatory variables to predict railway freight demand. That is, we excluded X 3 , X 10 , X 14 , and X 20 . This result is consistent with our expectations with respect to the actual situation. Railway freight primarily consists of bulk commodities, with coal being the main source of railway freight, while small parcel delivery is mainly reliant on road and air transportation. The selection of explanatory variables using GRA is largely consistent with the results obtained from Spearman correlation analysis and Pearson correlation analysis. Additionally, GRA gives more accurate screening results for some specific indicators.

3.3.2. Forecast Results Analysis

DAE-NN was trained with 2000–2017 data and predicted with 2018 data. The fitting and prediction results are shown in Figure 5. The fitting prediction results are shown in Table 5.
It can be observed from Figure 5 that the GRA-DAE-NN model provides a good fit for predicting railway freight demand. The trained network is validated using the freight volume data from 2018, resulting in a predicted value of 3976.89 million tons with a mean absolute percentage error of 1.23% and a mean fit relative error of 2.21%. These low relative error values show high predictability.

3.3.3. Results Comparison between GRA-DAE-NN and Baseline Models

The GRA-DAE-NN model is compared with the following baseline models:
(1)
ARIMA (autoregressive integrated moving average): ARIMA regards the data series formed by the prediction object over time as a random sequence and uses a certain mathematical model to approximate the series [39];
(2)
SVR (support vector regression): SVR is a time series model that uses the relationship between historical and future data to predict future data [40];
(3)
GRU (gated recurrent unit): GRU is a learning algorithm based on a recurrent neural network, which has a sequence-to-sequence structure and is usually used for time series analysis [41];
(4)
FC-LSTM (fully connected LSTM): It is a classic RNN that learns time series and predicts through fully connected neural networks. In this paper, the hidden layer is set to be two layers; the hidden units are 32 and 64, respectively, the learning rate is 0.001, and the batch size is 64 [42];
(5)
DNN (deep neural network): It uses DNN to extract railway freight demand characteristics and predict railway freight demand [43];
(6)
FNN (feedforward neural networks): FNN is the most basic type of neural network, consisting of an input layer, hidden layer, and output layer, suitable for most classification and regression problems [44];
(7)
GRNN (general recurrent neural networks): GRNN calculates the correlation density function between variables and carries out regression, making it suitable for time series prediction [45].
The results of GRA-DAE-NN and baseline models are shown in Table 6.
Compared with the baseline model FC-LSTM with the greatest precision, the GRA-DAE-NN model shows a 1.14% reduction in MAPE, 14.09 in MAE, and 6.65 in RMSE. Compared with the original DNN model, the GRA-DAE-NN model demonstrates a decrease of 2.47% in MAPE, 42.91% in MAE, and 36.44% in RMSE. Compared with ARIMA, SVR, GRU, FC-LSTM, DNN, FNN, and GRNN, the improved GRA-DAE-NN showed a decrease in MAPE of 3.75%, 2.41%, 4.73%, 1.14%, 2.47%, 5.21%, and 0.47%, respectively. Therefore, compared with other prediction models, the improved GRA-DAE-NN model in this chapter exhibits significant forecasting advantages using the same dataset.

3.3.4. Ablation Study

In order to further verify the effectiveness of the proposed model, this chapter designs ablation experiments. In the ablation experiment, we trained and tested prediction models with and without the GRA module on the same dataset. The prediction model without the GRA module was unable to perform selection on the initial set of railway freight demand-related factors. Therefore, we used all 22 variables as explanatory inputs for the model. The verification results are shown in Table 7.
As shown in the above table, the GRA-DAE-NN model demonstrates higher prediction accuracy compared with the DAE-NN model. The former has a mean absolute percentage error (MAPE) of 2.21%, while the latter has a MAPE of 3.21%. In terms of fitting historical data, the DAE-NN model only exhibits smaller errors for the years 2004, 2005, 2007, and 2009. The main difference between these two models lies in whether the GRA module is used to filter the explanatory variables. Figure 6 shows the weakly correlated factors removed by the GRA module, in contrast to the trend in rail freight demand.
The aforementioned variables have a small contribution to the trend of railway freight demand. These variables are “Total retail sales of consumer goods,” “Express delivery volume of the year,” “Investment in fixed assets in railway transportation,” and “Number of railway employees.” From the perspective of the railway transportation industry, the main source of railway freight in China is bulk goods. Retail goods and express deliveries are less commonly transported by railways. In recent years, most fixed asset investments have been focused on the construction of high-speed railway lines, which are primarily used for passenger transportation. The number of railway employees includes multiple departments such as operations, mechanical, engineering, electrical, and vehicles, and it does not directly reflect the operational situation of the freight department. The screening results of the GRA module align with the actual situation of railway transportation.
Furthermore, from the perspective of data characteristics, the explanatory variables in the above figure exhibit significant differences from the target variable. During the training of the prediction model, irrelevant features and noise can easily interfere, affecting the accuracy of the model. Therefore, the ablation experiment validates the importance of the GRA module in the GRA-DAE-NN model.

3.3.5. Explanatory Variable Analysis

The trend of the actual values and predicted values of railway freight demand, as well as the trend of all explanatory variables data, are shown in Figure 7.
From Figure 7, the factors ( X 3 , X 10 , X 14 , and X 20 ) do not adequately account for the changing demand for rail freight. In order to have a clearer observation of the impact of explanatory variables on the trend of railway freight demand, we only select strongly correlated explanatory variables ( X 5 , X 6 , X 9 , X 18 , X 19 , and X 22 ), and their data trends are shown in Figure 8.
Based on Figure 8, the explanatory variables “Coal production”, “Petroleum production”,“Grain production”, “National railway locomotive inventory”, “National railway freight wagon inventory,” and “Daily production of freight locomotives” have the greatest impact on railway freight demand. In particular, “Coal production”, “Petroleum production”, and “Daily production of freight locomotives” show a nearly consistent trend with the changes in railway freight demand.
Decision-makers may select explanatory variables based on different forecast objectives to provide more accurate forecasts of rail freight demand. In practice, railway freight encompasses a wide variety of goods, each with different transportation demands. The method proposed in this study can not only predict the overall demand for railway freight but also target the demand for a specific category of goods. By adjusting the explanatory variables through the GRA module, different types of goods can be precisely forecasted. At the same time, decision-makers can not only utilize the GRA-DAE-NN model to forecast railway freight demand but also adjust transportation resources, railway routes, locomotives, freight wagons, and strategies for organizing the source of goods by analyzing the quantitative and qualitative relationship between the trend of railway freight demand and the trend of explanatory variables.

4. Conclusions

The article presents a supervised learning GRA-DAE-NN prediction model for analyzing explanatory variables of railway freight transportation and predicting its demand. By combining GRA with the DNN model, explanatory variables relevant to railway freight demand prediction are obtained using GRA, and the feature correlation between these variables and railway freight demand is learned through the DNN model. Additionally, the DAE is introduced to improve the GRA-DNN model, which gives the GRA-DAE-NN model. DAE compresses high-dimensional explanatory variables and adaptively learns data features. Then, it predicts railway freight demand by adding a supervised learning fitting layer. This approach overcomes challenges encountered by the GRA-DNN model, such as the difficulty of extracting high-dimensional data characteristics and the great complexity of calculations. This approach helps decision-makers better understand the reasons for demand trend alterations by observing the changes in explanatory variables, thereby improving the accuracy of response strategies such as transport resource allocation and source matching and has better accuracy and interpretability. The main findings are as follows:
  • The improved GRA-DAE-NN model has high predictive accuracy and interpretability for predicting the trend of target changes and can select explanatory variables related to railway freight demand for better prediction. It can not only accurately predict the trend of changes in railway freight demand but also determine the key factors and contribution priorities that affect its changes;
  • According to the analysis of the influencing factors by GRA, the core indicators in the explanatory variables for railway freight demand prediction, such as coal production, petroleum production, grain production, daily production of freight locomotives, etc., have the best explanatory power for the trend changes in railway freight demand. Railway policymakers can focus on these indicators to adjust their transportation organization strategies in response to changing demand;
  • Through a case study of the Chinese railway freight market from 2000 to 2018 and comparisons with other mainstream prediction models, it is found that the improved GRA-DAE-NN model has higher prediction accuracy. The prediction accuracy of the GRA-DAE-NN model is 97.79%, higher than that of other models such as ARIMA, SVR, FC-LSTM, DNN, FNN, and GRNN, which have prediction accuracies of 94.04%, 95.38%, 96.65%, 95.52%, 92.58%, and 97.32%, respectively. The ablation experiment confirmed the efficiency of the GRA module. After using GRA to filter the explanatory variables, the prediction model exhibited greater precision.
However, certain limitations and gaps are present in this study. The proposed GRA-DAE-NN model depends to a large extent on explanatory variables. In practical applications, the combination of Internet-based data collection methods to build a larger pool of applicants can improve model performance. Additionally, the use of fine-grain data may require refinement of the model. Finally, the inclusion of data on flows of basic explanatory variables between commodity regions may provide more detailed prediction results.

Author Contributions

Conceptualization, C.L. and J.Z.; methodology, C.L.; software, C.L.; validation, C.L.; formal analysis, C.L. and Y.Y.; investigation, X.L. and J.Z.; resources, C.H.; data curation, Y.Y.; writing—original draft preparation, C.L. and X.L.; writing—review and editing, C.H. and C.L.; supervision, C.H. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by [National Natural Science Foundation of China] grant number [62177046] and [Hunan Provincial Natural Science Foundation of China] grant number [2023JJ40771].

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Informed consent was obtained from all subjects involved in the study. Written informed consent has been obtained from the patients to publish this paper.

Data Availability Statement

The data presented in this study are available upon request from the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Brkić, R.; Adamović, Ž.; Bukvić, M. Modeling of Reliability and Availability of Data Transmission in Railway System. Adv. Eng. Lett. 2022, 1, 136–141. [Google Scholar] [CrossRef]
  2. Zhang, D.L.; Peng, Y.J.; Xu, Y.; Du, C.Y.; Zhang, Y.M.; Wang, N.; Chong, Y.H.; Wang, H.W.; Wu, D.H.; Liu, J.T. A high-speed railway network dataset from train operation records and weather data. Sci. Data 2022, 9, 244. [Google Scholar] [CrossRef]
  3. Xu, G.M.; Zhong, L.H.; Wu, R.F.; Hu, X.L.; Guo, J. Optimize train capacity allocation for the high-speed railway mixed transportation of passenger and freight. Comput. Ind. Eng. 2022, 174, 108788. [Google Scholar] [CrossRef]
  4. Tian, Z.D.; Li, S.J.; Wang, Y.H.; Sha, Y. A prediction method based on wavelet transform and multiple models fusion for chaotic time series. Chaos Solitons Fractals 2017, 98, 158–172. [Google Scholar]
  5. Luo, Y.; Cai, H.X.; Mao, Y.; Ding, Y.; Zhao, X.Q.; Wei, Z. Enhanced Smith predictor by Kalman filter prediction for the charge-coupled device-based visual tracking system. Opt. Eng. 2022, 61, 054107. [Google Scholar] [CrossRef]
  6. Hina, H.; Abbas, F.; Qayyum, U. Selecting correct functional form in consumption function: Analysis of energy demand at household level. PLoS ONE 2022, 17, e0270222. [Google Scholar] [CrossRef]
  7. Y, N.N.; Ly, T.V.; Son, D.V.T. Churn prediction in telecommunication industry using kernel Support Vector Machines. PLoS ONE 2022, 17, e0267935. [Google Scholar] [CrossRef]
  8. Binhimd, S.; Almalki, B. Bootstrap prediction intervals. Appl. Math. Sci. 2018, 12, 841–848. [Google Scholar] [CrossRef]
  9. Kandasamy, A.; Sundaram, M. Content Based Image Retrieval using Modified Histogram with user Feedback Wavelet Analysis Method. Int. J. Comput. Inf. Technol. 2021, 2, 13. [Google Scholar]
  10. Gao, Y. Prediction Strategy Method of Short-term Network Public Opinion Based on Improved Chaos Theory. J. Chongqing Univ. Technol. (Nat. Sci.) 2019, 33, 171–176. [Google Scholar]
  11. Iwana, B.K.; Uchida, S. An empirical survey of data augmentation for time series classification with neural networks. PLoS ONE 2021, 16, e0254841. [Google Scholar] [CrossRef]
  12. LeCun, Y.; Bengio, Y.; Hinton, G. Deep learning. Nature 2015, 521, 436–444. [Google Scholar] [CrossRef]
  13. Gao, H.; Yang, W.X.; Wang, J.W.; Zheng, X.Y. Analysis of the Effectiveness of Air Pollution Control Policies Based on Historical Evaluation and Deep Learning Forecast: A Case Study of Chengdu-Chongqing Region in China. Sustainability 2021, 13, 206. [Google Scholar] [CrossRef]
  14. Alshboul, O.; Shehadeh, A.; Almasabha, G.; Almuflih, A.S. Extreme Gradient Boosting-Based Machine Learning Approach for Green Building Cost Prediction. Sustainability 2022, 14, 6651. [Google Scholar] [CrossRef]
  15. An, G.Q.; Jiang, Z.Y.; Chen, L.B.; Cao, X.; Li, Z.; Zhao, Y.Y.; Sun, H.X. Ultra Short-Term Wind Power Forecasting Based on Sparrow Search Algorithm Optimization Deep Extreme Learning Machine. Sustainability 2021, 13, 10453. [Google Scholar] [CrossRef]
  16. Tanner-Smith, E.E.; Tipton, E. Robust variance estimation with dependent effect sizes: Practical considerations including a software tutorial in Stata and SPSS. Res. Synth. Methods 2014, 5, 3–30. [Google Scholar] [CrossRef]
  17. Wu, W.T.; Li, P.; Liu, R.H.; Jin, W.Z.; Yao, B.Z.; Xie, Y.Q.; Ma, C.X. Predicting peak load of bus routes with supply optimization and scaled Shepard interpolation: A newsvendor model. Transp. Res. Part E—Logist. Transp. Rev. 2020, 142, 102041. [Google Scholar] [CrossRef]
  18. Wu, W.T.; Xia, Y.S.; Jin, W.Z. Predicting Bus Passenger Flow and Prioritizing Influential Factors Using Multi-Source Data: Scaled Stacking Gradient Boosting Decision Trees. IEEE Trans. Intell. Transp. Syst. 2021, 22, 2510–2523. [Google Scholar] [CrossRef]
  19. Huang, C.Y.; Hsu, C.C.; Chiou, M.L.; Chen, C.L. The main factors affecting Taiwan’s economic growth rate via dynamic grey relational analysis. PLoS ONE 2020, 15, e0240065. [Google Scholar] [CrossRef]
  20. Wang, M.; Wang, W.; Wu, L.F. Application of a new grey multivariate forecasting model in the forecasting of energy consumption in 7 regions of China. Energy 2022, 243, 123024. [Google Scholar] [CrossRef]
  21. Wu, L.F.; Gao, X.H.; Xiao, Y.L.; Yang, Y.J.; Chen, X.N. Using a novel multi-variable grey model to forecast the electricity consumption of Shandong Province in China. Energy 2018, 157, 327–335. [Google Scholar] [CrossRef]
  22. Huang, Y.S.; Shen, L.; Liu, H. Grey relational analysis, principal component analysis and forecasting of carbon emissions based on long short-term memory in China. J. Clean. Prod. 2019, 209, 415–423. [Google Scholar] [CrossRef]
  23. Huang, S.Q.; Xu, H.L.; Liu, C.J. Application of Electro-Optic Rotary Encoder in Automatic Production Line. Adv. Disp. 2006, 11, 63–65. [Google Scholar]
  24. Dai, Y.; Ji, E.; Yao, Y. Stacked Auto-Encoder Driven Automatic Feature Extraction for Web-Enabled EEG Emotion Recognition. In Proceedings of the 2021 7th Annual International Conference on Network and Information Systems for Computers (ICNISC), Guiyang, China, 23–25 July 2021; pp. 991–997. [Google Scholar]
  25. Wang, H.; Wu, Z.; Xing, E.P. Removing Confounding Factors Associated Weights in Deep Neural Networks Improves the Prediction Accuracy for Healthcare Applications. In Proceedings of the Pacific Symposium on Biocomputing, Kohala Coast, HI, USA, 3–7 January 2019. [Google Scholar]
  26. Zhang, L.; Luo, H.; Hu, S.S.; Wang, J.; Kou, Z. Application of Sparse Automatic Encoder in Error Prediction of Multidimensional Electric Energy Metering. Process Autom. Instrum. 2018, 39, 28–31. [Google Scholar]
  27. Cao, H.; Chen, L.; Si, J.B.; Ren, J.L. Singular Value Decomposition and Sparse Automatic Encoder for Bearing Fault Diagnosis. Comput. Eng. Appl. 2019, 55, 257–262. [Google Scholar]
  28. Wu, L.M.; Lu, J.B.; Liu, C.X. A Recommendation Algorithm Based on Denoising Autoencoders. Comput. Mod. 2018, 3, 78–82. [Google Scholar]
  29. Teruna, C.; Avallone, F.; Casalino, D.; Ragin, D. Numerical investigation of leading-edge noise reduction on a rod-air Petroleum configuration using porous materials and serrations. J. Sound Vib. 2020, 494, 115880. [Google Scholar] [CrossRef]
  30. Singh, S.K.; Goyal, A. A Stack Autoencoders Based Deep Neural Network Approach for Cervical Cell Classification in Pap-Smear Images. Recent Adv. Comput. Sci. Commun. 2021, 14, 62–70. [Google Scholar] [CrossRef]
  31. Uzen, H.; Turkoglu, M.; Hanbay, D. Multi-dimensional feature extraction-based deep encoder-decoder network for automatic surface defect detection. Neural Comput. Appl. 2022, 35, 3263–3282. [Google Scholar] [CrossRef]
  32. Khouloud, S.; Ahlem, M.; Fadel, T.; Amel, S. W-net and inception residual network for skin lesion segmentation and classification. Appl. Intell. 2022, 52, 3976–3994. [Google Scholar] [CrossRef]
  33. Yang, H.; Huang, C.; Wang, L.; Luo, X. An Improved Encoder-Decoder Network for Ore Image Segmentation. IEEE Sens. J. 2021, 21, 11469–11475. [Google Scholar] [CrossRef]
  34. Song, W.; Zhang, Y.X.; Park, S.C. A novel deep auto-encoder considering energy and label constraints for categorization. Expert Syst. Appl. 2021, 176, 114936. [Google Scholar] [CrossRef]
  35. Geng, L.; Zhang, T.; Zhao, P. Prediction of LS-SVM Railway Freight Volume Based on Grey Correlation Analysis. J. Railw. 2012, 34, 1–6. [Google Scholar]
  36. Cai, B.; Xia, J. A novel artificial neural network method for biomedical prediction based on matrix pseudo-inversion. J. Biomed. Inform. 2014, 48, 114–121. [Google Scholar] [CrossRef] [Green Version]
  37. Besinovic, N. Resilience in railway transport systems: A literature review and research agenda. Transp. Rev. 2020, 40, 457–478. [Google Scholar] [CrossRef]
  38. Li, Q.L.; Rezaei, J.; Tavasszy, L.; Wiegmans, B.; Guo, J.; Peng, Q. Customers’ preferences for freight service attributes of China Railway Express. Transp. Res. Part A Policy Pract. 2020, 142, 225–236. [Google Scholar] [CrossRef]
  39. Saxena, A.; Yadav, A.K. Examining the Effect of COVID-19 on rail freight volume and revenue using the ARIMA forecasting model and assessing the resilience of Indian railways during the pandemic. Innov. Infrastruct. Solut. 2022, 7, 348. [Google Scholar] [CrossRef]
  40. Wang, T. An Intelligent Passenger Flow Prediction Method for Pricing Strategy and Hotel Operations. Complexity 2021, 2021, 5520223. [Google Scholar] [CrossRef]
  41. Yu, J. Short-term Airline Passenger Flow Prediction Based on the Attention Mechanism and Gated Recurrent Unit Model. Cogn. Comput. 2022, 14, 693–701. [Google Scholar] [CrossRef]
  42. Lin, S.; Tian, H. Short-Term Metro Passenger Flow Prediction Based on Random Forest and LSTM. In Proceedings of the 2020 IEEE 4th Information Technology, Networking, Electronic and Automation Control Conference (ITNEC), Chongqing, China, 12–14 June 2020. [Google Scholar]
  43. Yang, X.; Xue, Q.C.; Ding, M.L.; Wu, J.J.; Gao, Z.Y. Short-term prediction of passenger volume for urban rail systems: A deep learning approach based on smart-card data. Int. J. Prod. Econ. 2021, 231, 107920. [Google Scholar] [CrossRef]
  44. Saadaoui, F.; Saadaoui, H.; Rabbouch, H. Hybrid Feedforward ANN with NLS-based regression curve fitting for US air traffic forecasting. Neural Comput. Appl. 2020, 32, 10073–10085. [Google Scholar] [CrossRef]
  45. Guo, Z.D.; Fu, J.Y. Prediction Method of Railway Freight Volume Based on Genetic Algorithm Improved General Regression Neural Network. J. Intell. Syst. 2019, 28, 835–848. [Google Scholar] [CrossRef]
Figure 1. Deep learning model structure.
Figure 1. Deep learning model structure.
Sustainability 15 09652 g001
Figure 2. The improved DAE-NN model structure.
Figure 2. The improved DAE-NN model structure.
Sustainability 15 09652 g002
Figure 3. The process of the GRA-DAE-NN prediction model.
Figure 3. The process of the GRA-DAE-NN prediction model.
Sustainability 15 09652 g003
Figure 4. The DAE-NN model training process.
Figure 4. The DAE-NN model training process.
Sustainability 15 09652 g004
Figure 5. Railway freight demand prediction results based on the GRA-DAE-NN.
Figure 5. Railway freight demand prediction results based on the GRA-DAE-NN.
Sustainability 15 09652 g005
Figure 6. Weakly correlated explanatory variables eliminated by the GRA module.
Figure 6. Weakly correlated explanatory variables eliminated by the GRA module.
Sustainability 15 09652 g006
Figure 7. Comparison of trends between railway freight demand and explanatory variables.
Figure 7. Comparison of trends between railway freight demand and explanatory variables.
Sustainability 15 09652 g007
Figure 8. Trends of railway freight demand and strongly correlated variables. (a) Trends in coal production, (b) Trends in petroleum production, (c) Trends in grain production, (d) Trends in national railway locomotive inventory, (e) Trends in national railway freight wagon inventory, (f) daily production of freight locomotives.
Figure 8. Trends of railway freight demand and strongly correlated variables. (a) Trends in coal production, (b) Trends in petroleum production, (c) Trends in grain production, (d) Trends in national railway locomotive inventory, (e) Trends in national railway freight wagon inventory, (f) daily production of freight locomotives.
Sustainability 15 09652 g008
Table 1. The influence factors of railway freight transportation market.
Table 1. The influence factors of railway freight transportation market.
ClassifyInfluence Factor
DemandMacroeconomyGross domestic product (GDP) ( X 1 )
Total value of agricultural output ( X 2 )
Total retail sales of consumer goods ( X 3 )
Total volume of merchandise imports and exports ( X 4 )
Related Industry ProductionCoal production ( X 5 )
Petroleum production ( X 6 )
Steel production ( X 7 )
Main non-ferrous metal production ( X 8 )
Grain production ( X 9 )
Express delivery volume of the year ( X 10 )
Competitive Context Freight traffic of highways ( X 11 )
Freight traffic of shipping ( X 12 )
Civil air cargo volume ( X 13 )
SupplyInvestment in fixed assets in railway transportation ( X 14 )
Length of railroad lines in service ( X 15 )
National railway electrification mileage ( X 16 )
Mileage of double track of national railways ( X 17 )
National railway locomotive inventory ( X 18 )
National railway freight wagon inventory ( X 19 )
Number of railway employees ( X 20 )
Wagon static load ( X 21 )
Daily production of freight locomotives ( X 22 )
Table 2. The demand-side influencing factors value of railway freight demand from 2000 to 2018.
Table 2. The demand-side influencing factors value of railway freight demand from 2000 to 2018.
Demand-Side Influencing2000200120022003200420052006200720082009
MacroeconomyGross domestic product (GDP) (billion CNY) 10,028.0111,086.3112,171.7413,742.2016,184.0218,731.8921,943.8527,009.2331,924.4634,851.77
Total value of agricultural output (billion CNY) 1387.361446.281493.151487.011813.841961.342152.232444.472767.992998.38
Total retail sales of consumer goods (billion CNY) 3910.574305.544813.595251.635950.106835.267914.529357.1611,483.0113,304.82
Total volume of merchandise imports and exports (billion DOLLAR) 474.29644.37814.45984.521154.601421.911760.402173.832563.262207.54
Related Industry ProductionCoal production (ten thousand tons) 138,418.50147,152.70155,040.00183,489.90212,261.10236,514.60252,855.10269,164.30280,200.00297,300.00
Petroleum production (ten thousand tons) 16,300.0016,395.9016,700.0016,960.0017,587.3018,135.3018,476.6018,631.8019,044.0018,949.00
Steel production (ten thousand tons) 13,146.0016,067.6119,251.5924,108.0131,975.7237,771.1446,893.3656,560.8760,460.2969,405.40
Main non-ferrous metal production (ten thousand tons) 783.81883.711012.001228.061441.121635.001916.272379.152553.632648.54
Grain production (ten thousand tons) 46,217.5245,263.6745,705.7543,069.5346,946.9548,402.1949,804.2350,413.8553,434.2953,940.86
Express delivery volume of the year (ten thousand piece) 11,031.4012,652.7014,036.2017,237.8019,772.0022,880.3026,988.04120,189.56151,329.30185,785.81
Competitive Context Freight traffic of highways (ten thousand tons) 1,038,8131,056,3121,116,3241,159,9571,244,9901,341,7781,466,3471,639,4321,916,7592,127,834
Freight traffic of shipping (ten thousand tons) 122,391132,675141,832158,070187,394219,648248,703281,199294,510318,996
Civil air cargo volume (ten thousand tons) 197171202219277307349402408446
Demand-Side Influencing201020112012201320142015201620172018
MacroeconomyGross domestic product (GDP) (billion CNY) 41,211.9348,794.0253,85859,296.3264,356.3168,885.8274,639.5183,203.5991,928.11
Total value of agricultural output (billion CNY) 3590.9074033.9624484.5724894.3945185.1125420.5345565.9895805.9766145.26
Total retail sales of consumer goods (billion CNY) 15,800.818,720.5821,443.2724,284.2827,189.6130,093.0833,231.6336,626.1638,098.69
Total volume of merchandise imports and exports (billion DOLLAR) 2972.7613641.9383866.84160.343033956.9013684.9144107.1644622.415
Related Industry ProductionCoal production (ten thousand tons) 342,844.7351,600394,512.8397,432.2387,391.9374,654.2339,437352,356.2368,121
Petroleum production (ten thousand tons) 20,301.420,287.620,747.820,991.921,142.921,455.619,957.619,150.618,907.8
Steel production (ten thousand tons) 80,276.5888,619.5795,577.83108,200.54112,513.12103,468.41104,813.45104,642.05110,551.65
Main non-ferrous metal production (ten thousand tons) 3120.983628.943990.334412.134828.815155.825345.115498.315702.68
Grain production (ten thousand tons) 55,911.3158,849.3361,222.6263,048.263,964.8366,060.2766,043.5166,160.7265,789.22
Express delivery volume of the year (ten thousand piece) 233,891.99367,311.08568,547.99918,674.891,395,925.32,066,636.843,128,315.114,005,591.915,071,042.8
Competitive Context Freight traffic of highways (ten thousand tons) 2,448,0522,820,1003,188,4753,076,6483,113,3343,150,0193,341,2593,686,8583,956,871
Freight traffic of shipping (ten thousand tons) 378,949425,968458,705559,785598,283613,567638,238667,846702,684
Civil air cargo volume (ten thousand tons) 563557545561594629668706739
Table 3. Supply-side influencing factors value of railway freight demand from 2000 to 2018.
Table 3. Supply-side influencing factors value of railway freight demand from 2000 to 2018.
Supply2000200120022003200420052006200720082009
Investment in fixed assets in railway transportation (billion CNY) 2622.183000.123548.884581.205902.807509.509336.9011,746.4014,873.8019,392.00
Length of railroad lines in service (ten thousand km) 6.877.017.197.307.447.547.717.807.978.55
National railway electrification mileage (ten thousand km) 1.892.092.142.212.262.342.742.802.903.60
Mileage of double track of national railways (ten thousand km) 2.542.662.712.772.782.852.922.983.063.30
National railway locomotive inventory14,47214,95515,15915,45616,06616,54716,90417,31117,33617,825
National railway freight wagon inventory439,943453,620459,017510,327526,894541,824564,899577,521591,793601,412
Number of railway employees1,871,0001,789,2711,758,4211,727,7351,698,6671,665,5881,652,7201,741,0291,732,9091,850,147
Wagon static load (ton) 57.9058.1058.2058.3059.3060.1060.9061.3062.0062.60
Daily production of freight locomotives (ten thousand ton-km) 99.4099.90102.20105.80108.70110.60114.30120.40123.60128.60
Supply201020112012201320142015201620172018
Investment in fixed assets in railway transportation (billion CNY) 24,143.1030,239.6036,485.4043,574.7050,126.5055,159.0059,650.1063,168.4063,563.60
Length of railroad lines in service (ten thousand km) 9.129.329.7610.3111.1812.1012.4012.7013.17
National railway electrification mileage (ten thousand km) 4.204.605.105.606.507.508.008.709.20
Mileage of double track of national railways (ten thousand km) 3.703.904.404.805.706.506.807.207.60
National railway locomotive inventory18,34919,59019,62519,68619,99021,36621,45321,42021,000
National railway freight wagon inventory622,284651,175670,801715,492716,578768,516788,626808,736839,213
Number of railway employees1,756,3851,761,5421,793,2671,796,3821,902,5001,874,4481,874,1311,848,0321,833,800
Wagon static load (ton) 63.1063.6064.0064.4064.6065.0065.2065.6065.70
Daily production of freight locomotives (ten thousand ton-km)135.00138.50138.30139.70143.40139.90135.50145.70147.90
Table 4. The correlation between influencing factors and railway freight demand.
Table 4. The correlation between influencing factors and railway freight demand.
ClassifyInfluence FactorSpearman CorrelationPearson CorrelationGRA
Correlation
DemandMacroeconomy X 1 0.8980.8470.835158
X 2 0.8960.8690.876404
X 3 0.8890.8110.816226
X 4 0.9460.9480.870163
Related Industry Output X 5 0.9260.9640.960872
X 6 0.7890.8400.933033
X 7 0.9260.9430.87682
X 8 0.8980.8720.859417
X 9 0.8560.8710.946216
X 10 0.8980.5930.674058
Competitive Context X 11 0.8920.8900.902842
X 12 0.8980.8600.860545
X 13 0.8800.9190.915448
Supply X 14 0.8600.7960.780757
X 15 0.8980.7780.93183
X 16 0.8980.7690.85042
X 17 0.8980.7140.885377
X 18 0.8600.8860.941648
X 19 0.8960.8660.948876
X 20 0.8830.7070.718661
X 21 0.8980.9360.925272
X 22 0.9460.9630.955143
Table 5. The GRA-DAE-NN model forecast results.
Table 5. The GRA-DAE-NN model forecast results.
YearReal Value
(Million Tons)
Fitting Value (Million Tons)Absolute Error
(Million Tons)
Relative Error (%)
learning sample20001785.811905.94120.136.73%
20011931.891974.2842.392.19%
20022049.562089.2339.671.94%
20032242.482246.984.50.20%
20042490.172554.4964.322.58%
20052692.962769.6476.682.85%
20062882.242973.1990.953.16%
20073142.373074.1968.182.17%
20083303.543250.9652.581.59%
20093333.483225.78107.73.23%
20103642.713705.1862.471.72%
20113932.633814.85117.782.99%
20123904.383901.82.580.07%
20133966.973931.8335.140.89%
20143813.343770.4342.911.13%
20153358.013489.44131.433.91%
20163331.863436.69104.833.15%
20173688.653700.5911.940.32%
predicted 20184026.313976.8949.421.23%
Table 6. Comparison of performance between GRA-DAE-NN and baseline models.
Table 6. Comparison of performance between GRA-DAE-NN and baseline models.
ApproachMAPE
(%)
MAE
(Million Tons)
RMSE
(Million Tons)
ARIMA5.96%173.97189.20
SVR4.62%134.86142.86
GRU6.94%202.58223.76
FC-LSTM3.35%78.6081.63
DNN4.68%107.42111.42
FNN7.42%216.59254.41
GRNN2.68%74.2379.62
The improved GRA-DAE-NN2.21%64.5174.98
Table 7. GRA ablation experimental results.
Table 7. GRA ablation experimental results.
YearReal Value
(Million Tons)
Relative Error (%)
GRA-DAE-NNDAE-NN
learning sample20001785.816.73%12.92%
20011931.892.19%3.35%
20022049.561.94%2.31%
20032242.480.20%0.27%
20042490.172.58%2.41%
20052692.962.85%3.43%
20062882.243.16%3.72%
20073142.372.17%1.30%
20083303.541.59%3.05%
20093333.483.23%0.99%
20103642.711.72%2.72%
20113932.632.99%3.82%
20123904.380.07%0.11%
20133966.970.89%0.97%
20143813.341.13%4.77%
20153358.013.91%6.03%
20163331.863.15%6.62%
20173688.650.32%0.82%
predicted 20184026.311.23%4.40%
Average-2.21%3.37%
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Liu, C.; Zhang, J.; Luo, X.; Yang, Y.; Hu, C. Railway Freight Demand Forecasting Based on Multiple Factors: Grey Relational Analysis and Deep Autoencoder Neural Networks. Sustainability 2023, 15, 9652. https://doi.org/10.3390/su15129652

AMA Style

Liu C, Zhang J, Luo X, Yang Y, Hu C. Railway Freight Demand Forecasting Based on Multiple Factors: Grey Relational Analysis and Deep Autoencoder Neural Networks. Sustainability. 2023; 15(12):9652. https://doi.org/10.3390/su15129652

Chicago/Turabian Style

Liu, Chengguang, Jiaqi Zhang, Xixi Luo, Yulin Yang, and Chao Hu. 2023. "Railway Freight Demand Forecasting Based on Multiple Factors: Grey Relational Analysis and Deep Autoencoder Neural Networks" Sustainability 15, no. 12: 9652. https://doi.org/10.3390/su15129652

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