A Hybrid GLM Model for Predicting Citywide Spatio-Temporal Metro Passenger Flow
Abstract
:1. Introduction
- Most graph-structure-based approaches are based on the Graph Conventional Network (GCN) [11], which is operated in the spectral domain. Due to the use of the Laplacian matrix, GCN requires the network to be symmetric. However, there always exists some asymmetric networks in a city. The network in a city whose graph structure is asymmetric can be defined as an asymmetric network. For example, a road network with one-way and two-way streets can be described as an asymmetric network. A GCN-based structure cannot be used in this case.
- Most graph-structure-based methods ignore the improvement of the adjacent matrix. In other words, they only care about the effect of the adjacent nodes but ignore the nodes located a little further.
- Some graph-structure-based models only capture the spatial dependency but ignore the temporal dependency and external factors.
- We propose a hybrid graph-structure-based model to predict the short-term metro passenger flow. The GAT structure in the proposed model can capture the complex topological dependency. Besides, GAT puts more focus on nodes, which means it can solve the problem that GCN cannot be used in asymmetric networks. Moreover, we improve the adjacent matrix in the GAT structure for modeling the nodes located a little further.
- We construct a novel framework to jointly model the spatial, dynamic temporal and external dependencies in metro flow volume data. Specifically, we stack graph-structure-based layers based on GAT, recurrent layers based on LSTM and an output layer based on fully connected neural networks in the proposed model.
- We conduct extensive experiments using a real-world traffic dataset. The results show that the hybrid GLM reduces the prediction error by approximately 6% to 10% as compared to the best baseline.
- The motivation behind the hybrid GLM is to effectively and accurately predict the short-term metro passenger flow in cities that could help urban managers to improve traffic efficiency. Passenger flow prediction enables a variety of intelligent applications. It can help citizens to plan routes and schedule departure times. Moreover, the hybrid GLM brings new opportunities to artificial intelligence (AI) techniques on the construction of ITS, which is beneficial for building smart cities in a new era.
2. Related Work
2.1. Statistical Methods
2.2. Machine Learning Methods
2.3. Deep Learning Methods
2.4. Summary
3. Preliminary
3.1. Problem Definition
3.2. Principle of GAT
3.3. Principle of LSTM
- input gate:
- forget gate:
- output gate:
4. Model Development
4.1. Branches 1–3: Spatial Dependency
4.2. Branch 4: Temporal Dependency
4.3. Branch 5: External Influence
4.4. Feature Fusion
4.5. Model Training
5. Case Study
5.1. Experiment Data
5.2. Evaluation Metrics
5.3. Environment and Training Settings
5.4. Baseline Models
- KNN: K-nearest neighbor (KNN) regression [55] is a commonly used method in nonparametric regression. We also employ PCA to select the principal components before inputting the data into KNN;
- RSVR: A typical machine learning method [20]. The kernel of SVR in scikit-learn is set as a radial-basis function (RSVR);
- LSTM: Long short-term-memory (LSTM) networks [50]. LSTM is a special kind of RNNs, which is capable of learning long-term temporal dependencies. The model consists of two stacked LSTM layers and one fully-connected layer;
- CNN: A convolutional neural network (CNN) [56], which transforms the metro-network-based passenger flow into a two-dimensional image. The vertical axis represents the metro stations, the horizontal axis represents time;
- ResNet: A model combined with CNN and ResUnit (ResNet) [41]. It was used in the traffic field once. However, we do not embed the external factors in our study;
- STGCN: A model that generalizes CNNs to non-Euclidean data, which is used in the spectral domain with graph Fourier transforms. In our study, we utilize the spatio-temporal graph conventional networks (STGCN) proposed by Han [57] as a baseline model;
- GAT: Graph attention networks (GAT) [12]. GAT is a kind of graph neural networks, which can analyze the topological relations of nodes. Two graph attention layers are used in the model;
- GLM_NoE: We delete Branch 5 in the hybrid GLM;
- GLM_NoIA: We only use the traditional adjacent matrix as a mask layer compared with the hybrid GLM.
5.5. Results and Discussion
5.5.1. Different Networks Prediction Performance
5.5.2. Prediction Results of a Specific Metro Station
5.5.3. Prediction Performance in Different TIs
5.6. Parameters Tuning
5.6.1. Lengths of the Different Input Patterns
5.6.2. Number of Hidden Layers
5.6.3. Number of Hidden Neuron Units
6. Conclusions and Future Work
Author Contributions
Funding
Institutional Review Board Statement
Informed Consent Statement
Data Availability Statement
Acknowledgments
Conflicts of Interest
References
- Zhu, D.; Huang, Z.; Shi, L.; Wu, L.; Liu, Y. Inferring spatial interaction patterns from sequential snapshots of spatial distributions. Int. J. Geogr. Inf. Sci. 2018, 32, 783–805. [Google Scholar] [CrossRef]
- Wei, Y.; Chen, M.C. Forecasting the short-term metro passenger flow with empirical mode decomposition and neural networks. Transp. Res. Part C Emerg. Technol. 2012, 21, 148–162. [Google Scholar] [CrossRef]
- Dhall, D.; Kaur, R.; Juneja, M. Machine Learning: A Review of the Algorithms and Its Applications. In Proceedings of the ICRIC 2019, Cham, Switzerland, 2019; pp. 47–63. [Google Scholar]
- Sha, S.; Li, J.; Zhang, K.; Yang, Z.; Wei, Z.; Li, X.; Zhu, X. RNN-Based Subway Passenger Flow Rolling Prediction. IEEE Access 2020, 8, 15232–15240. [Google Scholar] [CrossRef]
- Yang, D.; Yang, H.; Wang, P.; Li, S. Multi-Step Traffic Flow Prediction Using Recurrent Neural Network. In Proceedings of the 2019 IEEE International Conferences on Ubiquitous Computing & Communications (IUCC) and Data Science and Computational Intelligence (DSCI) and Smart Computing, Networking and Services (SmartCNS), Shenyang, China, 21–23 October 2019; pp. 803–808. [Google Scholar]
- Qiao, Y.; Wang, Y.; Ma, C.; Yang, J. Short-term traffic flow prediction based on 1DCNN-LSTM neural network structure. Mod. Phys. Lett. B 2020, 35, 2150042. [Google Scholar] [CrossRef]
- Ren, Y.B.; Chen, H.F.; Han, Y.; Cheng, T.; Zhang, Y.; Chen, G. A hybrid integrated deep learning model for the prediction of citywide spatio-temporal flow volumes. Int. J. Geogr. Inf. Sci. 2020, 34, 802–823. [Google Scholar] [CrossRef]
- 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] [CrossRef] [Green Version]
- Lv, M.; Hong, Z.; Chen, L.; Chen, T.; Zhu, T.; Ji, S. Temporal Multi-Graph Convolutional Network for Traffic Flow Prediction. IEEE Trans. Intell. Transp. 2020, 1–12. [Google Scholar] [CrossRef]
- Ye, J.; Zhao, J.; Ye, K.; Xu, C. Multi-STGCnet: A Graph Convolution Based Spatial-Temporal Framework for Subway Passenger Flow Forecasting. In Proceedings of the 2020 International Joint Conference on Neural Networks (IJCNN), Glasgow, UK, 19–24 July 2020; pp. 1–8. [Google Scholar]
- Defferrard, M.; Bresson, X.; Vandergheynst, P. Convolutional neural networks on graphs with fast localized spectral filtering. In Proceedings of the 30th International Conference on Neural Information Processing Systems, Barcelona, Spain, 5–10 December 2016; pp. 3844–3852. [Google Scholar]
- Velickovic, P.; Cucurull, G.; Casanova, A.; Romero, A.; Liò, P.; Bengio, Y. Graph Attention Networks. arXiv 2017, arXiv:1710.10903. [Google Scholar]
- Liu, S.Y.; Liu, S.; Tian, Y.; Sun, Q.L.; Tang, Y.Y. Research on Forecast of Rail Traffic Flow Based on ARIMA Model. J. Phys. Conf. Ser. 2021, 1792, 012065. [Google Scholar] [CrossRef]
- Cheng, T.; Wang, J.; Haworth, J.; Heydecker, B.; Chow, A. A Dynamic Spatial Weight Matrix and Localized Space—Time Autoregressive Integrated Moving Average for Network Modeling. Geogr. Anal. 2014, 46, 75–97. [Google Scholar] [CrossRef]
- Milenković, M.; Švadlenka, L.; Melichar, V.; Bojović, N.; Avramović, Z. SARIMA modelling approach for railway passenger flow forecasting. Transp. Vilnius 2018, 33, 1113–1120. [Google Scholar] [CrossRef] [Green Version]
- Smith, B.L.; Williams, B.M.; Keith Oswald, R. Comparison of parametric and nonparametric models for traffic flow forecasting. Transp. Res. Part C Emerg. Technol. 2002, 10, 303–321. [Google Scholar] [CrossRef]
- Jiao, P.; Li, R.; Sun, T.; Hou, Z.; Ibrahim, A. Three Revised Kalman Filtering Models for Short-Term Rail Transit Passenger Flow Prediction. Math. Probl. Eng. 2016, 2016, 9717582. [Google Scholar] [CrossRef] [Green Version]
- Ding, C.; Duan, J.; Zhang, Y.; Wu, X.; Yu, G. Using an ARIMA-GARCH Modeling Approach to Improve Subway Short-Term Ridership Forecasting Accounting for Dynamic Volatility. IEEE Trans. Intell. Transp. 2018, 19, 1054–1064. [Google Scholar] [CrossRef]
- Liang, S.; Ma, M.; He, S.; Zhang, H. Short-Term Passenger Flow Prediction in Urban Public Transport: Kalman Filtering Combined K-Nearest Neighbor Approach. IEEE Access 2019, 7, 120937–120949. [Google Scholar] [CrossRef]
- Suthaharan, S. Support Vector Machine. In Machine Learning Models and Algorithms for Big Data Classification: Thinking with Examples for Effective Learning; Suthaharan, S., Ed.; Springer: Boston, MA, USA, 2016; pp. 207–235. [Google Scholar] [CrossRef]
- Wang, X.; Zhang, N.; Zhang, Y.; Shi, Z. Forecasting of Short-Term Metro Ridership with Support Vector Machine Online Model. J. Adv. Transp. 2018, 2018, 3189238. [Google Scholar] [CrossRef]
- Zhang, Y.; Liu, Y. Traffic forecasting using least squares support vector machines. Transportmetrica 2009, 5, 193–213. [Google Scholar] [CrossRef]
- Sun, Y.X.; Leng, B.; Guan, W. A novel wavelet-SVM short-time passenger flow prediction in Beijing subway system. Neurocomputing 2015, 166, 109–121. [Google Scholar] [CrossRef]
- Chen, Q.A.; Li, W.Q.; Zhao, J.H. The Use of Ls-Svm for Short-Term Passenger Flow Prediction. Transp. Vilnius 2011, 26, 5–10. [Google Scholar] [CrossRef]
- Li, W.; Sui, L.; Zhou, M.; Dong, H. Short-term passenger flow forecast for urban rail transit based on multi-source data. Eurasip. J. Wirel. Commun. Netw. 2021, 2021, 9. [Google Scholar] [CrossRef]
- Cao, C.; Xu, J. Short-Term Traffic Flow Predication Based on PSO-SVM. In Proceedings of the First International Conference on Transportation Engineering, Chengdu, China, 22–24 July 2007; pp. 167–172. [Google Scholar]
- Roos, J.; Bonnevay, S.; Gavin, G. Short-Term Urban Rail Passenger Flow Forecasting: A Dynamic Bayesian Network Approach. In Proceedings of the 2016 15th IEEE International Conference on Machine Learning and Applications (ICMLA), Anaheim, CA, USA, 18–20 December 2016; pp. 1034–1039. [Google Scholar]
- Liu, L.; Chen, R.-C.; Zhao, Q.; Zhu, S. Applying a multistage of input feature combination to random forest for improving MRT passenger flow prediction. J. Ambient. Intell. Humaniz. Comput. 2019, 10, 4515–4532. [Google Scholar] [CrossRef]
- Zhang, S.; Liu, Z.; Shen, F.; Wang, S.; Yang, X. A prediction model of buses passenger flow based on neural networks. J. Phys. Conf. Ser. 2020, 1656, 012002. [Google Scholar] [CrossRef]
- Bai, J.; He, M.; Shuai, C. Short-Term Passenger Flow Forecast in Urban Rail Transit Based on Enhanced K-Nearest Neighbor Approach. CICTP 2019, 2019, 1695–1706. [Google Scholar]
- Paul, S.; Singh, L. A review on advances in deep learning. In Proceedings of the 2015 IEEE Workshop on Computational Intelligence: Theories, Applications and Future Directions (WCI), Kanpur, India, 14–17 December 2015; pp. 1–6. [Google Scholar]
- Connor, J.T.; Martin, R.D.; Atlas, L.E. Recurrent neural networks and robust time series prediction. IEEE Trans. Neural Netw. 1994, 5, 240–254. [Google Scholar] [CrossRef] [Green Version]
- Zhang, J.L.; Chen, F.; Shen, Q. Cluster-Based LSTM Network for Short-Term Passenger Flow Forecasting in Urban Rail Transit. IEEE Access 2019, 7, 147653–147671. [Google Scholar] [CrossRef]
- Cho, K.; Merrienboer, B.V.; Gulcehre, C.; Ba Hdanau, D.; Bougares, F.; Schwenk, H.; Bengio, Y. Learning Phrase Representations using RNN Encoder-Decoder for Statistical Machine Translation. arXiv 2014, arXiv:1406.1078. [Google Scholar]
- Zhao, Z.; Chen, W.; Wu, X.; Chen, P.C.; Liu, J. LSTM network: A deep learning approach for short-term traffic forecast. IET Intell. Transp. Syst. 2017, 11, 68–75. [Google Scholar] [CrossRef] [Green Version]
- Zhang, D.; Kabuka, M.R. Combining Weather Condition Data to Predict Traffic Flow: A GRU Based Deep Learning Approach. IET Intell. Transp. Syst. 2018, 12, 578–585. [Google Scholar] [CrossRef]
- Han, Y.; Wang, C.; Ren, Y.; Wang, S.; Zheng, H.; Chen, G. Short-Term Prediction of Bus Passenger Flow Based on a Hybrid Optimized LSTM Network. ISPRS Int. J. Geo-Inf. 2019, 8, 366. [Google Scholar] [CrossRef] [Green Version]
- 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; pp. 2520–2526. [Google Scholar]
- Krizhevsky, A.; Sutskever, I.; Hinton, G.E. ImageNet Classification with Deep Convolutional Neural Networks. Commun. ACM 2012, 25, 1097–1105. [Google Scholar]
- Zhang, J.; Zheng, Y.; Qi, D.; Li, R.; Yi, X. DNN-based prediction model for spatio-temporal data. In Proceedings of the 24th ACM SIGSPATIAL International Conference on Advances in Geographic Information Systems, Burlingame, CA, USA, 31 October–3 November 2016; p. 92. [Google Scholar]
- Zhang, J.B.; Zheng, Y.; Qi, D.K.; Li, R.Y.; Yi, X.W.; Li, T.R. Predicting citywide crowd flows using deep spatio-temporal residual networks. Artif. Intell. 2018, 259, 147–166. [Google Scholar] [CrossRef] [Green Version]
- Yu, F.; Wei, D.; Zhang, S.; Shao, Y. 3D CNN-based Accurate Prediction for Large-scale Traffic Flow. In Proceedings of the 2019 4th International Conference on Intelligent Transportation Engineering (ICITE), Singapore, 5–7 September 2019; pp. 99–103. [Google Scholar]
- Bruna, J.; Zaremba, W.; Szlam, A.; Lecun, Y. Spectral Networks and Locally Connected Networks on Graphs. arXiv 2013, arXiv:1312.6203. [Google Scholar]
- Kipf, T.N.; Welling, M. Semi-supervised classification with graph convolutional networks. arXiv 2016, arXiv:1609.02907. [Google Scholar]
- 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]
- 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. 2020, 21, 3848–3858. [Google Scholar] [CrossRef] [Green Version]
- Zhang, J.L.; Chen, F.; Guo, Y.A.; Li, X.H. Multi-graph convolutional network for short-term passenger flow forecasting in urban rail transit. IET Intell. Transp. Syst. 2020, 14, 1210–1217. [Google Scholar] [CrossRef]
- Zhang, J.; Chen, F.; Cui, Z.; Guo, Y.; Zhu, Y. Deep Learning Architecture for Short-Term Passenger Flow Forecasting in Urban Rail Transit. IEEE Trans. Intell. Transp. 2020, 1–11. [Google Scholar] [CrossRef]
- Huang, Y.; Bi, H.; Li, Z.; Mao, T.; Wang, Z. STGAT: Modeling Spatial-Temporal Interactions for Human Trajectory Prediction. In Proceedings of the 2019 IEEE/CVF International Conference on Computer Vision (ICCV), Seoul, Korea, 27 October–2 November 2019; pp. 6271–6280. [Google Scholar]
- Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef] [PubMed]
- Daldal, N.; Sengur, A.; Polat, K.; Cömert, Z. A novel demodulation system for base band digital modulation signals based on the deep long short-term memory model. Appl. Acoust. 2020, 166, 107346. [Google Scholar] [CrossRef]
- Goodfellow, I.; Bengio, Y.; Courville, A.; Bengio, Y. Deep Learning; MIT Press: Cambridge, UK, 2016; Volume 1. [Google Scholar]
- Ober, P.B. Introduction to linear regression analysis. J. R. Stat. Soc. 2010, 40, 2775–2776. [Google Scholar] [CrossRef]
- Xu, Y.; Li, D. Incorporating Graph Attention and Recurrent Architectures for City-Wide Taxi Demand Prediction. ISPRS Int. J. Geo-Inf. 2019, 8, 414. [Google Scholar] [CrossRef] [Green Version]
- Zhang, L.; Liu, Q.; Yang, W.; Wei, N.; Dong, D. An Improved K-nearest Neighbor Model for Short-term Traffic Flow Prediction. Procedia Soc. Behav. Sci. 2013, 96, 653–662. [Google Scholar] [CrossRef] [Green Version]
- Ma, X.; Dai, Z.; He, Z.; Ma, J.; Wang, Y.; Wang, Y. Learning Traffic as Images: A Deep Convolutional Neural Network for Large-Scale Transportation Network Speed Prediction. Sensors 2017, 17, 818. [Google Scholar] [CrossRef] [PubMed] [Green Version]
- Han, Y.; Wang, S.K.; Ren, Y.B.; Wang, C.; Gao, P.; Chen, G. Predicting Station-Level Short-Term Passenger Flow in a Citywide Metro Network Using Spatiotemporal Graph Convolutional Neural Networks. ISPRS Int. J. Geo-Inf. 2019, 8, 243. [Google Scholar] [CrossRef] [Green Version]
- Landassuri-Moreno, V.M.; Bustillo-Hernández, C.L.; Carbajal-Hernández, J.J.; Fernández, L.P.S. Single-Step-Ahead and Multi-Step-Ahead Prediction with Evolutionary Artificial Neural Networks. In Proceedings of the Progress in Pattern Recognition, Image Analysis, Computer Vision, and Applications, Havana, Cuba, 20–23 November 2013; pp. 65–72. [Google Scholar]
Date/Time | Highest (°C) | Lowest (°C) | Holiday | RainyDay | AQI | PM2.5 | PM10 | SO2 | NO2 | O3 | CO |
---|---|---|---|---|---|---|---|---|---|---|---|
1 April 2015/6:00 | 24 | 17 | No | Yes | 113.11 | 85.00 | 94.67 | 18.22 | 85.78 | 12.33 | 1.44 |
1 April 2015/7:00 | 24 | 17 | No | Yes | 115.44 | 87.00 | 101.44 | 19.33 | 88.11 | 14.00 | 1.57 |
1 April 2015/8:00 | 24 | 17 | No | No | 124.89 | 94.44 | 105.89 | 23.67 | 97.00 | 17.44 | 1.44 |
1 April 2015/9:00 | 24 | 17 | No | No | 116.11 | 87.56 | 82.89 | 26.11 | 83.33 | 32.11 | 1.20 |
1 April 2015/10:00 | 24 | 17 | No | Yes | 84.33 | 62.11 | 58.89 | 25.67 | 74.11 | 50.33 | 1.02 |
Cardnum | Date | Time | Linename | Business | Figure | Attribute |
---|---|---|---|---|---|---|
602141128 | 2015-04-01 | 09:07:57 | No.11 East Changji Road | subway | 6.0 | no discounts |
2201252167 | 2015-04-01 | 19:20:33 | No.7 Changzhong Road | subway | 4.0 | no discounts |
2201252167 | 2015-04-01 | 08:55:44 | No.1 South Shanxi Road | subway | 4.0 | no discounts |
2201252167 | 2015-04-01 | 18:43:14 | No.1 South Shanxi Road | subway | 0.0 | no discounts |
2201252167 | 2015-04-01 | 08:19:00 | No.7 Shangda Road | subway | 0.0 | no discounts |
602141128 | 2015-04-01 | 09:07:57 | No.11 East Changji Road | subway | 6.0 | no discounts |
Field Name | Description | Field Type |
---|---|---|
Cardnum | Unique number for each card | varchar |
Date | Detailed date of transaction | datetime |
Time | Detailed time of transaction | datetime |
Linename | Unique number of metro and name of metro station | varchar |
Business | Travel way of trip | varchar |
Figure | Price of trip | float |
Attribute | Discount or not | varchar |
Items | Parameters |
---|---|
OS | Windows 10 |
Memory | 16GB |
CPU | Inter® Core(TM) i5-8500 CPU @3.00GHz |
GPU | NVIDIA GeoForce GTX 1050Ti |
CUDA version | 10.2 |
cuDNN version | 10.2 |
Keras version | 2.1.5 |
TensorFlow version | 1.14.0 |
scikit-learn version | 0.23.2 |
Abbreviation | Item | Abbreviation | Item |
---|---|---|---|
LR | Linear Regression | ResNet | Networks with ResUnit |
KNN | K-Nearest Neighbor | STGCN | Spatio-emporal Graph Convention Networks |
RSVR | Support Vector Regression with Radial-basis Function | GAT | Graph Attention Networks |
LSTM | Long Short-Term-Memory | GLM_NoE | GAT and LSTM Model without External Factors |
CNN | Convolutional Neural Network | GLM_NoIA | GAT and LSTM Model without Improved Adjacent Matrix |
No. | Model | Optimal Hyperparameters | RMSE | MAPE (%) |
---|---|---|---|---|
1 | LR | FNDense = 578 | 52.18 | 13.08 |
2 | CNN | FNCNN1 = 256, FNCNN2 = 128, FNCNN3 = 64, FNCNN4 = 4, DCNN = 4, LC = 7, LD = 1, LW = 1 | 47.64 | 12.67 |
3 | ResNet | FNResNet = 128, DResNet = 2, LC = 7, LD = 1, LW = 1 | 45.92 | 12.42 |
4 | GAT | FNGAT1 = 6, FNGAT1 = 2, DGAT = 2, K = 12, LC = 7, LD = 1, LW = 1 | 44.28 | 11.72 |
5 | KNN | Neighbors = 5, LC = 7, LD = 1, LW = 1 | 40.55 | 10.12 |
6 | RSVR | KernelSVR = rbf, LC = 7, LD = 1, LW = 1 | 37.67 | 9.55 |
7 | LSTM | FNLSTM1 = 600, FNLSTM2 = 600, DLSTM = 2, LC = 7, LD = 1, LW = 1 | 36.27 | 10.38 |
8 | STGCN | FNGCN = 578, DGCN = 5, Ks = 3, LC = 7, LD = 1, LW = 1 | 33.60 | 9.55 |
9 | GLM_NoIA | FNGAT1 = 6, FNGAT1 = 2, DGAT = 2, K = 12, FNLSTM1 = 600, FNLSTM2 = 600, DLSTM = 2, LC = 7, LD = 1, LW = 1 | 34.43 | 9.81 |
10 | GLM_NoE | FNGAT1 = 6, FNGAT1 = 2, DGAT = 2, K = 12, FNLSTM1 = 600, FNLSTM2 = 600, DLSTM = 2, LC = 7, LD = 1, LW =1 | 32.64 | 9.90 |
11 | GLM | FNGAT1 = 6, FNGAT1 = 2, DGAT = 2, K = 12, FNLSTM1 = 600, FNLSTM2 = 600, DLSTM = 2, LC = 7, LD = 1, LW = 1 | 31.42 | 9.43 |
Model | Rush Hours (7:00–9:00; 11:00–13:00; 17:00–19:00) | Non-Rush Hours (6:40–7:00; 9:00–11:00; 13:00–17:00; 19:00–23:00) | ||
---|---|---|---|---|
Inflow | Outflow | Inflow | Outflow | |
STGCN | 34.90 | 43.03 | 24.15 | 30.65 |
the hybrid GLM | 31.89 | 38.70 | 23.91 | 32.32 |
No. | TI | 10 min | 15 min | 20 min | 30 min | ||||
---|---|---|---|---|---|---|---|---|---|
Model | RMSE | MAPE | RMSE | MAPE | RMSE | MAPE | RMSE | MAPE | |
1 | LR | 52.18 | 13.08 | 86.46 | 15.51 | 85.54 | 12.87 | 127.09 | 11.33 |
2 | CNN | 47.64 | 12.67 | 82.48 | 12.53 | 82.44 | 9.56 | 124.51 | 9.07 |
3 | ResNet | 45.92 | 12.42 | 79.35 | 12.03 | 72.34 | 8.94 | 109.00 | 7.85 |
4 | GAT | 44.28 | 11.72 | 77.98 | 11.84 | 70.27 | 8.55 | 106.28 | 7.55 |
5 | KNN | 41.31 | 10.63 | 59.11 | 8.97 | 71.78 | 7.39 | 92.81 | 10.12 |
6 | RSVR | 37.67 | 9.55 | 55.33 | 10.22 | 70.49 | 7.81 | 87.35 | 6.83 |
7 | LSTM | 36.27 | 10.38 | 57.85 | 10.28 | 59.12 | 8.59 | 83.95 | 7.58 |
8 | STGCN | 33.60 | 10.58 | 54.21 | 10.31 | 56.54 | 8.31 | 79.33 | 8.03 |
9 | GLM_NoIA | 34.43 | 9.81 | 51.68 | 9.79 | 53.72 | 8.52 | 76.14 | 8.10 |
10 | GLM_NoE | 32.64 | 9.90 | 48.77 | 10.01 | 58.04 | 9.44 | 78.27 | 8.77 |
11 | GLM | 31.42 | 9.43 | 50.33 | 10.23 | 51.01 | 8.28 | 70.63 | 7.79 |
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations. |
© 2021 by the authors. Licensee MDPI, Basel, Switzerland. This article is an open access article distributed under the terms and conditions of the Creative Commons Attribution (CC BY) license (https://creativecommons.org/licenses/by/4.0/).
Share and Cite
Han, Y.; Peng, T.; Wang, C.; Zhang, Z.; Chen, G. A Hybrid GLM Model for Predicting Citywide Spatio-Temporal Metro Passenger Flow. ISPRS Int. J. Geo-Inf. 2021, 10, 222. https://doi.org/10.3390/ijgi10040222
Han Y, Peng T, Wang C, Zhang Z, Chen G. A Hybrid GLM Model for Predicting Citywide Spatio-Temporal Metro Passenger Flow. ISPRS International Journal of Geo-Information. 2021; 10(4):222. https://doi.org/10.3390/ijgi10040222
Chicago/Turabian StyleHan, Yong, Tongxin Peng, Cheng Wang, Zhihao Zhang, and Ge Chen. 2021. "A Hybrid GLM Model for Predicting Citywide Spatio-Temporal Metro Passenger Flow" ISPRS International Journal of Geo-Information 10, no. 4: 222. https://doi.org/10.3390/ijgi10040222