GreenNav: Spatiotemporal Prediction of CO2 Emissions in Paris Road Traffic Using a Hybrid CNN-LSTM Model
Abstract
:1. Introduction
2. State of Art
2.1. Hybrid Models for Traffic Prediction
2.2. Comparative Analysis of CO2 Emission Prediction Models
2.3. Limitations and Weaknesses of the Analyzed Models
3. Research Methodology
3.1. Data Structure
- The first source is OpendataParis [27], an API that provides real-time information about Paris’s roads. These data include road names, locations, traffic flow, occupancy rate, road traffic conditions, and recording dates, offering an overview of the traffic status;
- The second data source is Google API [28], which provides additional important information such as road distances, average speeds, and speed limits, adding an essential dimension to our dataset;
- The third component is GreenNav Algo, our probabilistic algorithm for calculating the CO2 emission rate for each road in Paris. This algorithm allows us to generate precise estimates of CO2 emissions based on real-time traffic conditions;
- Finally, we use data from the Airparif API [29] and the Getambee API [30], which provide information on air quality in Paris. Additionally, the statistical algorithm developed by ADEME integrated into the Airparif platform allows us to calculate the CO2 emission rate between two specific positions [31]. By combining these different sources, we built a rich and diverse dataset essential for the training and performance of our hybrid CNN-LSTM model.
3.2. Description of the Hybrid CNN-LSTM Model
3.3. Structure of the Research Methodology
- Phase 1 Data Preprocessing: The first step in our methodology involves preparing and normalizing our dataset to ensure better learning by our models. We divided our dataset into two distinct sets: a temporal set and a spatial set:
- (a)
- Temporal Set for LSTM model: Contains temporal variables such as hour_sin, hour_cos, weekday_sin, weekday_cos, traffic flow (q), occupancy rate (k), distance, and traffic indicators (etat_trafic_*). These data allow modeling the temporal variations in CO2 emissions;
- (b)
- Spatial Set for CNN model: Includes spatial variables such as location_start_x, location_start_y, location_end_x, location_end_y, traffic flow (q), occupancy rate (k), distance, and traffic indicators (etat_trafic_*). These data capture the spatial relationships between different road segments. By separating the data into temporal and spatial sets, our two models can specialize in their respective domains, thus optimizing the learning process.
- Phase 2 Model Training: The second phase of our methodology involves training our models:
- (a)
- CNN Model: Designed to extract complex spatial features from our dataset;
- (b)
- LSTM Model: Designed to handle temporal dependencies in the data series.
We then divided our dataset into training and testing sets to feed our data into the training and testing phases of our hybrid model:- (a)
- Training Set: X_train_temporal, X_train_spatial, y_train;
- (b)
- Testing Set: X_test_temporal, X_test_spatial, y_test.
To leverage both models, we merged the outputs from each model to obtain a final prediction that combines spatial and temporal information. During the training phase, we relied on MSE as the loss function to evaluate and guide the optimization process of our model parameters. By systematically minimizing MSE, we ensure that our model continuously refines its predictions, converging towards a solution that better aligns with actual CO2 emission values. - Phase 3 Model Testing and Evaluation: After training our models, the final phase is testing their performance on a test dataset. These test data are randomly selected from the dataset to evaluate the model’s generalization. In this context, our task is a regression problem rather than a classification problem, so using a traditional accuracy metric (commonly employed in classification tasks) is inappropriate. Instead, we adopted the coefficient of determination (R2) as our main evaluation metric [33,34]. R2 is a standard measure for regression models that quantifies how well the predicted values approximate the real data. It represents the proportion of variance in the dependent variable that is predictable from the independent variables. Additionally, we employed statistical visualization tools to analyze learning errors and adjust our model accordingly [35,36,37]. This iterative process allows us to continually loop back to previous steps to enhance our model’s performance.
3.4. Description of Our Hybrid CNN-LSTM Model Architecture
- Temporal features include time, day of the week, traffic flow (q), occupancy rate (k), distance, and other traffic indicators (etat_trafic_*). An LSTM model processes them. This model consists of an input layer that takes sequences of variable length, followed by three successive LSTM layers with 50 units each, where the first layer returns the entire sequence, and the third layer returns only the last output. Each LSTM layer is followed by a dropout layer to reduce overfitting;
- Spatial features include start and end coordinates (location_start_x, location_start_y, location_end_x, location_end_y) and other spatial indicators. They are processed by a dense model simulating a CNN for vectors. This model starts with an input layer taking a feature vector, followed by a dense layer with 128 units and ReLU activation, another dense layer with 64 units and ReLU activation, and a dropout layer to prevent overfitting.
- Data Normalization: We normalized key quantitative variables (e.g., traffic flow q, occupancy rate k, and distance) and spatial coordinates as well as transformed temporal features (hour, day) into sinusoidal representations. This approach prevents any single variable from disproportionately influencing the training process and enhances the model’s stability and convergence;
- Missing Value Imputation: The initial dataset contained missing values, particularly for traffic flow and occupancy rate. We implemented a multi-tiered imputation strategy that combines linear interpolation, multivariate methods (MICE), and road network-based inference. This approach reconstructs coherent time series while preserving spatial and temporal consistency, ensuring that data gaps do not bias the model.
3.5. Testing and Performance Analysis of Our Hybrid CNN-LSTM Model
3.5.1. Introduction of Optimization Methods in Our Cyclic Optimization Phase
- Data Normalization: Data normalization is a crucial step in enhancing the learning of our CNN-LSTM model. We identified several important features to normalize:
- (a)
- Quantitative Features: Features such as traffic flow (q), occupancy rate (k), and distance were normalized to ensure they were on a comparable scale. This allowed us to reduce the magnitude of differences between these features, facilitating the learning process of our model;
- (b)
- Temporal Features: Temporal data, particularly hours and days of the week, were transformed into their sinusoidal representations (sine and cosine) to capture daily and weekly cycles. This transformation enabled the model to understand better and predict the temporal variations in CO2 emissions;
- (c)
- Location Coordinates: The start and end coordinates (location_start and loca-tion_end) were normalized to ensure a uniform scale. This allowed the model to process location data more effectively, reducing the effects of different geographical scales;
- (d)
- Categorical Features (traffic state and day type): We also applied categorical encoding to certain variables for better interpretability. The traffic state (etat_trafic) was classified into four discrete levels representing different road traffic conditions: 1 for fluid traffic, 2 for pre-saturated traffic, 3 for saturated traffic, and 4 for blocked traffic. We also introduced a binary feature indicating whether the data point was recorded on a weekday or weekend. This categorization provided the model with structured information about traffic intensity and temporal context, enhancing its ability to learn complex patterns related to CO2 emissions.
- Model Hyperparameters: We targeted the hyperparameters of our model to improve accuracy while avoiding overfitting. During this phase, we monitored the loss function value throughout the learning process and adjusted the following parameters:
- (a)
- Number of Epochs: Optimizing the number of epochs was crucial to avoid overfitting. Too many epochs can lead to overfitting the training data, while too few can result in underfitting;
- (b)
- Number of Layers: Adding additional layers allowed us to capture more complex features from the input data, enhancing the model’s representation capability;
- (c)
- Dropout Layers: We integrated dropout layers to reduce overfitting by randomly turning off specific neurons during training. This technique improved the model’s generalization capability;
- (d)
- Number of Units per Layer: Adjusting the number of units in each layer helped us balance representation capacity and generalization ability, thereby optimizing the model’s overall performance.
3.5.2. Comparison of Results from Different Model Configurations
Configuration 1
Configuration 2
Configuration 3
Overall Comparison of Different Versions of Our Hybrid Model
4. Experimental Scenario for CO2 Emission Prediction Through the GreenNav Application
4.1. Scenario 1: Comparison of Predicted vs. Actual CO2 Emissions
4.2. Scenario 2: Scenario for a Future Date
5. Discussion: Model Advantages, Limitations, and Generalizability
- Model Accuracy: The CNN-LSTM hybrid model provides highly accurate predictions of CO2 emissions, as evidenced by the slight difference between actual and predicted values. This performance is achieved by combining spatial-temporal features captured by the CNN with temporal sequences modeled by the LSTM, allowing the model to handle the complex dynamics of road traffic in Paris effectively;
- Impact of Traffic Parameters: The model effectively captures the effects of various traffic-related factors on CO2 emissions, including traffic flow, occupancy rate, road location, congestion, and peak hours. The analysis shows a direct correlation between the increase in these factors and CO2 emissions, accurately demonstrating the model’s ability to represent different traffic conditions, whether fluid or congested, accurately;
- Practical Applications: The model is ready for real-world applications, particularly in GreenNav, our ecological navigation application. It can provide route recommendations optimized based on real-time CO2 emission forecasts, contributing to urban traffic management and emission reduction policies;
- Data Dependency: The model’s limitation is its reliance on a significant amount of precise spatiotemporal data to capture traffic variations. The quality and coverage of the training data directly impact the accuracy of the model’s predictions;
- Adaptability to Other Urban Environments: Although our model has been precisely calibrated and trained using data from the Paris road network, it is designed to be modular, allowing it to adapt to different urban contexts. We propose two complementary strategies to generalize its application to cities with diverse road network characteristics and traffic behaviors: transfer learning and federated learning:
- (a)
- Transfer learning [38] is beneficial when only a limited amount of data is available for the target city. In our context, the model’s convolutional layers (CNN), which capture the spatial features of the road segments, can be reused as-is since many cities share similar spatial patterns, such as road intersections and density. The LSTM layers, which capture temporal dependencies, can then be retrained to reflect the unique temporal dynamics of traffic in the new urban environment. For instance, if our model were to be applied to the city of Lyon, we could retain the CNN layers and only retrain the LSTM layers to adapt to Lyon’s specific temporal traffic patterns, such as peak hours and weekend behaviors. This approach would enable a quick adaptation to the local context without requiring extensive new data, thereby maintaining high performance on critical traffic segments;
- (b)
- On the other hand, federated learning [39] is more suitable for large metropolitan areas or cities that differ significantly from Paris regarding road network density, driving behavior, or vehicle types. In this scenario, the model is trained collaboratively using data from multiple cities while ensuring data privacy. Each city trains the model locally using its data, and only the model’s updated parameters are shared, allowing for creating a global model without transferring sensitive information. For example, if we wanted to adapt the model for New York City, factors such as road congestion, speed distribution on major highways, and seasonal variations could be incorporated through federated learning without exposing Paris or New York’s local data. This would allow the model to generalize its understanding across multiple urban environments, making it more resilient to varying geographical conditions;
- To enhance both the reproducibility and scalability of our approach, we recommend following a standardized protocol: replicate the preprocessing steps (normalization, imputation, and temporal transformations) for the new city, load the pre-trained CNN weights, and then retrain the LSTM layers using locally collected data. Ideally, these data should include detailed traffic measurements similar to those used in Paris, such as the number of vehicles per road segment and occupancy rates obtained from sensors (e.g., electromagnetic) and open data platforms. These traffic parameters are crucial for enabling the model to learn the relationship between traffic intensity and temporal variations (e.g., hours, days of the week, etc.), ensuring an effective adaptation to the specific urban context at hand. Publicly available scripts and configuration files can be provided to streamline this process. Additionally, employing dedicated frameworks (e.g., TensorFlow Federated) will facilitate the implementation of federated learning, allowing other researchers to easily reproduce and adapt our methodology to diverse urban environments while maintaining data quality and consistency;
- Computational Requirements and Comparison with Simpler Models: The CNN-LSTM model has higher computational requirements due to its hybrid structure, which combines convolutional layers to capture spatial relationships between road segments and LSTM layers to model temporal dependencies. In contrast, simpler models like MLPs or standard LSTMs handle only static correlations (MLP) or temporal sequences (LSTM), making the CNN-LSTM significantly more resource-intensive. This is because it processes a larger volume of data and multi-dimensional feature matrices, resulting in much higher parameters and more significant memory and computational capacity needs. This difference in computational costs makes the CNN-LSTM less suitable for environments with limited resources. However, the additional complexity is justified by a significant improvement in prediction accuracy, especially in urban scenarios where capturing spatio-temporal dynamics is crucial for accurately modeling CO2 emissions. Thus, choosing a CNN-LSTM and simpler architectures will depend on the trade-off between available hardware resources and the required prediction accuracy;
- Future Improvements: Transfer learning mechanisms could enhance the model’s generalizability, allowing it to be adapted to different urban environments with minimal retraining. Techniques like federated learning also enable model sharing without transferring data between regions, increasing the model’s scalability across cities.
6. Conclusions
Author Contributions
Funding
Data Availability Statement
Conflicts of Interest
References
- IEA (International Energy Agency). Data and Statistics: “CO2 Emissions by Sector, World 1990–2019”. Available online: https://www.iea.org/data-and-statistics/data-browser?country=WORLD&fuel=CO2%20emissions&indicator=CO2BySector (accessed on 10 February 2023).
- ProAire. Programa Para Mejorar la Calidad del Aire en Mexicali 2011–2020. Available online: https://www.gob.mx/cms/uploads/attachment/file/69289/12_ProAire_Mexicali.pdf (accessed on 10 February 2023).
- Al-Nefaie, A.H.; Aldhyani, T.H.H. Predicting CO2 Emissions from Traffic Vehicles for Sustainable and Smart Environment Using a Deep Learning Model. Sustainability 2023, 15, 7615. [Google Scholar] [CrossRef]
- Zhang, H.; Mu, J.E.; McCarl, B.A.; Yu, J. The impact of climate change on global energy use. Mitig. Adapt. Strat. Glob. Chang. 2022, 27, 9. [Google Scholar] [CrossRef]
- Garrido, P. CO2 Emissions arising from the displacement of the population in private transport mode in Gran Santiago. Rev. Geogr. Espac. 2013, 3, 69–86. [Google Scholar]
- Oftedal, B.; Krog, N.H.; Pyko, A.; Eriksson, C.; Graff-Iversen, S.; Haugen, M.; Aasvang, G.M. Road traffic noise and markers of obesity–A population-based study. Environ. Res. 2015, 138, 144–153. [Google Scholar] [CrossRef]
- Ancona, C.; Badaloni, C.; Mattei, F.; Cesaroni, G.; Stafoggia, M.; Forastiere, F. Health Impact Assessment of Air Pollution, Noise, and Lack of Green in Rome. J. Transp. Health 2017, 5, S42–S43. [Google Scholar] [CrossRef]
- Garshick, E.; Laden, F.; Hart, J.E.; Caron, A. Residence near a major road and respiratory symptoms in US veterans. Epidemiology 2003, 14, 728. [Google Scholar] [CrossRef]
- Delfino, R.J.; Tjoa, T.; Gillen, D.L.; Staimer, N.; Polidori, A.; Arhami, M.; Longhurst, J. Traffic-related air pollution and blood pressure in elderly subjects with coronary artery disease. Epidemiology 2010, 21, 396–404. [Google Scholar] [CrossRef]
- Johnson, M.; Isakov, V.; Touma, J.S.; Mukerjee, S.; Özkaynak, H. Evaluation of land-use regression models used to predict air quality concentrations in an urban area. Atmos. Environ. 2010, 44, 3660–3668. [Google Scholar] [CrossRef]
- Simon, M. Estimation In-Situ des Facteurs d’émission des Polluants du Trafic Routier. Infrastruc-Tures de Transport. Ph.D. Thesis, Université de Lyon, Lyon, France, 2020. [Google Scholar]
- Zhu, B.; Hu, S.; Chen, X.; Roncoli, C.; Lee, D.-H. Un-covering driving factors and spatiotemporal patterns of urban passenger car CO2 emissions: A case study in Hangzhou, China. Appl. Energy 2024, 375, 124094. [Google Scholar] [CrossRef]
- Shi, X.; Alford-Teaster, J.; Onega, T.; Wang, D. Spatial Access and Local Demand for Major Cancer Care Facilities in the United States. Ann. Assoc. Am. Geogr. 2012, 102, 1125–1134. [Google Scholar] [CrossRef]
- Singh, D.; Kumar, A.; Kumar, K.; Singh, B.; Mina, U.; Singh, B.B.; Jain, V.K. Statistical modeling of O3, NOx, CO, PM2.5, VOCs and noise levels in commercial complex and associated health risk assessment in an academic institution. Sci. Total Environ. 2016, 572, 586–594. [Google Scholar] [CrossRef] [PubMed]
- Li, S.; Tong, Z.; Haroon, M. Estimation of transport CO2 emissions using machine learning algorithm. Transp. Res. Part D Transp. Environ. 2024, 133, 104276. [Google Scholar] [CrossRef]
- Mekouar, Y.; Saleh, I.; Mohammed, K. Modelling and Simulation of an Ecological Route in Smart Cities Towards a Green Trajectory. In Proceedings of the 2022 Ninth International Conference on Software Defined Systems (SDS), Paris, France, 12–15 December 2022; pp. 1–5. [Google Scholar] [CrossRef]
- Mekouar, Y.; Karim, M. Analyse et visualisation des données du trafic routier—Une carte interactive pour comprendre l’évolution et la répartition du taux d’émission de CO2 dans la ville de Paris. In La Fabrique du sens à l’ère de l’information Numérique: Enjeux et Défis; ISTE Editions: London, UK, 2023; p. 99, H2PTM’23; ISBN 9781784059835/9781784069834. [Google Scholar]
- Mekouar, Y.; Saleh, I.; Mohammed, K. CO2 emissions and road traffic in Paris: Study, modelling and visualisation for a better environmental understanding. Int. J. Des. Sci. Technol. 2023, 25, 1–12. [Google Scholar]
- He, K.; Zhang, X.; Ren, S.; Sun, J. Deep residual learning for image recognition. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
- Madziel, M.; Jaworski, A.; Kuszewski, H.; Woś, P.; Campisi, T.; Lew, K. The Development of CO2 Instantaneous Emission Model of Full Hybrid Vehicle with the Use of Machine Learning Techniques. Energies 2021, 15, 142. [Google Scholar] [CrossRef]
- Greff, K.; Srivastava, R.K.; Koutník, J.; Steunebrink, B.R.; Schmidhuber, J. LSTM: A search space odyssey. IEEE Trans. Neural Netw. Learn. Syst. 2017, 28, 2222–2232. [Google Scholar] [CrossRef]
- Xayasouk, T.; Lee, H.; Lee, G. Air Pollution Prediction Using Long Short-Term Memory (LSTM) and Deep Autoencoder (DAE) Models. Sustainability 2020, 12, 2570. [Google Scholar] [CrossRef]
- Çınarer, G.; Yesilyurt, M.K.; Ağbulut, Ü.; Yılbası, Z.; Kılıç, K. Application of various machine learning algorithms in view of predicting the CO2 emissions in the transportation sector. Sci. Technol. Energy Transit. 2024, 79, 15. [Google Scholar] [CrossRef]
- Pan, Y.A.; Guo, J.; Chen, Y.; Cheng, Q.; Li, W.; Liu, Y. Un cadre hybride basé sur des diagrammes fondamentaux pour l’estimation et la prédiction des flux de trafic en combinant un modèle markovien avec l’apprentissage profond. Systèmes Experts Avec Appl. 2024, 238, 122219. [Google Scholar] [CrossRef]
- Pan, Y.A.; Guo, J.; Chen, Y.; Li, S.; Li, W. Intégration de modèles de flux de trafic dans une méthode d’apprentissage profond pour l’estimation de l’état du trafic: Un cadre de modélisation hybride par étapes. J. Adv. Transp. 2022, 2022, 5926663. [Google Scholar]
- Zhang, H.; Peng, J.; Wang, R.; Zhang, M.; Gao, C.; Yu, Y. Use of random forest based on the effects of urban governance elements to forecast CO2 emissions in Chinese cities. Heliyon 2023, 9, e16693. [Google Scholar] [CrossRef] [PubMed]
- de Paris, V. Inventaire des Émissions de Gaz à Effet de Serre (GES) du Terri-Toire Parisien. Paris Data. 2023. Available online: https://opendata.paris.fr/explore/dataset/inventaire-des-emissions-de-gaz-a-effet-de-serre-du-territoire/ (accessed on 1 October 2024).
- Maguire, Y. Google Maps Platform: 3 New APIs to Monitor Environmental Conditions. Google Blog. 2023. Available online: https://blog.google/products/maps/google-maps-apis-environment-sustainability/ (accessed on 1 October 2024).
- Airparif. Baromètre Airparif (Indicateur ATMO). Paris Data. 2023. Available online: https://opendata.paris.fr/explore/dataset/barometre_aiparif_2021v2/ (accessed on 1 October 2024).
- Ambee Data API. Ambee: Real-Time Environmental Data API Documentation. Available online: https://docs.ambeedata.com (accessed on 13 December 2024).
- Impact CO2. Outils de Calcul des Émissions de CO2 pour le Transport. Available online: https://impactco2.fr/outils/transport (accessed on 13 December 2024).
- Bashir, N.; Donti, P.; Cuff, J.; Sroka, S.; Ilic, M.; Sze, V.; Delimitrou, C.; Olivetti, E. Considering the Environmental Impacts of Generative AI to Spark Responsi-ble Development. MIT Climate & Sustainability Consortium. 2023. Available online: https://impactclimate.mit.edu/considering-the-environmental-impacts-of-generative-ai-to-spark-responsible-development (accessed on 1 October 2024).
- Turney, S. Coefficient of Determination (R2) Calculation & Interpretation. Scribbr. 2022. Available online: https://www.scribbr.com/statistics/coefficient-of-determination/ (accessed on 1 October 2024).
- Junepyo, C.; Park, J.; Lee, H.; Chon, M.S. A Study of Prediction Based on Regression Analysis for Real-World CO2 Emissions with Light-Duty Diesel Vehicles. Int. J. Automot. Technol. 2021, 22, 569–577. [Google Scholar]
- VanderPlas, J. Python Data Science Handbook: Essential Tools for Working with Data. O’Reilly Media. 2016. Available online: https://jakevdp.github.io/PythonDataScienceHandbook/ (accessed on 1 October 2024).
- Real Python. Visualizing Data in Python with Seaborn. 2023. Available online: https://realpython.com/python-seaborn/ (accessed on 1 October 2024).
- AnalytixLabs. Python Visualization Guide: Using Pandas, Matplotlib & Sea-Born. 2023. Available online: https://www.analytixlabs.co.in/blog/python-visualization/ (accessed on 1 October 2024).
- Li, P.; Shi, Y.; Xing, Y.; Liao, C.; Yu, M.; Guo, C.; Feng, L. Intra-Cluster Federated Learning-Based Model Transfer Framework for Traffic Prediction in Core Network. Electronics 2022, 11, 3793. [Google Scholar] [CrossRef]
- Yu, F.; Xiu, X.; Li, Y. A Survey on Deep Transfer Learning and Beyond. Mathematics 2022, 10, 3619. [Google Scholar] [CrossRef]
- Hamrani, A.; Akbarzadeh, A.; Madramootoo, C.A. Machine Learning for Predicting Greenhouse Gas Emissions from Agricultural Soils. Sci. Total Environ. 2020, 741, 140338. [Google Scholar] [CrossRef]
- Tao, J.; Zhang, P.; Chen, B. A Microscopic Model of Vehicle CO2 Emissions Based on Deep Learning—A Spatiotemporal Analysis of Taxicabs in Wuhan, China. IEEE Trans. Intell. Transp. Syst. 2022, 23, 18446–18455. [Google Scholar]
Models | Dataset Description | Model Architecture and Scaling Approach | Number of Data | Model Accuracy | Complexity and Spatio-Temporal Capacity |
---|---|---|---|---|---|
[3] | Data from Kaggle: vehicle class, engine size, etc. | LSTM and BiLSTM Macro/ Top-down | 12 columns, 7385 rows over 7 years | LSTM: R2 = 77.81% BiLSTM: R2 = 93.78% | Medium/No |
[23] | Data from World Bank, Turkish Statistical Institute, energy consumption data, GDP, etc. | MLP, XGBoost, SVM/ Macro/ Top-down | 47 years of data (1970–2016) | MLP: R2 = 0.9689 XGBoost: R2 = 0.9886 SVM: R2 = 0.9886 | Medium to High/No |
[16,17,18] | Data from OpenDataSoft API, Google API, AirParif: geolocation, traffic flow, speed, etc. | CNN-LSTM Micro/Bottom-up | 48 GB of data, 8 million rows over 4 months | CNN-LSTM: R2 = 0.91 RMSE = 0.29 | High/Yes |
[26] | Data from Data on urban governance elements in China: population, road network density, etc. | Random Forest/Macro/Top-down | Data from 1903 Chinese cities in 2010, 2012, 2015 | R2 = 0.9431 | Medium/No |
[15] | PEMS and GPS data for LDDTs in China | LSTM/Micro/Bottom-up | Real-time data for 2 vehicles on different routes | R2: 0.986–0.990 RMSE: 0.165–0.167 | Medium to High/Yes |
Config | Input Data | Data Preprocessing | Layer Architecture | Epochs and R2 Score |
---|---|---|---|---|
Config 1 | Temporal: [’hour’, ’day’, ’q’, ’k’, ’distance’, ’etat_trafic’] Spatial: [’location_start_x’, ’location_start_y’, ’location_end_x’, ’location_end_y’, ’q’, ’k’, ’distance’, ’etat_trafic’] Target: CO2 emissions | - Quantitative_Features (q, k, distance) - Temporal_Features (hour, day) - Localization (location_start, location_end) | LSTM => Dense (see Figure 6) | Epochs: 14 R2: 52% |
Config 2 | - Same as Configuration 1 | - Same as Configuration 1 - Additional normalization using sine/cosine transformations for temporal features (hours, days) | LSTM => Dense | Epochs: 40 R2: 61% |
Config 3 | Temporal: [’hour’, ’day’, ’weekday’, ’q’, ’k’, ’distance’, ’etat_trafic’] Spatial: [’location_start_x’, ’location_start_y’, ’location_end_x’, ’location_end_y’, ’q’, ’k’, ’distance’, ’etat_trafic’] Target: CO2 emissions | - Same as Configuration 2 - Categorical features (etat_trafic, weekday) - Sorted data by date and road segment - Weekly batching for temporal sequences | LSTM => Dropout => LSTM => Dropout => Dense => Dropout => Dense (see Figure 11) | Epochs: 40 R2: 91% |
Hour | Flow (q) | Occupancy (k) | Actual CO2 (g/CO2) | Predicted CO2 (g/CO2) |
---|---|---|---|---|
00:00 | 517.0 | 3.9 | 15,932.5 | 15,895.2 |
01:00 | 323.0 | 2.8 | 10,143.7 | 10,120.5 |
02:00 | 212.0 | 1.4 | 6434.6 | 6400.1 |
03:00 | 142.0 | 0.8 | 4472.7 | 4450.3 |
04:00 | 104.0 | 1.0 | 4017.2 | 4000.9 |
05:00 | 183.0 | 1.5 | 5617.1 | 5600.6 |
06:00 | 431.0 | 3.7 | 13,350.9 | 13,310.8 |
07:00 | 849.0 | 7.7 | 26,319.9 | 26,300.9 |
08:00 | 1038.0 | 7.5 | 32,084.7 | 32,050.3 |
09:00 | 987.0 | 14.3 | 30,945.5 | 30,900.9 |
10:00 | 976.0 | 36.5 | 41,121.1 | 41,050.7 |
11:00 | 989.0 | 29.0 | 34,096.8 | 34,040.3 |
12:00 | 1129.0 | 24.8 | 38,812.5 | 38,750.6 |
13:00 | 1063.0 | 22.6 | 36,668.4 | 36,600.9 |
14:00 | 1093.0 | 28.5 | 38,598.0 | 38,500.1 |
15:00 | 1151.0 | 37.9 | 48,950.5 | 48,750.3 |
16:00 | 1147.0 | 35.2 | 46,788.4 | 46,700.8 |
17:00 | 1099.0 | 22.6 | 38,750.4 | 38,640.5 |
18:00 | 1149.0 | 28.4 | 40,071.1 | 40,000.1 |
19:00 | 1092.0 | 15.8 | 39,742.3 | 39,830.4 |
20:00 | 1185.0 | 14.8 | 36,328.2 | 36,250.9 |
21:00 | 870.0 | 5.6 | 27,290.5 | 27,250.6 |
22:00 | 771.0 | 6.6 | 23,569.2 | 23,500.5 |
23:00 | 888.0 | 6.5 | 27,229.4 | 27,200.1 |
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content. |
© 2025 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
Mekouar, Y.; Saleh, I.; Karim, M. GreenNav: Spatiotemporal Prediction of CO2 Emissions in Paris Road Traffic Using a Hybrid CNN-LSTM Model. Network 2025, 5, 2. https://doi.org/10.3390/network5010002
Mekouar Y, Saleh I, Karim M. GreenNav: Spatiotemporal Prediction of CO2 Emissions in Paris Road Traffic Using a Hybrid CNN-LSTM Model. Network. 2025; 5(1):2. https://doi.org/10.3390/network5010002
Chicago/Turabian StyleMekouar, Youssef, Imad Saleh, and Mohammed Karim. 2025. "GreenNav: Spatiotemporal Prediction of CO2 Emissions in Paris Road Traffic Using a Hybrid CNN-LSTM Model" Network 5, no. 1: 2. https://doi.org/10.3390/network5010002
APA StyleMekouar, Y., Saleh, I., & Karim, M. (2025). GreenNav: Spatiotemporal Prediction of CO2 Emissions in Paris Road Traffic Using a Hybrid CNN-LSTM Model. Network, 5(1), 2. https://doi.org/10.3390/network5010002