Abstract

As an important part of a smart city, intelligent transport can effectively reduce energy consumption and environmental pollution. Traffic flow forecasting provides a reliable traffic dispatch basis for intelligent transport, and most of the existing prediction methods only predict a single saturation or speed and do not use the saturation and speed in a unified way. This paper proposes a new traffic flow prediction method based on RNN-GCN and BRB. First, the belief rule base (BRB) is used for data fusion to obtain new traffic flow data, then the recurrent neural network (RNN) and graph convolution neural network (GCN) model is used to obtain the time correlation of the traffic data, and finally, the traffic flow is predicted by the topology graph. The experimental results show that the method has a better performance than ARIMA, LSTM, and GCN.

1. Introduction

Urban traffic congestion not only wastes people’s time and pollutes the environment but also easily leads to traffic accidents. Therefore, it is important to predict traffic flow effectively, which is a key step to solve the problems. It means that traffic flow prediction is an important part of an intelligent traffic information system. The change in road traffic flow is a real-time, nonlinear, nonstationary random process. The shorter the sampling interval, the stronger the randomness and uncertainty of traffic flow changes, which makes it difficult to accurately analyze the laws of changes and algebraic expressions. Therefore, the study of the traffic flow forecast has important practical significance.

In order to predict traffic flow, many researchers have proposed various prediction models. Generally speaking, the existing models can be divided into two categories: prediction models based on classical statistics and data-driven prediction models. The former mainly uses limited data to analyze the traffic flow data, regress and optimize the parameters of the traffic flow data, and realize the fitting prediction of the traffic data. Kumar and Vanajakshi [1] combined short-term traffic flow forecasting with seasonal ARIMA models and used limited input data to solve the applicability of the ARIMA model in traffic flow forecasting. In 2017, Kumar [2] proposed another forecasting model based on the Kalman filter; it overcomes the shortcomings that the SARIMA model is relying on a large amount of data for development. Li et al. [3] established a deep feature fusion model and used heterogeneous data to predict the average speed of time and space. Fei et al. [4] proposed a dynamic linear model (DLM) based on Bayesian inference to predict online short-term travel time on highways. Feng et al. [5] proposed a short-term traffic flow prediction algorithm based on an adaptive multikernel support vector machine (AMSVM) with spatial-temporal correlation.

The second one is a data-driven predictive model, which uses intelligent calculation methods to mine the evolution trend of historical traffic flow data to predict the future trend of the data. When using deep learning to build models, convolutional neural networks are usually used to predict traffic flow. Li et al. [6] applied a multimodal deep learning model to the estimation of missing values in heterogeneous traffic data. Li et al. [7] used an advanced multiobjective particle swarm optimization algorithm to optimize certain parameters in the deep belief network to achieve traffic flow prediction for the next day. Zhang et al. [8] proposed an ST-ResNet deep learning inverse method to predict the number of mobile populations in each region using the residual convolutional neural network. Wu et al. [9] combined CNN and LSTM to obtain spatial dependence using one-dimensional CNN and designed a short-term convolutional neural network forecasting model. Traditional convolutional neural networks can effectively extract local features of data, but they can only be applied to standard grid data. We are dealing with nongrid traffic data points, and graph convolution can directly implement convolution operations on graph-structured data. Currently, the main graph convolution methods include spatial methods and spectral methods. The spatial method directly applies the convolution kernel to the nodes on the graph and its neighborhood. The core of this method is how to select the neighborhood of the node [10, 11]. The spectral method generalizes the convolution operation on the grid data to the graph structure data through the graph Laplacian matrix [12, 13].

Although people have made great progress in traffic flow prediction using graph convolution, there are still the following problems: First, these models are for a single traffic flow data, and multiple traffic flow factors are not considered for integration. Due to the complexity and nonlinear correlation of traffic scenarios, multiple indicators of traffic flow are closely related; this paper considers them as a new traffic factor in the dataset to be used for prediction. Secondly, traffic flow is predicted at a particular period in the future. Through the traffic factor at time , the historical traffic flow of and is not considered to predict traffic flow; that is, the time correlation is not considered, which makes the accuracy of traffic flow forecasting somewhat reduced.

To the above problems, this paper gives the following solutions. First, this paper adopts a new data fusion method, and the information fusion method based on the BRB expert system is adopted for the first time. In this method, multiple indicators are combined to obtain a new dataset of traffic flow. The distribution characteristics of the output result are obtained, and the clustering analysis is performed on the output result of the sample data. Yang et al. [14] proposed a BRB system based on the evidence reasoning (ER) algorithm in 2006. In the BRB, every possible outcome of the rule is associated with the degree of belief. Such a belief rule can capture more complex and continuous causal relationships between different factors, and the traditional IF-THEN rule is its special case. BRB can be used to capture nonlinear causality as well as continuity, incompleteness, and ambiguity. It has been widely used in many fields, such as safety assessment [15], fault diagnosis [16], risk analysis [17], health assessment of engineering systems [18], fault prediction [19], system behavior prediction [20], network security prediction [21], medical and medical evaluation [22], and identification of uncertain nonlinear system [23]. Second, in this paper, a new traffic flow forecasting model based on a recurrent neural network and graph a convolutional neural network (RNN-GCN) is designed for the first time. GCN is used to implement convolution operations directly on the data of the graph structure. The topological relationship is established in any data in the normed space, the structural features of the graph are captured, and the spatial features are effectively extracted for learning. Seo et al. [24] proposed a graph convolutional recurrent network (GCRN), but it is difficult to determine the optimal combination of recurrent network and graph convolution under certain settings. Cui et al. [25] proposed a novel deep learning framework, namely, the flow graph convolutional long short-term memory neural network (TGC-LSTM), which solves the time-varying traffic patterns and the complex space constraints on the road network. Zhou et al. [26] provide a detailed review of existing graph neural network models and systematically categorize the applications. Subsequently, Yu et al. [27] proposed a GCN network of control mechanisms and applied it to traffic volume forecasting problems. RNN contains a feedback input compared to previous neurons. Guo et al. [28] propose a novel attention-based spatial-temporal graph convolutional network (ASTGCN) model to solve the traffic flow forecasting problem. The single neuron of the RNN is similar to a series of weight-sharing feedforward neurons. After the connection, the input and output will change at the same time as the traditional neurons. But the difference is that the “historical information” of neurons at the moment on the RNN will be connected to the neurons at the next moment by weights. In this way, the RNN completes the mapping of the input and output at time and refers to the influence of all input data on the network before , forming a feedback network structure. Therefore, the RNN can process the sequence data; that is, the RNN will consider the information that appears before processing the current information. To sum up, the RNN-GCN traffic flow forecasting model proposed in this paper has fully considered the traffic flow status of the current and historical time nodes and established the traffic topology map to facilitate feature extraction and learning. The model is feasible and accurate, and it has been verified that the accuracy of traffic flow forecasting is improved.

In summary, a new traffic flow forecasting method based on RNN-GCN and BRB was designed for the first time. The complexity of traffic scenarios and the time correlation of traffic flow was fully considered, and the traffic flow forecasting problem was effectively solved. The paper is organized as follows: In Section 2, a feasibility analysis of the traffic flow forecast is presented, including the fusion process of the traffic flow data and the prediction of the traffic flow under the RNN-GCN model. In Section 3, a model for traffic information fusion based on BRB is given. In Section 4, a prediction model based on RNN-GCN is established. The model’s effectiveness is validated by experiments and case studies in Section 5. Conclusion and future work are reported at the end of this paper.

2. Description of the Problem

Traffic flow is predicted as shown in Figure 1. First, in order to better describe the traffic congestion problem, multiple traffic flow indicators are merged to obtain new traffic indicators. Second, in order to predict the traffic flow more accurately, a new traffic flow prediction model is constructed. Finally, the predicted result is output.

2.1. Traffic Flow Information Fusion Process

In traffic flow forecasting, the datasets used in the past were only for a single indicator. Due to the complexity of the traffic scene, the forecast results are different from the real values. To this end, BRB technology is adopted in this paper, multiple indicators are merged, a nonlinear relationship between input and output is established, and a new traffic flow indicator is acquired. The BRB fusion process is shown in Figure 2.

In this process, two hypotheses are defined to describe the information fusion of traffic flow:(1) is defined as the output of the information fusion, which can be expressed as(2) is defined as the input set of the information fusion and can be expressed aswhere represents the value of the traffic flow indicator at time . denotes the BRB-based nonlinear transformation. denotes the parameter set of the BRB.

2.2. RNN-GCN Traffic Flow Forecasting Process

RNN-GCN is defined to describe the problem of traffic flow forecasting, and the forecast process of traffic flow is shown in Figure 3.

In this process, two hypotheses are defined to describe the traffic flow forecasting:(1) is defined as the forecasting result of traffic flow and can be expressed as(2) is defined as the input of traffic flow forecasting and can be expressed aswhere is the traffic flow at time . denotes the RNN-GCN-based nonlinear transformation. denotes a parameter set of the RNN-GCN.

3. BRB-Based Traffic Flow Fusion Model

3.1. The Basic Structure of the Model

The BRB is composed of a series of belief rules. Initially, the belief rules are constructed. In a rule, each result has its belief degree; hence, all the results of a rule can be presented in a belief distribution. Each rule is set with a rule weight, which is defined as its relative importance to other rules. The rule of the BRB is shown as follows:

For (5), is the rule of the BRB. is defined as the number of rules in the BRB. is the input of the BRB. denotes the rule weight of the rule, reflecting the relative importance of rule. is the reference value of the antecedent attribute. represents the set consisting of reference values. is the evaluation level of the output. denotes the belief degree of ; if , then the rule is complete; otherwise, it is incomplete. is the attribute weight of the th rule, which represents the importance of the antecedent attribute.

3.2. Model Reasoning Process

The belief rule is used by BRB to realize the storage and expression of knowledge, and then the ER algorithm is used to inductive reasoning of existing knowledge. The reasoning process can be summarized as the following process:Step 1. The rule matching calculation for the input sample is described aswhere is the matching degree of the input information with the rule; denotes the antecedent attribute value in the input data; and are defined as the reference value of the neighboring state of the antecedent attribute; is the number of belief rules.Step 2. The weight of the matching degree and the belief rule is used to calculate the activation weight of the belief rule, which is described aswhere is the activation weight of the rule. denotes the rule weight of the rule. is represented as the antecedent attribute weight. is the number of antecedent attributes.Step 3. The ER iterative algorithm is used to combine rules to generate belief levels for different output levels.Step 4. Using the activation weight of the belief rule, the belief degree is converted to the basic probability mass, which is described aswhere is the belief degree that the rule produces evaluation result. denotes the probability mass of the rule to produce evaluation result. denotes the unallocated basic probability mass in the result set . is the degree of the insignificance of the rule. is the degree of incompleteness of the belief rule. is the set number of evaluation results.Step 5. Let using the Dempster criterion to combine the top rules, which are described aswhere is the basic probability mass of the evaluation result after combining the rules.Step 6. The results of information fusion are calculated.Step 7. The belief degree in calculating the evaluation results is described aswhere denotes the belief degree of the evaluation result .Step 8. Utility calculation is used and fusion results are generated. This process can be described aswhere denotes the utility formula.

In summary, the reasoning process is shown in Figure 4.

The ER algorithm uses the normalized idea when calculating the activation weight of the rule based on the input information. Compared to the traditional D-S evidence combination method, the system’s ability to deal with conflict evidence is enhanced. In addition, the computational complexity of the D-S evidence combination method is an N-P difficult problem. The rule combination method of the ER algorithm is linear, and the computational complexity of the rule combination is greatly reduced. The BRB synthesizes the activated rules through the ER algorithm. The nonlinear relationship between the input and the output is established, and the feedback mechanism of the rule base is established, which realizes the possibility of self-learning.

4. Traffic Flow Forecasting Model Based on RNN-GCN

4.1. Model Structure

One of the key issues in traffic flow forecasting is the correlation of acquisition time, which is generally obtained using RNN. RNN is a special neural network structure in which the output of temporally contiguous states can be described with memory functions. In this paper, a new RNN-GCN model is proposed. The model structure is shown in Figure 5.

It is using the nodes between the hidden layers of the RNN to have connectivity. The input of the hidden layer contains not only the input of the input layer but also the output of the hidden layer at the previous moment. It mainly consists of an input layer, a hidden layer, and an output layer. The data is updated cyclically in the hidden layer. This is the way to implement the time memory function.

The hierarchical expansion of the hidden layer is shown in Figure 6. The memory function of the sample can be described aswhere denotes a memory of the sample at . is an input sample. is the weight of the input. is the weight of the .

Through the RNN model, a piece of historical time series fragment directly adjacent to the forecasting period is obtained. The convergence and divergence of vehicles on the road are gradually taking shape. Therefore, the traffic of the next moment of a node will be affected by the traffic at the previous moment.

The traffic flow forecasting of the road network is aimed at the graph structure. The structure of the graph is considered as irregular infinite-dimensional data, and the surrounding structure of each node is considered unique, so it has no translation invariance. The surrounding structure of each node may be considered unique. The data of this structure prevents traditional CNN and RNN from obtaining good prediction results. To solve the irregularity of the graph structure, GCN is introduced to learn by effectively extracting spatial features. The structure of GCN is shown in Figure 7.

GCN is considered as a kind of neural network dealing with the graph data structure. The core idea of GCN is considered to be to aggregate node information by using edge information, so as to generate new node representations. The essence of GCN is used to extract the spatial features of the topological graph. For graph data, node information and structural information must be considered. So GCN can automatically learn not only the characteristics of node characteristics but also the associated information between nodes.

Through the RNN model, a piece of historical time series fragment directly adjacent to the forecasting period is obtained. When processing the graph structure, the spectrum analysis method [13] is considered. The graph structure of the spectrogram method is analyzed mainly by transforming the graph into an algebraic form. In this paper, the connectivity and mutual influence between nodes in the graph structure are mainly concerned. In the spectrogram method, a graph can be represented by its corresponding Laplacian matrix , and the properties of the graph structure can be obtained by analyzing and its eigenvalues. The Laplacian matrix of the graph is obtained, which can be shown as

The canonical form is described aswhere is the adjacency matrix. is the unit matrix. The degree matrix is a diagonal matrix composed of node degrees.

The Laplacian matrix and its eigenvalues are analyzed, and the properties of the graph structure are obtained. Then, the graph signal is transformed through Fourier, and the result is expressed as . Graph convolution is a kind of convolution operation that is implemented by defining a diagonal linear operator in the Fourier domain to equivalently replace the classic convolution operator [29]. The specific operation is defined as a convolution operation on the graph with the convolution kernel :where is a diagonal matrix composed of the eigenvalues of . is the Fourier basis [27].

But when the scale of the graph is large, it is expensive to decompose the Laplacian matrix directly. Therefore, the approximate expansion of Chebyshev polynomials is used to solve the problem:where is the coefficient of Chebyshev polynomial. is the largest eigenvalue of . is the recursive definition of Chebyshev polynomial.

To sum up, the GCN can be used to convolute the undirected graph, and the traffic flow data can be topologically processed. The GCN model is trained and learned to predict the traffic flow, which solves the problem that the traditional neural network cannot predict the complex traffic network in real time and accurately.

4.2. Model Implementation Process

According to the complex characteristics of the traffic scene, the RNN-GCN traffic forecasting model is constructed, and the specific implementation process is shown in Figure 8. The detailed steps are described as follows:(1)Obtain the time correlation: through the RNN model, historical time series are constructed, and continuous output in time is obtained(2)Serialize the graph structure: the dataset is converted into a form of a topological graph structure as a data input to the GCN model(3)Train the model: the training data is input, a series of convolution operations are operated, and the model is trained(4)Predict the traffic flow: the trained model is used to predict traffic flow

5. Case Analysis

In this section, actual datasets (SZ-taxi) are selected to realize data fusion and traffic flow forecasting. Without loss of generality, traffic speed and traffic saturation are used as traffic information in the experimental part. SZ-taxi is a dataset of taxi trajectories in Shenzhen from January 1 to January 31, 2015. 156 main roads are selected in Luohu District as the research area. The experimental data mainly includes two parts: one is a 156  156 adjacency matrix, which describes the spatial relationship between roads, each row represents a road, and the value in the matrix represents the connectivity between roads. The other is the feature matrix, which describes the change of the speed on each road over time. Each row represents the traffic speed on the road at different times, and each column is a road. The traffic speed and traffic saturation are calculated on each road every 15 minutes. Traffic speed is the calculated average speed of all cars on a certain road. Traffic saturation is the ratio of the current number of road vehicles to the current street carrying capacity.

This case includes two parts. Firstly, BRB is used to fuse the two indicators of traffic speed and traffic saturation to get a traffic flow fusion result. Secondly, the results of BRB fusion are put into RNN-GCN for prediction. Finally, the prediction results are obtained. Figure 9 shows the traffic flow prediction process of the experiment.

5.1. BRB Data Fusion Case

In the case of BRB data fusion, traffic saturation and traffic speed were combined to obtain a new dataset of traffic flow. The output result of the sample data is analyzed, the distribution characteristics of the output result are acquired, and the system rule number and the result evaluation level related parameter are determined.

To express domain knowledge in BRB, reference points and reference values need to be given. In this BRB model, two indicators of traffic speed and traffic saturation are selected as the input of the BRB system, and is the output to reflect traffic conditions. The selection of reference points and reference values is based on expert knowledge.

There are 8 reference points for , namely, zero (Z), very small (VS), small (S), a little small (LS), middle (M), a little large (LL), large (L), and very large (VL). There are 6 reference points for , namely, zero (Z), small (S), a little small (LS), middle (M), large (L), and very large (VL).

There are 4 reference points for , namely, poor (P), middle (M), good (G), and very good (VG); namely,  = {P, M, G, VG}. The four values of correspond to the probability of P, M, G, and VG, respectively (Tables 13).

According to the expert system, a belief rule table as shown in Table 4 is constructed, and there are 48 belief rules.

By inputting the traffic data samples, the matching degree calculation is performed. The belief rule table is used. The traffic saturation is merged with traffic speed. And the nonlinear relationship between the input and the output is established. And a new traffic flow forecasting index is obtained.

5.2. RNN-GCN Traffic Flow Forecasting Case
5.2.1. Prove the Performance of the Model

Through the analysis of experimental results and comparative test analysis, the traffic information at the next moment can be predicted based on the traffic data at the historical time point. This section evaluates the prediction performance of the RNN-GCN model compared to other prediction models. Without loss of generality, only the traffic speed is used as the traffic information for the experimental part.

We compare our model with the following three baselines:(i)ARIMA: autoregressive integrated moving average method is a well-known time series analysis method for predicting future values.(ii)GCN: graph convolutional neural network uses graph convolution operation to process topological graph structure data.(iii)LSTM: long short-term memory network is a special RNN model.

Figure 10 is a comparison diagram of traffic speed prediction results and real values in a day. It can be seen from the figure that the forecasting result of the model in the day is close to the true value of the data. It shows that the RNN-GCN model can obtain the best forecasting performance through training. Figure 10 demonstrates the effectiveness of the RNN-GCN model.

5.2.2. Define Evaluation Indicators

To effectively evaluate the performance of RNN-GCN, three evaluation indicators are used to measure the prediction effect of the model, where represents the actual traffic flow data at time and represents the output of traffic flow forecasting by the model. is the total number of test samples, including the following:(i)Mean absolute error : can well reflect the actual situation of predicted value error and is the first choice for model prediction effect evaluation: the smaller the value is, the better the prediction effect is.(ii)Root mean square error :RMSE is used to measure the deviation between the predicted value and the true value and is more sensitive to outliers in the data: the smaller the value is, the better the prediction effect is.(iii)Accuracy :

is used to detect the prediction precision: the larger the value is, the better the prediction effect is. represents the norm of this matrix which is Frobenius norm, is a matrix of true values, and is a matrix of predicted values.

5.3. Analysis of Experimental Results

Traffic indicators are fused by BRB, and a dataset of traffic flow is generated. In the experiment of traffic flow forecasting, 80% of the dataset is used for model training and 20% of the dataset is used for model testing. Figures 1113 show the decrease of RAME and MAS and the increase of ACC with the increase of training times. This shows the effectiveness of the model when the BRB fusion data is input into RNN-GCN.

We compare our models with the three baseline methods. Table 5 shows the average results of traffic flow prediction performance. It can be seen from Table 5 that our RNN-GCN achieves the best performance in the same datasets in terms of all evaluation metrics. We can observe that the prediction results of the traditional time series analysis methods are usually not ideal, demonstrating those methods’ limited abilities to model nonlinear and complex traffic data.

6. Conclusions

In this paper, a new traffic flow forecasting method based on RNN-GCN and BRB is proposed. First, the BRB model is used for data fusion, and new traffic flow data is obtained; second, the RNN model is used to obtain time correlation; finally, the GCN model is used for traffic forecasting. Through experiments, the method proposed in this paper is better than other forecasting models; the accuracy has improved. But obtaining temporal correlation through the time attention mechanism is not considered. Therefore, our next step will be to optimize the predictive model by adding strategies such as time attention mechanisms and further improve the predictive ability of the model.

Data Availability

In the study of this paper, the dataset used is a public dataset, and the access address is https://github.com/lehaifeng/T-GCN/tree/master/data.

Conflicts of Interest

The authors declare that they have no conflicts of interest.

Acknowledgments

This work was supported in part by the Natural Science Foundation of Heilongjiang Province of China under Grant no. F2018023, the Ph.D. Research Start-Up Foundation of Harbin Normal University under Grant no. XKB201905, and the Natural Science Foundation of School of Computer Science and Information Engineering, Harbin Normal University, under Grant nos. JKYKYY2020002 and JKYKYY202010.