Next Article in Journal
Towards High Accuracy Pedestrian Detection on Edge GPUs
Previous Article in Journal
Stick-Slip Vibration Suppression in Drill String Using Observer-Based LQG Controller
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Prediction of Urban Taxi Travel Demand by Using Hybrid Dynamic Graph Convolutional Network Model

1
School of Transportation and Vehicle Engineering, Shandong University of Technology, Zibo 255000, China
2
School of Transportation, Southeast University, Nanjing 211189, China
*
Author to whom correspondence should be addressed.
Sensors 2022, 22(16), 5982; https://doi.org/10.3390/s22165982
Submission received: 6 July 2022 / Revised: 3 August 2022 / Accepted: 6 August 2022 / Published: 10 August 2022
(This article belongs to the Section Intelligent Sensors)

Abstract

:
The efficient and accurate prediction of urban travel demand, which is a hot topic in intelligent transportation research, is challenging due to its complicated spatial-temporal dependencies, dynamic nature, and uneven distribution. Most existing forecasting methods merely considered the static spatial dependencies while ignoring the influence of the diversity of dynamic demand patterns and/or uneven distribution. In this paper, we propose a traffic demand forecasting framework of a hybrid dynamic graph convolutional network (HDGCN) model to deeply capture the characteristics of urban travel demand and improve prediction accuracy. In HDGCN, traffic flow similarity graphs are designed according to the dynamic nature of travel demand, and a dynamic graph sequence is generated according to time sequence. Then, the dynamic graph convolution module and the standard graph convolution module are introduced to extract the spatial features from dynamic graphs and static graphs, respectively. Finally, the spatial features of the two components are fused and combined with the gated recurrent unit (GRU) to learn the temporal features. The efficiency and accuracy of the HDGCN model in predicting urban taxi travel demand are verified by using the taxi data from Manhattan, New York City. The modeling and comparison results demonstrate that the HDGCN model can achieve stable and effective prediction for taxi travel demand compared with the state-of-the-art baseline models. The proposed model could be used for the real-time, accurate, and efficient travel demand prediction of urban taxi and other urban transportation systems.

1. Introduction

Realizing the balance between travel demand and the supply of urban transportation systems is not only beneficial to improve the utilization efficiency of transportation infrastructure but also important to improve the level of service. As the demand/supply attributes of urban transportation systems in different regions vary significantly, many cities are improving their travel demand models and discussing whether the existing models are effective as well as what data are required to characterize the travel demand/supply features. On the one hand, with the development of intelligent transportation systems (ITS), more and more data from different traffic sensors, such as global positioning systems (GPS) and mobile maps, could be used to form a real-time and efficient big dataset for improving travel demand prediction. On the other hand, however, the travel demand models managed by transportation agencies have not traditionally been able to comprehensively reflect the spatial-temporal dependencies, dynamic nature, and uneven distribution of urban travel demand/supply features, thus resulting in the oversupply or undersupply of transportation systems at a specific time or area, which not only wastes public resources but also affects the residents’ travel experience. For instance, accurate demand prediction can help taxi operators and ride-hailing platforms to quickly update passengers’ travel needs and cruising locations to meet passengers’ potential demands, thus reducing passengers’ waiting time and improving the utilization rate of registered cars [1]. Therefore, using more effective and accurate models to forecast travel demand takes timely countermeasures to alleviate imbalance between supply and demand, the foci of this study.
Indeed, in terms of structuring travel demand models, researchers have made sustained effort and developed numerous models, such as the autoregressive integrated moving average (ARIMA) [2], the Kalman filtering model [3], support vector regression (SVR) [4], and recurrent neural networks RNN [5,6,7]. However, it is by no means easy to predict travel demand accurately as travel demand is not only influenced by the historical pattern and regional neighbor but is also closely linked to regions with distant but similar travel patterns [8]. Specifically, it is necessary to consider both temporal and spatial dimensions when predicting travel demand. Compared with the temporal forecasting models, relatively few methods reflect the spatial characteristics of travel demand. A common approach is to segment the study area using a grid and then apply the convolutional neural network (CNN) and its variants to construct the spatial correlations [9,10,11]. However, this approach has a natural disadvantage as it destroys the complex structure of urban road networks [1]: a residential complex or park plaza mall may be divided into two or more small units. Meanwhile, inspired by the successful application of graph convolutional networks (GCN) on non-Euclidean data, some researchers have introduced graph structures into urban traffic computation and extracted spatial correlations by using GCN [12,13,14,15].
While researchers have continued to integrate temporal feature extraction models and spatial feature extraction models into hybrid networks to improve the forecasting efficiency and accuracy [16,17,18,19], it is worth noting that the prediction performance would be less promising if only the topology of the traffic network is considered without considering the dynamic changes of the traffic situation [20]. To deal with this problem, a potentially effective method is to design a spatial-temporal forecasting model that incorporates the static and dynamic correlations between temporal variation and spatial diversity, in which the dynamic component accepts and produces dynamic graph based on changes in real-time traffic conditions. The generated dynamic graphs could improve the ability of the potential spatial features mined by the model. At the same time, the comprehensive spatial correlation and global information among different areas of the city should also be captured by combining the static road network information.
With this end in view, we propose a travel demand prediction model named the hybrid dynamic graph convolutional network (HDGCN), fusing both the static and dynamic graphs to reflect travel demand variation over time and space. Inspired by the dynamic time programming (DTW) algorithm [21], we constructed a traffic flow similarity graph and then generated the dynamic graphs sequence on time series. We employed dynamic graph convolution module to extract the spatial features of the generated graph sequences. It is worth noting that we adopted the structure of recurrent networks to improve the effectiveness of dynamic node feature message passing in the dynamic graph convolution module. For static graphs, we used a standard GCN to extract the spatial features. Afterward, we integrated the static and dynamic features with a 2D convolution operation and used the GRU to extract the temporal features. Finally, we conducted forecasting and comparative experiments based on a real-world travel demand dataset from the New York City Taxi and Limousine Commission (TLC). The numerical experiment results show that HDGCN outperforms the benchmark models such as ARIMA and GRU.
To summarize, the main contributions of this paper are as follows:
  • We proposed a new dynamic graph generation method to reflect the real-time travel demand conditions which could generate dynamic graphs sequence on the time series. The dynamic graph convolution module could effectively capture the spatial features possessed by dynamic graphs thus to reduce prediction errors.
  • We designed a spatial-temporal prediction network incorporating static area graphs and traffic flow similarity graphs. This deep learning network combines GCN and GRU, in which the former is used to learn the spatial features, and the latter is used to learn the temporal features of the traffic network.
  • We combined the real-world travel demand data with demonstrating the validity of the proposed model. In the experiments, HDGCN focuses on mining the spatial-temporal properties of historical demand data. The results indicate that HDGCN has great potential in urban travel demand prediction and urban transportation management for its excellent performance in error reduction and temporal stability.
The rest of this paper is organized as follows: Section 2 reviews the related works, and Section 3 introduces the preliminaries. Section 4 provides details of the proposed methodology, and Section 5 presents the analysis of the experimental results. Finally, the conclusions and further research directions are discussed in Section 6.

2. Related Works

We reviewed the related work from two main aspects: travel demand forecasting models and dynamic graph neural network theory.

2.1. Travel Demand Forecasting Models

Travel demand prediction is essential for optimizing social idle resources and matching travel demand in urban areas [22], which has attracted extensive attention during the past decades. Ahmed et al. [2] used ARIMA to predict the freeway traffic flow and verified the effectiveness of the method through the traffic flow dataset of three cities. Based on multi-source dataset, Stefano et al. [23] considered the correlation between travel demand and traffic flow and used the Kalman filter to predict the travel demand of online car-hailing. Gary et al. [24] used the nearest neighbor nonparametric regression method for short-term traffic flow prediction and verified the effectiveness of the method. Vanajakshi et al. [25] used SVR to predict passengers’ travel time and validated its practicality by using a real travel dataset.
In recent years, with the development of deep learning technology, various deep learning models have been applied to the task of travel demand forecasting. Pang et al. [26] proposed a recurrent neural network model that exploits long-term dependencies between multiple time steps for bus arrival time prediction. Xu et al. [27] proposed a predictive model that uses long short-term memory (LSTM) to train historical taxi demand data to predict future demand changes. However, these time-series-based deep learning models usually ignored the spatial correlation of travel demand among different regions. In recent years, to better explore the spatial correlation of different urban areas, researchers usually divided the modeling methods of traffic network into two types, namely Euclidean space (grid format) [6,28,29,30,31] and non-Euclidean space (graph format) [7,8,15,32,33].
Regarding the research of travel demand prediction using Euclidean space, Liu et al. [6] added a convolutional layer before the LSTM framework and proposed the ConvLSTM model for extracting spatial-temporal information of urban transportation networks. Zhang et al. [28] proposed the ST-ResNet model, which models urban travel demand as a form of raster data, with each grid representing a region, calculates inflows and outflows within the region, and used CNN to mine spatial features. Zhang et al. [29] proposed a multi-task deep learning framework dividing the actual road network map into grid maps, which was fed into a CNN for learning after graph embedding operations. Wu et al. [30] used CNN to mine spatial features and RNN to learn the temporal dynamics in traffic flow, which further improved the accuracy of the model. Yao et al. [31] used LSTM, local CNN, and graph embedding to form three views: the temporal view, spatial view, and semantic view, as a way to mine spatial-temporal features to complete the task of predicting the volume of regional passengers’ travel orders.
With respect to the research of travel demand prediction using non-Euclidean space models, Chai et al. [8] proposed a novel multi-graph convolutional neural network framework to build multiple graphs based on distances and traffic interactions between stations in traffic network and fused these graphs to learn spatial-temporal features through graph convolution and encoding–decoding networks. Li et al. [7] proposed the diffusion convolutional recursive neural network (DCRNN) to model urban road information as a spatial diffusion process and used GRU to capture temporal dynamics. Geng et al. [15] proposed a novel multi-graph convolutional neural network framework to build multiple graphs based on proximity, functional similarity and traffic connectivity between regions in traffic road network, and multi-graph convolution was used to fuse these graphs to learn spatial-temporal features. Yu et al. [32] proposed the spatial-temporal graph convolutional network (STGCN) to improve the prediction performance by incorporating prior knowledge of traffic topology and used GCN and GRU to extract spatial and temporal features, respectively. Zhao et al. [33] proposed the T-GCN and considered the connection relationship between roads to represent the connection relationship of edges.
In the related work of forecasting taxi demand with the combination of multiple models, Chen et al. [34] linked multi-graph and multi-task learning to improve the prediction accuracy by using multiple auxiliary tasks and verified the effectiveness of the model based on a real-world taxi trajectory dataset. Sun et al. [35] formulated travel flow prediction for irregular regions as spatial-temporal graphs and used spatial graph convolution to construct multi-view graph convolutional networks (MVGCN), and the model performance was demonstrated on a dataset of taxis and shared bicycles. Zhang et al. [36] developed a hotspot recommendation model and a demand prediction model by assigning a hotness coefficient to travel hotspot areas for each time period. Yao et al. [31] established a spatial-temporal multi-view neural network model from the temporal, spatial, and environmental context perspectives that affect taxi travel demand.

2.2. Dynamic Graph Neural Network

With the widespread application of graph neural networks, the research on graph structure is no longer limited to static graphs but takes turns to study dynamic graph structure with temporal dimensions. The introduction of temporal dimension fundamentally improves the network properties, enabling a more robust representation of network data, and in turn, improving the network learning capabilities. In the dynamic generation of graph sequences, the currently popular approach is to link the prediction of graphs based on the learned dynamic graph representation. Sankar et al. [37] proposed the dynamic self-attention network (DySAT) model using a self-attention mechanism to capture node representations of dynamic graph structures and capture multidimensional dynamics through multi-headed attention. Pareja et al. [38] proposed the evolving graph convolutional network (EvolveGCN) model taking the parameters of each layer of the GCN as the feature variables of the dynamic network by using GRU or LSTM to update the parameters to combine temporal and spatial information. Ma et al. [39] proposed the dynamic GCN model, which is a streaming graph neural network that models dynamic information by using an update component and a propagation component. Xu et al. [40] proposed temporal graph attention (TGAT) layer, which uses a temporal encoding function based on harmonic analysis instead of the position vector in the self-attentive mechanism as a way to handle node classification and link prediction tasks. Trivedi et al. [41] proposed the unsupervised DyRep model, a model that describes the structural information of a graph as node forms based on the temporal evolution process and learns these nodes coded to achieve link prediction.

3. Preliminaries

Definition 1.
Geographically adjacent graph: In this paper, we define the traffic network as an undirected graph  G S = ( V , E , A S ) , where E is the edge collection of the road network; and  V = { v 1 , v 2 , , v N } is the set of region nodes, where N is the number of region, and  A s N × N is the static adjacency matrix, whichis used to represent the connection between nodes.
Definition 2.
Traffic flow similarity graph: We define the traffic flow similarity graph at moment t as G D t = ( V , E , A D t ) , where V, E has the same meaning as in the geographically adjacent graph, and A D t N × N is the dynamic adjacency matrix at moment t, which represents a set of similarity of demand patterns on all the regions.
Definition 3.
Travel demand feature: The travel demand feature X t represent the historical travel demand feature for each region in the region at time t. For a traffic network with N region. X t = ( x 1 t , x 2 t , , x N t ) , where x j t is the travel demand of region j at time t.
Problem 1.
According to the travel demand feature at the time range [t-m-T:t-T] to autonomously generated similarity graph sequence  G D = { G D t m , G D t + 1 m , , G D t } , where T is the length of the sequence.
Problem 2.
Given G s , and travel demand feature X ( t m ) : t to learn a function f : N × m N × 1 that maps historical demands of all regions to the demand in the next time step, which is represented as follows:
X ^ t + 1 = f ( X ( t m ) : t , G S , G D )  
where X ^ t + 1 denotes the predicted travel demand of all regions over the next time step, and the prediction function f ( ) is shared by all regions.

4. Methodology

4.1. Framework

The framework of HDGCN model is shown in Figure 1, which could be broadly divided into three phases:
Dynamic graph generation: We consider a situation where some urban regions were spatially distant but were similar in travel demand patterns. Therefore, we propose the use of a traffic flow similarity graph to capture this potentially spatial characteristic, where the nodes represent different regions within the city and the edges represent the similarity of the demand patterns for the paired regions, in which the weights of the edges are measured by the dynamic time warping. On this basis, the dynamic graphs sequence based on the original data could be automatically generated according to the time progress.
Dynamic graph convolution module (DGCN): We use a dynamic graph convolution module, as shown in Figure 2, to extract the similarity of the regional demand models in the dynamic graphs sequence. The dynamic graph convolution module captures the dynamism underlying a dynamic graphs sequence by using a GRU to evolve the GCN parameters.
Spatial-temporal prediction network: We also consider the connected condition of realistic urban areas and extract static urban spatial features in the geographically adjacent graph by GCN. Afterward, a 2D convolution is used to fuse the above two spatial features to obtain the final spatial features. Finally, the spatial feature sequence is used as input to the GRU unit, through which the temporal features could be extracted.

4.2. Dynamic Graph Generation

The research using non-Euclidean space to model urban transportation demand usually considered only static spatiality. For example, the neighborhood graph is usually based on the regions’ connectivity, the transportation connectivity graph is generally based on the Euclidean distance, the functional similarity graph is normally based on the different functional regions, etc. Compared to the approaches modeling travel demand using the two-dimensional grid to create urban areas, the methodology adopting non-Euclidean space further considers the difference in topological information among urban regions. However, there are still shortcomings in such a model, and an obvious disadvantage is that it ignores the possible dynamic correlations among regions at different times of the day. For instance, residential districts usually generate high travel demands during the weekday morning and evening peak hours, and regions including parks and suburban attractions generally attract more tourists on weekends than on weekdays. Therefore, we need to consider the dynamic correlation among regions with similar demand patterns, even though these regions are not adjacent to each other.
To reflect this regularity, we propose the concept of a traffic flow similarity graph. The graph is deeply connected because every two regions can interact. If the trend in travel demand between two regions is coincident or similar during the same time period, the link weight between the two regions is given greater weight. Assuming that the sample’s time interval of traffic flow is T, and the traffic flow similarity graph corresponding to time T is denoted as G D t = ( V , E , A D t ) , we use DTW to measure the similarity ω M , N t between region M and region N during the time period of (t − T, t], that is:
ω M , N t = exp ( α D T W ( V M , V N ) t )
where α is the parameter that controls the decay rate of distance (in this paper, α = 1), V M = { v M t T , v M t + 1 T , , v M t } is the travel demand sequence of region M during the time period of (tT, t], D T W ( V M , V N ) t represents the dynamic time warping distance between the demand patterns of the two regions. The similarity of the changing trend of regions increases with the decrease of D T W ( V M , V N ) t . D T W ( V M , V N ) t minimizes the cumulative distance γ ( V M , V N ) between V M and V N by finding an optimal warping path, that is:
D T W ( V M , V N ) = γ ( v M t , v N t )
γ ( v M i , v N j ) = d ( v M i , v N j ) + min { γ ( v M i 1 , v N j 1 ) γ ( v M i 1 , v N j ) γ ( v M i , v N j 1 )
d ( v M i , v N j ) = | v M i v N j |
where d ( v i M , v j N ) represents the distance measure between two elements.
In practice, we obtain a sequence of dynamic adjacency matrices A D = { A D 1 , A D 2 , , A D t } sorted chronologically by sequentially calculating the time-series correlations between different regions during different time periods, which is used as the adjacency matrix in the dynamic graphs sequence. It is worth noting that the traffic flow similarity graph generated at time step T reflects the similarity of travel demand within time period T. Therefore, the consistency of the time step should be maintained in the subsequent spatial-temporal forecasting network.

4.3. Dynamic Graph Convolution Module

In order to capture the dynamics behind the traffic flow similarity graph, we add an update mechanism to the standard GCN architecture and use a recurrent model to update the GCN parameters. The recurrent model has various deformation models, such as LSTM and GRN. Considering that nodes includes feature information, our architecture is implemented by using GRU, and the GCN’s weights are treated as hidden states of the recurrent structure. Specifically, at time t, the k-th layer takes the dynamic adjacency matrix A D t and the node embeds the matrix H k t as the input and uses the weight matrix W k t to update the node embedding matrix H k + 1 t to as output, that is:
ƒ ( H k t , A D t , W k t ) = σ ( D ^ t 1 A D t H k t W k t )
where ƒ ( ) represents the graph convolution operation and σ ( ) is the activation function (typically ReLU).
The crucial weight matrix is passed through a GRU to update the hidden state upon time-t input to the system.
W k t = G R U ( H k t , W k t ) = ( 1 z k t ) W k t 1 + z k t w ^ k t
z k t = σ ( U z H k t + V z W k t 1 + B z )
r k t = σ ( U r H k t + V r W k t 1 + B r )
w ^ k t = t a n h ( U w H k t + V w ( r k t W k t 1 ) + B w )
where z k t , r k t , and w k t represent the update gate, reset gate, and pre-output at time t, respectively, and U , V , and B represent the weights and biases of the corresponding gate structures, respectively.
In the dynamic graph convolution module, GCN aggregates the node’s neighborhood information by using bottom-up approach, while the GRU updates the weight parameters from the left to the right. As a result, the dynamic graph convolution module can dynamically obtain the hidden information of the nodes.

4.4. Spatio-Temporal Prediction Network

To further improve the prediction accuracy in different urban regions, we propose the HDGCN to fully extract the spatial-temporal features. The HDGCN uses the standard GCN to extract the static properties of geographically adjacent graphs and the dynamic graph convolution module extracts the dynamic spatial properties of dynamic graphs’ sequence. Based on the obtained spatial feature sequence, the GRU is used to extract the temporal features and achieve forecasts of future demand requirements for each region within the city.
In spatial feature extraction, the static graphs and the dynamic traffic flow similarity graphs reflect the region correlations from distinct perspectives. Therefore, on the one hand, we use GCN to extract the static spatial correlation of the geographically adjacent graph G S = ( V , E , A S ) , where the adjacency matrix A S is defined based on the connectivity of neighboring regions. This method determines whether the region is connected with another or not, which is as follows:
A i , j = { 1 ,   region   i   and   j   are   adjacent   0 ,   otherwise
On the other hand, we use the dynamic graph convolution module to extract the dynamic spatial correlations of the dynamic graphs’ sequence produced in Section 4.3. After being processed by the former two convolution modules, two kinds of spatial feature matrices are obtained: (1) H S for the static space feature and (2) H D for the dynamic space feature. To combine the two kinds of features, H S and H D are concatenated to form a new matrix, H S , D . After that, we use a 2D convolution with a convolution kernel size of 2 × 1 to perform a convolution operation on H S , D and finally output a mixed spatial feature, H a l l .
After extracting the spatial features, we also need to extract the long-term trends and cyclical features of regional travel demand changes to achieve accurate travel demand prediction. Here we add the GRU unit to our spatial-temporal prediction network. The purpose of using the GRU unit to update the weight parameters of the GCN according to the time dimension is to capture the similarities of regional travel demand thus to enhance the performance of spatial feature extraction. The input of the GRU unit is the spatial feature sequence H a l l = [ h a l l t T , , h a l l t 1 , h a l l t ] within a certain period of time, and the output is the prediction result X ^ t + 1 in the next time step.
When training the model, the mean square error (MSE) is employed as a loss function to calculate the difference between the predicted travel demand Y ^ t and the real travel demand Y t . The goal of model training is to minimize the loss. The calculation method is as follows.
l o s s ( Y t , Y ^ t ) = ( Y t Y ^ t ) 2 ,   Y t , Y ^ t R N × t

5. Experiments

5.1. Dataset Description

The dataset used in the experiments contains the real-world and open-source taxi data of Manhattan from the Taxi and Limousine Commission (TLC) of New York City. There are three kinds of taxis on the platform: yellow taxis, green taxis, and For-Hire Vehicles (FHVs). The dataset consists of 12,179,185 yellow taxi orders in the Manhattan district, New York City, from 1 January to 30 June 2021. For each taxi, the global positioning system (GPS) device records 18 data attributes such as VendorID, pickup_datetime, PuLocationID, trip distance, etc. We select several fields for cleaning and prediction, and others are abandoned.
Figure 3 depicts the delineation and basic statistical characteristics of the research area, in which Figure 3a represents the current status that the Manhattan district which is partitioned into 63 regions or zones based on the NYC Department of City Planning’s Neighborhood Tabulation Areas (NTAs), Figure 3b represents the hourly taxi demand of one week, and Figure 3c represents the hourly taxi demand of one day.

5.2. Experimental Settings

We set the time interval for the aggregation of travel demand to be 15 min. Therefore, each node contains 96 data points per day. We use the data collected from 27 May to 16 June of 2021 as the validation dataset, and the data collected from 17 June to 30 June of 2021 as the test dataset. The rest of the data is used as the training dataset. In the experiment, we set the time step T to be 6, which is crucial for the generation of dynamic graphs as the dynamic graphs’ sequence is generated by using the demand time series within 1.5 h from the current moment as the demand pattern. We use a two-layer dynamic graph convolution module to extract dynamically spatial features, and use a single-layer GCN model to extract statically spatial features. The number of layers of the GRU is set to be 1, and the hidden units are set to be 48. The input length of the GRU unit is consistent with the time step of the dynamic graph, and the input sequence is the mixed spatial feature in the past 1.5 h. In the experiment, we select the optimal batch size to be 64, the learning rate is set to be 0.0001, and the number of epochs is set to be 100. To make a fair evaluation, we use the same dataset for the model training, validation, and testing across all experimental models. We implement all the methods in Python and use PyTorch for the neural network-based approaches.
Three commonly used metrics were used to evaluate the prediction performance of our model: mean absolute error (MAE), mean absolute percentage error (MAPE), and root mean square error (RMSE), which are defined as follows:
MAE = 1 N i = 1 N | y i y ^ i |
MAPE = 1 N i = 1 N | y i y ^ i | y i
RMSE = 1 N i = 1 N ( y i y ^ i ) 2
where N is the number of prediction results y ^ i and y i is the ground truth value.

5.3. Baselines

We compare the HDGCN with the following 10 baselines:
  • ARIMA, which is a popular prediction model using a time series forecasting method that combines autoregressive and moving average.
  • SVR, which is a classic machine learning model for time series analysis that uses linear support vector machines for regression.
  • Extreme Gradient Boosting (XGBoost), which is an efficient, flexible, and portable integrated learning algorithm that comprises many CART trees.
  • Multiple layer perceptron (MLP), which is a common feedforward neural network with strong self-adaptation and self-learning capabilities. MLP can solve nonlinear and high-dimensional problems through special activation functions.
  • GRU, which is an extension of RNN with good performance in time series modeling. We forecast future demand in each region by establishing a GRU for each region, and its settings are consistent with the GRU settings in DHGNN.
  • GCN, which is essentially a feature extractor that takes graph data as the object. In this paper, we build a two-layer graph convolutional neural network with geographically adjacent graph as the input of GCN, and use the fully connected layer to predict the demand of all regions.
  • DCRNN, which designs a diffusion convolutional neural network to model roads, which combines GRU and bidirectional diffusion convolution. It is a data-driven prediction framework.
  • T-GCN, which integrates GCN and GRU. GCN is used to capture spatial dependencies, and GRU is used to extract temporal dependencies.
  • STGCN, which applies the full convolutional structure to build the model and is an integrative framework of graph convolution network and convolutional sequence.
  • DySAT, which is a dynamic graph convolution algorithm based on discrete networks. It aggregates the node features of each snapshot through GCN and then aggregates the temporal features of each node in each snapshot by self-attention.
For the ARIMA model, the input is the demand intensity sequence in a single region after sequence stabilization. For SVR, XGBoost, MLP, and GRU, the input that the model accepts each time is a feature vector of a single region in a time interval. For GCN, DCRNN, T-GCN, and STGCN, the input consists of an adjacency matrix describing the spatial relationships between regions (geographically adjacent graph), and the feature matrix composed of the feature vectors of all regions in the same time interval. For DySAT, the input received each time includes the dynamic adjacency matrix used to describe the dynamic demand similarity between regions (traffic flow similarity graph) and the feature matrix composed of feature vectors of all regions in the same time interval.

5.4. Experiment Results and Analysis

5.4.1. Modeling Performance Compared with the Baseline Models

Table 1 reveals the performance of the proposed prediction network compared with the 10 baseline models as mentioned above. The proposed HDGCN model achieves the best prediction results with the minimum values of MAE (3.95), MAPE (17.60%), and RMSE (6.21). Compared with the baseline models, the MAE, MAPE, and MAPE of the proposed HDGCN model at least decrease by 10.43%, 12.70%, and 13.03%, respectively, largely due to its wonderful consideration of both the statically spatial proximity and dynamically spatial variation of travel demand. The traditional time series methods, such as ARIMA, SVR, and XGBosst, only consider temporal correlation but ignore the spatial correlation, thus resulting in poor performance in travel demand forecasting with long-term non-stationary characteristics. While the performance of MLP and GRU is slightly better in eliminating errors regard than ARIMA and XGBosst, considering only temporal features and ignoring spatial features is clearly not as comprehensive as extracting both temporal and spatial features. Both the GCN and DySAT consider only spatial features but ignore the impact of temporal dependence, thus producing relatively large errors. DySAT considers travel demand dynamics between different regions by capturing dynamic spatial dependencies at each time step, with obviously improved performance, which suggests the effectiveness of dynamic graph model in improving prediction accuracy. The DCRNN, STGCN, and T-GCN are the most state-of-the-art baseline methods that comprehensively consider spatial-temporal features, but their graph modeling only considers the geographical proximity information without considering the dynamic changes in travel demand patterns among regions.

5.4.2. Modeling Performance for Different Time Periods and Urban Areas

Figure 4 exhibits the modeling performance of different methods for 7 days of the week (17 to 24 June 2021). Due to space limitations, we compared the modeling performance of HDGCN in MAPEs with that of ARIMA, GRU, T-GCN, STGCN, and DySAT as the benchmarks. Obviously, compared with the baseline models, the proposed HDGCN model has the best performance in reducing the RMSEs for all 7 days of the week. Moreover, we observe that the estimating errors for weekends are generally higher than for weekdays. For instance, the average RMSE of HDGCN estimated for 23 and 24 June (Sat. and Sun.) is 6.50, compared with an average value of 6.10 for 17 to 22 June. The results indicate that it is relatively more challenging to predict travel demand on weekends than on weekdays. Two potential reasons may lead to this result: (1) the travel demand base on weekends is generally smaller than that on weekdays, and (2) people have more regular travel needs on weekdays (such as working and schooling) than on weekends (such as shopping and others).
Figure 5 presents the prediction performance of HDGCN in the regions of Manhattan. In order to have a more intuitive understanding of the modeling performance in different regions during the main time periods, we use the heat maps as shown in Figure 5a–c to present the RMSE distributions in Manhattan at the hours of 9:00, 18:00, and 22:00, respectively. It can be seen that the prediction error of the region-based approach is smaller in sparsely populated regions. The reason may be that when the travel demand is small, a large number of zero elements appear in the time series between regions, and the link weights in the dynamic adjacency matrix calculated in this way are less different, which affects the generation of dynamic graphs and the extraction of spatial features. Moreover, within the same area, the error is higher in the morning peak (9:00) and evening peak (18:00) than in leisure time (22:00).
Figure 6 shows the predicting results of the HDGCN compared with the actual value of travel demand in the four areas of VendorID 43, VendorID 73, VendorID 140, and VendorID 233 as having been shown in Figure 1. While the distributions of travel demand in the four areas express obviously different demand patterns and intensities, the HDGCN modeling results have high fitting degree and applicability, indicating that the proposed model can effectively learn the changing laws from the regional travel demand data with different demand intensities and patterns.
Table 2 summarizes the HDGCN modeling results of different travel days (weekdays and weekends) and different times of weekdays (9:00 and 14:00) for the four areas of VendorID 43, VendorID 73, VendorID 140, and VendorID 233. While the predicting results of the HDGCN generally fit well with the actual value, it should be noted that the goodness of fit of modeling results for weekends is generally lower than that for weekdays (consistent with the foregoing modeling results), and the goodness of fit of modeling results for the peak hour 9:00 AM are generally lower than that for the non-peak hour 14:00. Consistent with the modeling results as shown in Figure 5, other factors affecting the diversity of travel demand, particularly during peak hours, should be further studied in the future. In other words, if the HDGCN model is combined with other disaggregate factors, such as parameters reflecting daily time periods, regionally functional facilities, and road conditions among areas, the modeling performance could be further improved.

5.4.3. Modeling Performance for Different Time Length

Figure 7 shows the travel demand forecasting performance of the HDGCN for the next 5 min, 15 min, 30 min, and 60 min, taking ARIMA, GRU, T-GCN, STGCN, and DySAT as the benchmarks for comparison. In which, Figure 7a–c represents MAE, MAPE, and RMSE, respectively. It can be seen that with the increase in time duration, the errors of modeling results show an upward trend, especially the modeling results of ARIMA and GRU. However, the predicting errors of HDGCN rise at the slowest rate than all the other models, indicating that the HDGCN modeling results are robust over time.

5.5. Ablation Experiment

In this section, we further evaluate the effects of key components that may contribute to improve the performance of the HDGCN model. Three variants of the HDGCN model are defined as follows:
  • HDGCN-AD: HDGCN simply connects the GCN and GRU, without mixing the dynamic adjacency matrix.
  • HDGCN-AS: HDGCN, without mixing the geographically adjacent graph convolution.
  • HDGCN-GRU: HDGCN only considers the spatial module and predicts through a simple connected layer, without mixing the time series module.
Figure 8 shows the modeling results of MAE (Figure 8a), MAPE (Figure 8b), and RMSE (Figure 8c) with the number of training epochs. The results show that MAE, MAPE, and RMSE of all models decrease obviously with the number of training epochs increasing from 0 to 20 and then tend to be relatively stable with the number of training epochs increasing from 20 to 100. Comparing HDGCN, HDGCN-AD, and HDGCN-AS, it can be seen that considering spatial features is important for predicting regional travel demand. Concurrently, applications of dynamic graphs are effective in reducing errors, which can effectively improve the accuracy of travel demand forecasting. Compared with HDGCN-GRU, which only considers a spatial correlation, HDGCN expresses an obvious improvement. We can see that it is unwise to consider only the features of spatial correlation without considering the time dimension, which will generate an obvious shake in the training process.

6. Conclusions and Future Work

The paper set out to propose an improved model, i.e., HDGCN, related to urban travel demand prediction. This model takes into account regional connectivity and travel pattern correlations between regions, collaborating dynamic graphs, and static graphs to capture spatial correlations more comprehensively and was designed based on the similarity of travel demand between different regions and generated a dynamic graph sequence in the time dimension. Meanwhile, for the dynamic graph sequences, we proposed a new dynamic graph convolution method to extract spatial features, which can adaptively learn the parameters of the adjacency matrix and update the parameters of the GCN according to the dynamic information of each time step. We extracted the temporal features through GRU and trained deep learning models to improve the predicting accuracy of travel demand.
We evaluated the effectiveness and robustness of the proposed model by using the real-world and open-source taxi data of Manhattan, New York City. The experimental results demonstrate that the proposed model outperforms the mainstream machine learning and deep learning methods, which could be used for the real-time, accurate, and efficient travel demand prediction of urban taxis and other transportation systems. In the end, although this paper constructs a sequence of dynamic graphs in urban travel and integrates them with an urban static graph, some limitations of the current study for further improvement are given for reference. First, we used the discrete network to generate the dynamic graph, but in future research, the continuous network for dynamic graph generation could be considered. Second, due to space constraints, we did not discuss the modeling results over time for all the regions in Manhattan in detail. Finally, many other disaggregate factors such as personal characteristics that may affect travel demand could be considered in future research.

Author Contributions

Conceptualization: J.Z. and W.K.; methodology: W.K. and J.Z.; validation: J.Z. and M.Z.; formal analysis: W.K. and T.Z.; investigation: T.Z. and Y.X.; writing—original draft preparation: W.K.; writing—review and editing: J.Z., M.Z. and M.L.; project administration: W.K. and M.L.; funding acquisition: J.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research was funded by the National Natural Science Foundation of China (grant number 51608313), the Natural Science Foundation of Shandong Province (grant number ZR2021MF109), and the Shandong Provincial Communications Planning and Design Institute Group Co., Ltd. (grant number 2020-SDHS-GSJT-02).

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data will be released on https://github.com/MIKe-eve/HDGCN (accessed on 5 July 2022).

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Tang, J.; Liang, J.; Liu, F.; Hao, J.; Wang, Y. Multi-Community Passenger Demand Prediction at Region Level Based on Spatio-Temporal Graph Convolutional Network. Transp. Res. Part C Emerg. Technol. 2021, 124, 102951. [Google Scholar] [CrossRef]
  2. Ahmed, M.S.; Cook, A.R. Analysis of Freeway Traffic Time-Series Data by Using Box-Jenkins Techniques. 1979. Available online: https://trid.trb.org/view/148123 (accessed on 5 July 2022).
  3. Okutani, I.; Stephanedes, Y.J. Dynamic Prediction of Traffic Volume through Kalman Filtering Theory. Transp. Res. Part B Methodol. 1984, 18, 1–11. [Google Scholar] [CrossRef]
  4. Chen, R.; Liang, C.-Y.; Hong, W.-C.; Gu, D.-X. Forecasting Holiday Daily Tourist Flow Based on Seasonal Support Vector Regression with Adaptive Genetic Algorithm. Appl. Soft Comput. 2015, 26, 435–443. [Google Scholar] [CrossRef]
  5. Li, Y.; Shahabi, C. A Brief Overview of Machine Learning Methods for Short-Term Traffic Forecasting and Future Directions. Sigspatial Spec. 2018, 10, 3–9. [Google Scholar] [CrossRef]
  6. Liu, Y.; Zheng, H.; Feng, X.; Chen, Z. Short-Term Traffic Flow Prediction with Conv-LSTM. In Proceedings of the 2017 9th International Conference on Wireless Communications and Signal Processing (WCSP), Nanjing, China, 11–13 October 2017; pp. 1–6. [Google Scholar]
  7. Li, Y.; Yu, R.; Shahabi, C.; Liu, Y. Diffusion Convolutional Recurrent Neural Network: Data-Driven Traffic Forecasting. arXiv 2017, arXiv:1707.01926. [Google Scholar]
  8. Chai, D.; Wang, L.; Yang, Q. Bike Flow Prediction with Multi-Graph Convolutional Networks. In Proceedings of the 26th ACM SIGSPATIAL International Conference on Advances in Geographic Information Systems, Seattle WA, USA, 6–9 November 2018; pp. 397–400. [Google Scholar]
  9. Du, B.; Peng, H.; Wang, S.; Bhuiyan, M.Z.A.; Wang, L.; Gong, Q.; Liu, L.; Li, J. Deep Irregular Convolutional Residual LSTM for Urban Traffic Passenger Flows Prediction. IEEE Trans. Intell. Transp. Syst. 2019, 21, 972–985. [Google Scholar] [CrossRef]
  10. Zhene, Z.; Hao, P.; Lin, L.; Guixi, X.; Du, B.; Bhuiyan, M.Z.A.; Long, Y.; Li, D. Deep Convolutional Mesh RNN for Urban Traffic Passenger Flows Prediction. In Proceedings of the 2018 IEEE SmartWorld, Ubiquitous Intelligence & Computing, Advanced & Trusted Computing, Scalable Computing & Communications, Cloud & Big Data Computing, Internet of People and Smart City Innovation (SmartWorld/SCALCOM/UIC/ATC/CBDCom/IOP/SCI); Guangzhou University: Guangzhou, China, 2018; pp. 1305–1310. [Google Scholar]
  11. Li, J.; Peng, H.; Liu, L.; Xiong, G.; Du, B.; Ma, H.; Wang, L.; Bhuiyan, M.Z.A. Graph CNNs for Urban Traffic Passenger Flows Prediction. In Proceedings of the 2018 IEEE SmartWorld, Ubiquitous Intelligence & Computing, Advanced & Trusted Computing, Scalable Computing & Communications, Cloud & Big Data Computing, Internet of People and Smart City Innovation (SmartWorld/SCALCOM/UIC/ATC/CBDCom/IOP/SCI); Guangzhou University: Guangzhou, China, 2018; pp. 29–36. [Google Scholar]
  12. Ye, J.; Sun, L.; Du, B.; Fu, Y.; Xiong, H. Coupled Layer-Wise Graph Convolution for Transportation Demand Prediction. arXiv 2020, arXiv:2012.08080. [Google Scholar]
  13. Du, B.; Hu, X.; Sun, L.; Liu, J.; Qiao, Y.; Lv, W. Traffic Demand Prediction Based on Dynamic Transition Convolutional Neural Network. IEEE Trans. Intell. Transp. Syst. 2020, 22, 1237–1247. [Google Scholar] [CrossRef]
  14. Bai, L.; Yao, L.; Kanhere, S.; Wang, X.; Sheng, Q. Stg2seq: Spatial-Temporal Graph to Sequence Model for Multi-Step Passenger Demand Forecasting. arXiv 2019, arXiv:1905.10069. [Google Scholar]
  15. Geng, X.; Li, Y.; Wang, L.; Zhang, L.; Yang, Q.; Ye, J.; Liu, Y. Spatiotemporal Multi-Graph Convolution Network for Ride-Hailing Demand Forecasting. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 3656–3663. [Google Scholar]
  16. Kipf, T.N.; Welling, M. Semi-Supervised Classification with Graph Convolutional Networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
  17. Shi, X.; Chen, Z.; Wang, H.; Yeung, D.-Y.; Wong, W.-K.; Woo, W. Convolutional LSTM Network: A Machine Learning Approach for Precipitation Nowcasting. Adv. Neural Inf. Process. Syst. 2015, 28. [Google Scholar]
  18. Chen, C.; Li, K.; Teo, S.G.; Zou, X.; Wang, K.; Wang, J.; Zeng, Z. Gated Residual Recurrent Graph Neural Networks for Traffic Prediction. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 485–492. [Google Scholar]
  19. Guo, S.; Lin, Y.; Feng, N.; Song, C.; Wan, H. Attention Based Spatial-Temporal Graph Convolutional Networks for Traffic Flow Forecasting. In Proceedings of the AAAI Conference on Artificial Intelligence, Honolulu, HI, USA, 27 January–1 February 2019; Volume 33, pp. 922–929. [Google Scholar]
  20. Zhang, X.; Haghani, A.; Yang, S. Is Dynamic Traffic Sensor Network Profitable for Network-Level Real-Time Information Prediction? Transp. Res. Part C Emerg. Technol. 2019, 102, 32–59. [Google Scholar] [CrossRef]
  21. Berndt, D.J.; Clifford, J. Using Dynamic Time Warping to Find Patterns in Time Series. In Proceedings of the KDD Workshop, Seattle, WA, USA, 31 July 1994; Volume 10, pp. 359–370. [Google Scholar]
  22. Moreira-Matias, L.; Gama, J.; Ferreira, M.; Damas, L. A Predictive Model for the Passenger Demand on a Taxi Network. In Proceedings of the 2012 15th International IEEE Conference on Intelligent Transportation Systems, Anchorage, AK, USA, 16–19 September 2012; pp. 1014–1019. [Google Scholar]
  23. Carrese, S.; Cipriani, E.; Mannini, L.; Nigro, M. Dynamic Demand Estimation and Prediction for Traffic Urban Networks Adopting New Data Sources. Transp. Res. Part C Emerg. Technol. 2017, 81, 83–98. [Google Scholar] [CrossRef]
  24. Davis, G.A.; Nihan, N.L. Using Time-Series Designs to Estimate Changes in Freeway Level of Service, despite Missing Data. Transp. Res. Part A Gen. 1984, 18, 431–438. [Google Scholar] [CrossRef]
  25. Vanajakshi, L.; Rilett, L.R. Support Vector Machine Technique for the Short Term Prediction of Travel Time. In Proceedings of the 2007 IEEE Intelligent Vehicles Symposium, Istanbul, Turkey, 13–15 June 2007; pp. 600–605. [Google Scholar]
  26. Pang, J.; Huang, J.; Du, Y.; Yu, H.; Huang, Q.; Yin, B. Learning to Predict Bus Arrival Time from Heterogeneous Measurements via Recurrent Neural Network. IEEE Trans. Intell. Transp. Syst. 2018, 20, 3283–3293. [Google Scholar] [CrossRef]
  27. Xu, J.; Rahmatizadeh, R.; Bölöni, L.; Turgut, D. Real-Time Prediction of Taxi Demand Using Recurrent Neural Networks. IEEE Trans. Intell. Transp. Syst. 2017, 19, 2572–2581. [Google Scholar] [CrossRef]
  28. Zhang, J.; Zheng, Y.; Qi, D. Deep Spatio-Temporal Residual Networks for Citywide Crowd Flows Prediction. In Proceedings of the Thirty-First AAAI Conference on Artificial Intelligence, San Francisco, CA, USA, 4–9 February 2017. [Google Scholar]
  29. Zhang, J.; Zheng, Y.; Sun, J.; Qi, D. Flow Prediction in Spatio-Temporal Networks Based on Multitask Deep Learning. IEEE Trans. Knowl. Data Eng. 2019, 32, 468–478. [Google Scholar] [CrossRef]
  30. Wu, Y.; Tan, H.; Qin, L.; Ran, B.; Jiang, Z. A Hybrid Deep Learning Based Traffic Flow Prediction Method and Its Understanding. Transp. Res. Part C Emerg. Technol. 2018, 90, 166–180. [Google Scholar] [CrossRef]
  31. Yao, H.; Wu, F.; Ke, J.; Tang, X.; Jia, Y.; Lu, S.; Gong, P.; Ye, J.; Li, Z. Deep Multi-View Spatial-Temporal Network for Taxi Demand Prediction. In Proceedings of the AAAI Conference on Artificial Intelligence, New Orleans, LA, USA, 2–7 February 2018; Volume 32. [Google Scholar]
  32. Yu, B.; Yin, H.; Zhu, Z. Spatio-Temporal Graph Convolutional Networks: A Deep Learning Framework for Traffic Forecasting. arXiv 2017, arXiv:1709.04875. [Google Scholar]
  33. Zhao, L.; Song, Y.; Zhang, C.; Liu, Y.; Wang, P.; Lin, T.; Deng, M.; Li, H. T-Gcn: A Temporal Graph Convolutional Network for Traffic Prediction. IEEE Trans. Intell. Transp. Syst. 2019, 21, 3848–3858. [Google Scholar] [CrossRef] [Green Version]
  34. Chen, Z.; Zhao, B.; Wang, Y.; Duan, Z.; Zhao, X. Multitask Learning and GCN-Based Taxi Demand Prediction for a Traffic Road Network. Sensors 2020, 20, 3776. [Google Scholar] [CrossRef] [PubMed]
  35. Sun, J.; Zhang, J.; Li, Q.; Yi, X.; Liang, Y.; Zheng, Y. Predicting Citywide Crowd Flows in Irregular Regions Using Multi-View Graph Convolutional Networks. IEEE Trans. Knowl. Data Eng. 2020. [Google Scholar] [CrossRef]
  36. Zhang, K.; Feng, Z.; Chen, S.; Huang, K.; Wang, G. A Framework for Passengers Demand Prediction and Recommendation. In Proceedings of the 2016 IEEE International Conference on Services Computing (SCC), San Francisco, CA, USA, 27 June–2 July 2016; pp. 340–347. [Google Scholar]
  37. Sankar, A.; Wu, Y.; Gou, L.; Zhang, W.; Yang, H. Dysat: Deep Neural Representation Learning on Dynamic Graphs via Self-Attention Networks. In Proceedings of the 13th International Conference on Web Search and Data Mining, Houston, TX, USA, 3–7 February 2020; pp. 519–527. [Google Scholar]
  38. Pareja, A.; Domeniconi, G.; Chen, J.; Ma, T.; Suzumura, T.; Kanezashi, H.; Kaler, T.; Schardl, T.; Leiserson, C. Evolvegcn: Evolving Graph Convolutional Networks for Dynamic Graphs. In Proceedings of the AAAI Conference on Artificial Intelligence, New York, NY, USA, 7–12 February 2020; Volume 34, pp. 5363–5370. [Google Scholar]
  39. Ma, Y.; Guo, Z.; Ren, Z.; Tang, J.; Yin, D. Streaming Graph Neural Networks. In Proceedings of the 43rd International ACM SIGIR Conference on Research and Development in Information Retrieval, Xi’an, China, 25–30 July 2020; pp. 719–728. [Google Scholar]
  40. Xu, D.; Ruan, C.; Korpeoglu, E.; Kumar, S.; Achan, K. Inductive Representation Learning on Temporal Graphs. arXiv 2020, arXiv:2002.07962. [Google Scholar]
  41. Trivedi, R.; Farajtabar, M.; Biswal, P.; Zha, H. Dyrep: Learning Representations over Dynamic Graphs. In Proceedings of the International Conference on Learning Representations, New Orleans, LA, USA, 6–9 May 2019. [Google Scholar]
Figure 1. The framework of the HDGCN model.
Figure 1. The framework of the HDGCN model.
Sensors 22 05982 g001
Figure 2. The framework of the dynamic graph convolution module.
Figure 2. The framework of the dynamic graph convolution module.
Sensors 22 05982 g002
Figure 3. (a) The division of 63 regions in the research area (Number from NTAs); (b) the hourly taxi demand of one week (8 to 14 March 2021); (c) the hourly taxi demand of one day (8 March 2021).
Figure 3. (a) The division of 63 regions in the research area (Number from NTAs); (b) the hourly taxi demand of one week (8 to 14 March 2021); (c) the hourly taxi demand of one day (8 March 2021).
Sensors 22 05982 g003
Figure 4. Modeling performance for days of the week (17 to 24 June 2021).
Figure 4. Modeling performance for days of the week (17 to 24 June 2021).
Sensors 22 05982 g004
Figure 5. Heat maps of spatial distribution of HDGCN’s RMSE at different time periods: (a) 9:00; (b) 18:00; (c) 22:00.
Figure 5. Heat maps of spatial distribution of HDGCN’s RMSE at different time periods: (a) 9:00; (b) 18:00; (c) 22:00.
Sensors 22 05982 g005
Figure 6. Visualization of the prediction results and actual travel demand based on HDGCN model in different regions within the study area: (a) VendorID 43; (b) VendorID 73; (c) VendorID 140; (d) VendorID 233.
Figure 6. Visualization of the prediction results and actual travel demand based on HDGCN model in different regions within the study area: (a) VendorID 43; (b) VendorID 73; (c) VendorID 140; (d) VendorID 233.
Sensors 22 05982 g006
Figure 7. Performance comparison of different model at different length of prediction periods: (a) MAE; (b) MAPE; (c) RMSE.
Figure 7. Performance comparison of different model at different length of prediction periods: (a) MAE; (b) MAPE; (c) RMSE.
Sensors 22 05982 g007
Figure 8. Performance comparison of the HDGCN model and its variants at different epochs on the validation set: (a) MAE; (b) MAPE; (c) RMSE.
Figure 8. Performance comparison of the HDGCN model and its variants at different epochs on the validation set: (a) MAE; (b) MAPE; (c) RMSE.
Sensors 22 05982 g008
Table 1. Performance comparison of different methods.
Table 1. Performance comparison of different methods.
MethodsMAEMAPE (%)RMSE
ARIMA6.8434.8211.15
SVR5.0923.708.37
XGBoost5.5827.939.82
MLP5.1825.438.25
GRU4.9324.658.13
GCN5.6530.148.98
DCRNN4.5721.277.43
T-GCN4.4420.167.32
STGCN4.4120.537.14
DySAT4.6521.997.61
DHGCN3.9517.606.21
Table 2. RMSE performance of HDGCN modeling results during different time periods.
Table 2. RMSE performance of HDGCN modeling results during different time periods.
Observation AreaDifferent Travel DaysDifferent Times of Weekdays
WeekdaysWeekends9:0014:00
VendorID 435.826.084.874.93
VendorID 736.298.344.83.33
VendorID 1405.545.887.425.56
VendorID 2336.176.536.195.56
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Zhao, J.; Kong, W.; Zhou, M.; Zhou, T.; Xu, Y.; Li, M. Prediction of Urban Taxi Travel Demand by Using Hybrid Dynamic Graph Convolutional Network Model. Sensors 2022, 22, 5982. https://doi.org/10.3390/s22165982

AMA Style

Zhao J, Kong W, Zhou M, Zhou T, Xu Y, Li M. Prediction of Urban Taxi Travel Demand by Using Hybrid Dynamic Graph Convolutional Network Model. Sensors. 2022; 22(16):5982. https://doi.org/10.3390/s22165982

Chicago/Turabian Style

Zhao, Jinbao, Weichao Kong, Meng Zhou, Tianwei Zhou, Yuejuan Xu, and Mingxing Li. 2022. "Prediction of Urban Taxi Travel Demand by Using Hybrid Dynamic Graph Convolutional Network Model" Sensors 22, no. 16: 5982. https://doi.org/10.3390/s22165982

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