Next Article in Journal
Cover Crop Effects on Greenhouse Gas Emissions and Global Warming Potential in Furrow-Irrigated Corn in the Lower Mississippi River Valley
Previous Article in Journal
Development of High-Precision Local and Regional Ionospheric Models Based on Spherical Harmonic Expansion and Global Navigation Satellite System Data in Serbia
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Construction of a NOx Emission Prediction Model for Hybrid Electric Buses Based on Two-Layer Stacking Ensemble Learning

1
School of Automotive and Traffic Engineering, Jiangsu University, 301 Xuefu Road, Zhenjiang 212013, China
2
CATARC Automotive Test Center (Tianjin) Co., Ltd., Tianjin 300300, China
*
Author to whom correspondence should be addressed.
Atmosphere 2025, 16(5), 497; https://doi.org/10.3390/atmos16050497
Submission received: 22 March 2025 / Revised: 16 April 2025 / Accepted: 24 April 2025 / Published: 25 April 2025
(This article belongs to the Section Air Pollution Control)

Abstract

:
To enhance the management of NOx emissions from hybrid electric buses, this paper develops an instantaneous NOx emission prediction model for hybrid electric buses based on a two-layer stacking ensemble learning method. Seventeen parameters, including operational characteristic parameters of hybrid electric buses, engine operating parameters, and emission after-treatment device operating parameters are selected as input features for the model. The correlation analysis results indicate that the Pearson correlation coefficients of engine coolant temperature and selective catalytic reduction (SCR) after-treatment device temperature show a significant linear negative correlation with instantaneous NOx emission mass. The Mutual Information (MI) analysis reveals that engine intake air volume, SCR after-treatment device temperature and engine fuel consumption have strong nonlinear relationships with instantaneous NOx emission mass. The two-layer stacking ensemble learning model selects eXtreme Gradient Boosting (XGBoost), Random Forest (RF), and an optimized BP neural network as base learners, with a linear regression model as the meta-learner, effectively predicting the instantaneous NOx emission mass of hybrid electric buses. The evaluation metrics of the proposed model—mean absolute error, root mean square error, and coefficient of determination—are 0.0068, 0.0283, and 0.9559, respectively, demonstrating a significant advantage compared to other benchmark models.

1. Introduction

To mitigate environmental pollution caused by vehicle emissions, countries worldwide have implemented various measures aimed at reducing emissions of greenhouse gases and harmful pollutants. Developing public transportation can effectively alleviate the increasingly severe issues of urban air pollution and traffic congestion. Relevant reports indicate that diesel vehicles account for 88.4% of the total NOx emissions from vehicles [1]. Currently, hybrid electric buses, predominantly powered by diesel fuel, are available in the market. Therefore, studying the NOx emissions of hybrid electric buses is particularly important.
Since the implementation of China VI emission standards, many regions across China have established remote monitoring platforms utilizing remote data transmission technology to collect on-board diagnostic (OBD) data for the real-time supervision of heavy-duty vehicle emissions. Using remote transmission technology to obtain OBD data is more efficient than employing the Portable Emission Measurement System (PEMS) and allows for long-term monitoring of vehicle operation and emissions. Therefore, adopting this technology is more advantageous for the daily management of vehicle emissions. Researchers analyzed the NOx emission data which was obtained from remote monitoring platforms and PEMS. The results demonstrated strong consistency between these two datasets [2,3]. Wang et al. [4] utilized remote transmission technology to acquire data and developed a computational method for quantifying NOx emissions from vehicles under prolonged operation. Applying this method, they demonstrated that the NOx emission factor for heavy-duty vehicles under the China VI standard (1.420 g/km) decreased by 2.474 g/km compared to those under the China V standard (3.894 g/km). Cao [5] proposed a comprehensive analytical framework for NOx emissions from heavy-duty diesel vehicles using OBD remote transmission technology, integrating data processing, identification of high-emission vehicles, and analysis of emission causes. This framework used a fuel-based window method to identify high-emission vehicles and utilizes binning and machine learning techniques to investigate the causes of NOx emissions. Currently, developing vehicle-level NOx emission prediction models using machine learning, neural networks, and other techniques has become an essential research direction to assist in supervising emissions from heavy-duty diesel vehicles.
Researchers have constructed neural networks to perform emission predictions for various engines from multiple perspectives. Studies [6,7] employed artificial neural networks to predict emissions from gasoline engines, and the results consistently indicated a high accuracy of neural networks in predicting pollutant emissions from gasoline engines. Odufuwa [8] constructed an artificial neural network (ANN) model for a small diesel engine to predict fuel consumption, effective thermal efficiency, and emissions of four pollutants—CO2, NOx, CO, and PM. The ANN model demonstrated excellent performance in predicting pollutant emissions. Amit [9] compared diesel engine performance and emissions by adding various substances to diesel fuel. In their study, an artificial neural network was utilized to predict pollutant emissions such as NOx, and the model demonstrated good predictive performance. However, these researchers relied solely on data obtained from engine bench tests to construct neural networks for pollutant emission predictions. Given that actual driving conditions involve numerous additional parameters; it is essential to conduct on-road vehicle tests to develop more accurate pollutant emission prediction models.
Based on real-world vehicle road tests, researchers have developed appropriate pollutant emission prediction models using various algorithms. Sampaio [10] integrated carbon dioxide emissions and operational costs for heavy-duty truck loads using Genetic Algorithms (GA) combined with artificial neural network optimization. Their model balanced environmental sustainability and economic efficiency to determine the optimal vehicle driving patterns. Ambuj [11] optimized the architecture and parameters of neural networks for agricultural vehicles using the Particle Swarm Optimization (PSO) algorithm. The optimized neural network demonstrated improved efficiency and accuracy in predicting energy consumption for agricultural vehicles. Several researchers [12,13] have investigated the selection of input parameters for neural networks, generally finding that increasing the number of input parameters can improve the overall model accuracy. Seo [12] selected six parameters—vehicle speed, engine speed, engine torque, engine coolant temperature, fuel-to-air ratio, and intake air mass flow—as inputs for neural networks predicting exhaust emissions, constructing seven different neural networks by varying input parameters. Notably, their study did not include the temperature of the SCR after-treatment device as an input parameter. Tang [13] utilized Genetic Algorithms (GA) to optimize a Back Propagation neural network (BP) for predicting various gas emissions during the cold-start phase of small hybrid vehicles, analyzing the accuracy of emission prediction models by comparing different input parameters. Their results demonstrated that the optimized model significantly improved prediction accuracy compared to the original model. Wen [14] constructed a Gated Recurrent Unit (GRU) neural network —a variant of the Long Short-Term Memory (LSTM) neural network—for emission prediction, analyzing and ranking ten NOx-related features by importance. They identified air flow, exhaust flow, and CO2 concentration as the top three influential features affecting NOx models for urban, suburban, and highway driving conditions. In their analysis, CO2 was used as a proxy feature partially substituting for fuel consumption. However, selecting a higher number of input parameters does not necessarily guarantee improved model performance, as excessive parameters may lead to computational inefficiency, high feature correlation, and overfitting. Therefore, careful consideration regarding the number of input parameters is particularly important.
Wang [15] utilized Mutual Information (MI) to select input parameters and developed a BP neural network to predict NOx emissions without considering after-treatment systems. However, this approach has limitations, as it does not represent actual vehicle emissions. Wang [16] employed the GRU and optimized its hyper parameters using a combined Bayesian optimization and k-fold cross-validation approach, establishing a NOx prediction model suitable for smaller datasets. Their training process involved a learning rate adjustment strategy that combined cosine annealing and exponential decay, achieving a determination coefficient (R2) of 0.9569. Nevertheless, the test dataset used in their study consisted of non-steady-state data, making it unsuitable for instantaneous per-second NOx emission prediction. Wei [17] developed transient emission prediction models for CO2 and NOx using the super-learner framework, incorporating algorithms such as RF, XGBoost, LightGBM (Light Gradient Boosting Machine), and CatBoost. Their research primarily focused on medium-duty diesel vehicles. However, fuel consumption was not considered in the selection of input features for their models.
Yu [18] also utilized a Genetic Algorithm (GA) to optimize a BP neural network for predicting emissions from light-duty vehicles. However, the number of comparative models used for evaluation was limited. To address noise issues within the data, Li et al. [19] developed a time-series neural network prediction model, ultimately predicting NOx concentration. However, their study did not consider parameters related to after-treatment systems in selecting input features. Arsie et al. [20] conducted bench tests on diesel engines and optimized a recurrent neural network (RNN) using the least squares method, but their research similarly lacked comparative analysis with other models.
Based on the analysis above, several limitations in previous studies can be summarized as follows: (1) The current research on NOx emission prediction models for hybrid electric buses remains insufficient. (2) Input features selected for engine emission prediction differ significantly among various studies. (3) Horizontal comparisons among different predictive models are lacking.
Based on the operating characteristic parameters of hybrid electric buses, engine operating parameters, and after-treatment system parameters, this paper develops a two-layer stacking ensemble learning model for transient NOx emission prediction in hybrid electric buses. The proposed model is compared against mainstream predictive models developed in previous studies. This research aims to identify the most influential feature parameters affecting NOx emissions from hybrid electric buses, providing insights and guidance for constructing NOx prediction models applicable to other types of heavy-duty diesel vehicles. The NOx prediction model is integrated into enterprise or government platforms for remote monitoring of urban bus emissions, aiming to improve urban air quality and control the operation of vehicles with excessive emissions. By integrating this prediction algorithm into the platform, it can partially address issues such as malfunctioning NOx sensors (due to damage, etc.) or the loss of critical data during transmission.

2. Materials and Methods

2.1. Data Collection

This paper utilizes OBD remote transmission technology to obtain relevant operational parameters of hybrid electric buses, with a data acquisition frequency of 1 Hz. The relevant technical parameters of the hybrid electric buses are presented in Table 1. The test hybrid electric bus travels approximately 16 km from the first station to the terminal station, with a total of 36 bus stops along the route.

2.2. Calculation of Related Supplementary Parameters

Based on the collected data, this paper introduces several additional parameters related to vehicle operation and emissions, such as acceleration. The definitions and calculation formulas for parameters such as the air-to-fuel ratio, the instantaneous NOx emission mass, total vehicle power, Vehicle Specific Power (VSP), and engine effective power are as follows.
The NOx sensor transmits concentration data (in ppm) to the OBD system. However, researchers typically analyze vehicle NOx emissions using either mass-based emissions per kilometer (g/km) or NOx emission rates (mg/s) [4]. To enable more intuitive analysis, this study converts the per-second NOx concentration readings into instantaneous NOx mass emissions, which are then used as the output of the predictive model. The calculation of the instantaneous NOx emission mass of vehicles is shown in Equation (1) [21].
E N O x , i = 0.001587 × e i 3600 × f F u e l , i × ρ + f A i r , i
where, E N O x , i is the instantaneous NOx emission mass (g), e i is the instantaneous NOx emission concentration (ppm), f A i r , i is the instantaneous air mass flow rate (kg/h), f F u e l , i is the instantaneous fuel volume flow rate (L/h), and ρ is the fuel density (for diesel, typically 0.86 g/cm3).
The air-to-fuel ratio is defined as the ratio of intake air mass flow to engine fuel mass flow, calculated as shown in Equation (2).
A F R i = f A i r , i f F u e l , i × ρ
where A F R i is the instantaneous air-to-fuel ratio of the engine, f A i r , i is the instantaneous air mass flow rate (kg/h), f F u e l , i is the instantaneous fuel volume flow rate (L/h), and ρ is the fuel density (for diesel, typically 0.86 g/cm3).
Vehicle power is determined using the vehicle power balance equation [22,23]. By substituting the respective power calculation methods into this equation, the final form of vehicle power is presented in Equation (3).
P e = 1 η T P f + P w + P i + P j P e = 1 η T G f v 3.6 + G i v 3.6 + C D A ρ A i r 2 v 3.6 3 + δ M v 3.6 d u d t × 1 1000
where P e is the estimated vehicle power (kW), η T is the mechanical transmission efficiency, g is the gravitational acceleration (9.80 m/s2), f is the rolling resistance coefficient, v is the speed (km/h), i represents the road gradient (since the bus is driving on flat terrain, i is taken as 0). C D is atmospheric drag coefficient, A is windward side (m2), ρ A i r is the air density (1.2258 kg/m3), and δ is automotive rotating mass conversion factor.
Vehicle Specific Power (VSP) is defined as the power demand per unit mass of the vehicle. In this paper, the VSP calculation formula from Yang [24] is adopted, as shown in Equation (4).
V S P = 0.0643 · v + 0.000279 · v 3 + a · v + g · v · sin θ
where a is the acceleration of the vehicle (m/s2), g is the gravitational acceleration (9.80 m/s2), θ is the angle between the road and the horizontal plane, which is taken as 0.
The engine’s effective power is calculated as shown in Equation (5) [25].
P m e = T t q 2 π n 60 × 1 1000 = T t q n 9550
where T t q is the engine net output torque (N·m), and n is the engine speed (rpm).
To investigate the factors influencing NOx emissions, this paper selects a total of 10 directly read feature parameters and seven calculated feature parameters for correlation analysis. The specific parameters and their corresponding symbols are listed in Table 2. Superficially, operational characteristic parameters such as speed and acceleration, along with energy consumption parameters including total vehicle power and VSP specific power, reflect the vehicle’s energy usage patterns. These indirectly determine the charging duration and frequency in hybrid electric buses. In contrast, engine parameters (e.g., engine speed and fuel flow rate) and SCR system parameters (including inlet and outlet temperatures) directly govern NOx emission characteristics.

2.3. Data Preprocessing

To reduce the impact of dimensional differences among input features on model performance and to accelerate the convergence of the prediction model’s weight parameters, this study employs the Z-score normalization method to preprocess the input features.
The Pearson Correlation Coefficient is a statistical measure used to quantify the linear correlation between two continuous variables. It is widely applied in data analysis and feature selection in machine learning. In this study, the Pearson correlation coefficient is utilized to initially identify features linearly correlated with NOx emissions. Meanwhile, Mutual Information (MI) is employed to analyze the nonlinear relationships between each input feature and the target feature, instantaneous NOx emissions. MI is a statistical measure from information theory that quantifies the dependency between two variables, capturing both linear and nonlinear relationships. Unlike the Pearson correlation coefficient, which only measures linear correlation, MI is applicable to a broader range of data relationships, making it particularly valuable for engine emission analysis. The MI calculation formula is presented in Equation (6).
I X ; Y = x , y X × Y p x , y l o g p x , y p x p y
where I X ; Y represents the mutual information, p x , y is the joint probability distribution of X and Y, and p x and p y are the marginal probability distributions of X and Y, respectively.

2.4. Two-Layer Stacking Ensemble Learning Model

The Back Propagation Neural Network (BPNN) offers advantages in simplicity and computational efficiency, making it well-suited for static features or short-sequence prediction tasks. In contrast, the LSTM algorithm demonstrates superior capability in temporal sequence modeling, though with higher model complexity. This study focuses on series hybrid electric buses, whose operational characteristics involve engines operating primarily at just a few high-efficiency working points. Therefore, the BPNN is prioritized for the predictive model. In this study, a two-layer stacking ensemble learning model is adopted. By combining multiple base models as inputs for prediction results and training a meta-model, the final prediction is obtained. Employing the BPNN as a base model in the ensemble enables the fitting of highly nonlinear relationships between input features and target variables, significantly improving prediction accuracy.
The first layer consists of three types of heterogeneous base models: eXtreme Gradient Boosting (XGBoost), Random Forest (RF), and BPNN. The second layer utilizes a linear regression model as the meta-learner for final prediction. To enhance computational efficiency, the Principal Component Analysis (PCA) is applied to reduce input feature dimensionality while preserving essential information. In the base models, Bayesian optimization is used for the adaptive search of BPNN hyper parameters to determine optimal configurations. The prediction results obtained from the base models are subjected to K-fold cross-validation. The average values from the K predictions are used to generate meta-features, which are then utilized for meta-model training to produce the final prediction results. The overall model architecture is illustrated in Figure 1.
XGBoost is an improved version of the Gradient Boosting Decision Tree (GBDT) and is a highly adaptive machine learning algorithm widely used for regression and classification tasks in data mining. Based on the boosting concept, GBDT constructs weak learners and aggregates their results to achieve better regression or classification performance. The objective function of XGBoost is formulated as shown in Equation (7).
o b j t = i = 1 n L y i , y ^ i t + Ω f t + c
where L y i , y ^ i t is the loss function, y i is the true NOx emission value for the ith sample, and y ^ i t is the predicted NOx emission value for the ith sample at the ith iteration. Ω f t is the regularization term, which helps control model complexity and prevent overfitting, and c is a constant term.
RF is an ensemble learning method that integrates multiple decision trees using the Bootstrap Aggregating (Bagging) algorithm. It performs regression by averaging predictions from multiple decision trees and classification using majority voting. By combining multiple base learners, Random Forest effectively reduces overfitting and enhances generalization performance, making it widely applicable in regression and classification tasks across various disciplines [26].
The BPNN is a classical feedforward neural network that adjusts network weights through the Back Propagation algorithm and is widely used in regression and classification tasks. The BP neural network consists of an input layer, hidden layer, and output layer, as shown in Figure 2. The PCA-reduced data is input into the BP neural network, and the prediction value is obtained through forward propagation layer by layer, as expressed in Equation (8).
y ^ = f 2 ( W 2 · f 1 ( W 1 X + b 1 ) b 2 )
where W 1 and W 2 are the weight matrices, b 1 and b 2 are the biases, f 1 is the activation function, and f 2 is the linear activation function. The back propagation process includes loss calculation and weight updates along the gradient direction using the chain rule to compute gradients layer by layer. In this study, the ReLU (Rectified Linear Unit) function is used as the activation function, as expressed in Equation (9), with its function graph shown in Figure 3.
R e L U = m a x ( 0 , x )

2.5. Model Evaluation Methods

To compare model accuracy, this study evaluates the prediction performance using Mean Absolute Error (MAE), Mean Squared Error (MSE), Root Mean Squared Error (RMSE), and the Coefficient of Determination (R2).

3. Results and Discussions

3.1. Input Feature Analysis

This study uses the Pearson correlation coefficient to analyze the linear relationships between input features and the instantaneous NOx emission mass of hybrid electric buses. Additionally, Mutual Information (MI) scores are used to examine the nonlinear relationships between input features and instantaneous NOx emission mass.
Figure 4a illustrates the Pearson correlation coefficients between different input features. As shown in the figure, some input features exhibit a high degree of linear correlation, highlighting the importance of applying PCA for dimensionality reduction [27]. Figure 4b presents the relationships between various input features and instantaneous NOx emission mass. The Pearson correlation coefficients for engine coolant temperature and SCR after-treatment system temperature are both lower than −0.5, indicating a negative correlation with instantaneous NOx emissions. Under frequent engine start–stop conditions, the after-treatment system is forced into an intermittent operation mode. The resulting multiple cold-start conditions, combined with the dynamic response lag of the catalyst temperature field, create a synergistic effect that significantly increases transient NOx emissions. This phenomenon is primarily attributed to the reduced ammonia storage capacity and kinetic limitations of the reduction reaction caused by incomplete activation of catalytic active sites during cold conditions. The effect is more pronounced in winter.
The Mutual Information (MI) score assessment of feature relationships with instantaneous NOx emission mass highlights the intake air mass flow (MI = 1.67) as having a particularly strong nonlinear impact on NOx emissions. The MI scores for various feature parameters are shown in Figure 5. Additionally, the SCR after-treatment system temperature and fuel flow-related parameters exhibit MI scores above 0.9, indicating a strong nonlinear relationship with instantaneous NOx emission mass.
The contribution rates and cumulative contribution rates of the principal components obtained through PCA are illustrated in Figure 6. When the cumulative contribution rate of the selected principal components exceeds 80%, it is considered reasonable and effective. However, to enhance the model’s accuracy, it is necessary to determine the number of principal components to extract. When the number of extracted principal components exceeds 12, the improvement in model accuracy becomes marginal. Therefore, taking these factors into account, the first 12 principal components are selected to form the input of the model.

3.2. Model Optimization Results

The base models selected in this study are XGBoost, RF, and BPNN. Among these, Bayesian optimization is employed to optimize the BP neural network with two hidden layers to determine the number of hidden layer neurons, the number of samples per training iteration, and the learning rate. In this research, the Bayesian optimization process is implemented through a custom objective function. This function constructs the neural network architecture based on the input parameters and uses 3-fold cross-validation to calculate the MSE. Ultimately, it returns the negative MSE to the optimizer, which determines the final result within the given range of parameters to be optimized. After five initial random searches and 20 iterations of Bayesian optimization, the best parameter combination was obtained in the seventh iteration, as shown in Figure 7. The final optimized values for batch size, number of neurons in the two hidden layers, and learning rate are summarized in Table 3.
In this study, 5-fold cross-validation is used to obtain the optimal meta-features. During each cross-validation iteration, the base models are trained on the training subset, and the predictions on the validation set are used as meta-training features. Simultaneously, predictions on the full test set are averaged across folds to generate meta-test features. The final Mean Squared Error MSE values for the three base models—XGBoost, RF, and BP Neural Network—are 0.0026, 0.0012, and 0.0010, respectively. The distribution of MSE values for the three base models across the 5-fold cross-validation process is shown in Figure 8.

3.3. Model Prediction Results Comparison and Analysis

In this study, MAE, MSE, RMSE, and R2 are used to comprehensively evaluate the Stacking ensemble learning model and six other common NOx prediction models. All models utilize PCA for feature dimensionality reduction, and the data set is divided using the same method. The Stacking ensemble learning model achieves an MAE of 0.066, RMSE of 0.0270, and R2 of 0.9580, with prediction results shown in Figure 9. The remaining six NOx prediction models are: (1) BP neural network optimized with GA algorithm, (2) BP neural network optimized with PSO algorithm, (3) LSTM model, (4) GRU model, (5) RF model, and (6) XGBoost model. The results for these models are presented in Figure 10.
Table 4 presents the three evaluation metrics for seven models. It can be observed that the two time-series prediction models, LSTM and GRU, perform poorly in predicting the instantaneous NOx emissions of hybrid electric buses, with R2 values below 0.8. The models using GA (Genetic Algorithm) and PSO (Particle Swarm Optimization) to optimize BP neural networks exhibit significantly better R2 values than the time-series models, with Root Mean Squared Errors (RMSE) of 0.0359 g/s and 0.0577 g/s, respectively. The Stacking model proposed in this study outperforms all other models across all three evaluation metrics, demonstrating its effectiveness in predicting NOx emissions for hybrid electric buses.
To enhance the credibility of the model, this study selected an additional 1200-s segment of operational and emission data from the tested bus beyond the original modeling dataset. This segment includes a 140-s period of pure electric driving (with zero NOx emissions) and the remaining duration with the engine active. A comparison between the actual and predicted values is shown in Figure 11. The R2 value for this segment is 0.9601, demonstrating the model’s effectiveness to some extent. Future research could further validate the model’s applicability by incorporating hybrid buses of different vehicle types.

4. Conclusions

This study constructs a two-layer stacking ensemble learning model for transient NOx emission prediction in hybrid electric buses. Seventeen parameters, including operating characteristics of hybrid electric buses, engine operating parameters, and after-treatment system parameters, are selected as input features for the model. The model predicts the transient NOx emissions of hybrid electric buses and is compared with mainstream predictive models developed in previous studies. This research is applicable to vehicle remote monitoring technology and provides insights into NOx emission regulation of heavy-duty diesel vehicles.
Pearson correlation analysis reveals a significant negative correlation between instantaneous NOx emission mass and three key parameters: engine coolant temperature (r = −0.565), SCR after-treatment system inlet temperature (r = −0.593), and outlet temperature (r = −0.686), with absolute correlation coefficients exceeding 0.56. This indicates a strong association between the decrease in these parameters and the increase in instantaneous NOx emissions. MI analysis shows that the MI score for intake air mass flow is 1.67, while the MI scores for SCR after-treatment system temperature and engine fuel consumption are both greater than 0.9, suggesting a strong nonlinear relationship between these features and instantaneous NOx emission mass. These findings highlight the significant impact of SCR after-treatment system operating characteristics on the transient NOx emission flux of hybrid electric buses. Under frequent engine start–stop conditions, the after-treatment system is forced into an intermittent operation mode. The resulting multiple cold-start conditions, combined with the dynamic response lag of the catalyst temperature field, create a synergistic effect that significantly exacerbates transient NOx emissions. In the future, preheating the SCR system by supplying power in advance through the hybrid system could be an effective strategy to maintain its operating temperature within the effective working range.
The two-layer stacking ensemble learning model constructed in this study selects XGBoost, RF, and an optimized BPNN as base models, with a linear regression model as the meta-model, effectively predicting the instantaneous NOx emission mass of hybrid electric buses. The model is compared with two optimized BP prediction models, two time-series neural network models, an RF model, and an XGBoost model. The evaluation metrics—MAE, RMSE, and R2—are 0.0066, 0.0270, and 0.9580, respectively, demonstrating a significant advantage over all compared models. In the future, an appropriate prediction model can be developed for the steady-state NOx emissions of hybrid electric buses.

Author Contributions

Conceptualization, J.Q.; methodology, J.Q.; software, J.Q.; validation, J.Q.; formal analysis, J.Q.; investigation, J.Q.; resources, X.Z.; data curation, J.Q. and X.Z.; writing—original draft preparation, J.Q.; writing—review and editing, J.Q.; visualization, J.Q.; supervision, R.H.; project administration, X.Z. and R.H.; funding acquisition, X.Z. All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data will be made available on request.

Conflicts of Interest

Author Xionghui Zou was employed by the company CATARC Automotive Test Center (Tianjin) Co., Ltd. The remaining authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Abbreviations

The following abbreviations are used in this manuscript:
ANNartificial neural network
BPNNBack Propagation Neural Network
COcarbon monoxide
CO2carbon dioxide
GAGenetic Algorithm
GBDTGradient Boosting Decision Tree
GRUGated Recurrent Unit
LightGBMLight Gradient Boosting Machine
LSTMLong Short-Term Memory
MAEmean absolute error
MIMutual Information
MSEmean square error
NOxnitrogen oxides
OBDon-board diagnostic
PCAprincipal component analysis
PEMSportable emission measurement system
PMparticulate matter
PSOParticle Swarm Optimization
R2coefficient of determination
RFRandom Forest
RMSEroot mean square error
RNNrecurrent neural network
SCRselective catalytic reduction
XGBoosteXtreme Gradient Boosting

References

  1. Ministry of Ecology and Environment of the People’s Republic of China. China Mobile Source Environmental Management Annual Report 2023; Ministry of Ecology and Environment of the People’s Republic of China: Beijing, China, 2023. (In Chinese)
  2. Zhang, S.; Zhao, P.; He, L.; Yang, Y.; Liu, B.; He, W.; Cheng, Y.; Liu, Y.; Liu, S.; Hu, Q.; et al. On-board monitoring (OBM) for heavy-duty vehicle emissions in China: Regulations, early-stage evaluation and policy recommendations. Sci. Total. Environ. 2020, 731, 139045. [Google Scholar] [CrossRef] [PubMed]
  3. Cheng, Y.; He, L.; He, W.; Zhao, P.; Wang, P.; Zhao, J.; Zhang, K.; Zhang, S. Evaluating on-board sensing-based nitrogen oxides (NOX) emissions from a heavy-duty diesel truck in China. Atmos. Environ. 2019, 216, 116908. [Google Scholar] [CrossRef]
  4. Wang, J.; Wang, R.; Yin, H.; Wang, Y.; Wang, H.; He, C.; Liang, J.; He, D.; Yin, H.; He, K. Assessing heavy-duty vehicles (HDVs) on-road NOx emission in China from on-board diagnostics (OBD) remote report data. Sci. Total. Environ. 2022, 846, 1572099. [Google Scholar] [CrossRef]
  5. Cao, Z.; Shi, K.; Qin, H.; Xu, Z.; Zhao, X.; Yin, J.; Jia, Z.; Zhang, Y.; Liu, H.; Zhang, Q.; et al. A comprehensive OBD data analysis framework: Identification and factor analysis of high-emission heavy-duty vehicles. Environ. Pollut. 2025, 368, 125751. [Google Scholar] [CrossRef]
  6. Sun, P.; Cheng, X.; Yang, S.; Ruan, E.; Zhao, H.; Liu, Y.; Zhao, C. Artificial neural network models for forecasting the combustion and emission characteristics of ethanol/gasoline DFSI engines with combined injection strategy. Case Stud. Therm. Eng. 2024, 54, 104007. [Google Scholar] [CrossRef]
  7. Seetharaman, S.; Suresh, S.; Shivaranjani, R.; Dhamodaran, G.; Js, F.J.; Alharbi, S.A.; Pugazhendhi, A.; Varuvel, E.G. Prediction, optimization, and validation of the combustion effects of diisopropyl ether-gasoline blends: A combined application of artificial neural network and response surface methodology. Energy 2024, 305, 132185. [Google Scholar] [CrossRef]
  8. Odufuwa, O.Y.; Tartibu, L.K.; Kusakana, K. Artificial Neural Network Modelling for Predicting Efficiency and Emissions in Mini-Diesel Engines: Key Performance Indicators and Environmental Impact Analysis. Fuel 2025, 387, 134294. [Google Scholar] [CrossRef]
  9. Kumar, A.; Mohan, I.; Lata, D.B. Modelling to Predict Performance and Emission Parameters of Hydrogen, Additive and Nano-Particles Blended Fuel in a Dual-Fuel Diesel Engine through Artificial Neural Network. Int. J. Hydrogen Energy 2024, 80, 599–611. [Google Scholar] [CrossRef]
  10. Sampaio, A.R.d.S.; Franco, D.G.d.B.; Junior, J.C.Z.; Spada, A.B.D. Artificial intelligence applied to truck emissions reduction: A novel emissions calculation model. Transp. Res. Part D Transp. Environ. 2024, 138, 104533. [Google Scholar] [CrossRef]
  11. Machavaram, R. Optimizing energy expenditure in agricultural autonomous ground vehicles through a GPU-accelerated particle swarm optimization-artificial neural network framework. Clean. Energy Syst. 2024, 9, 100130. [Google Scholar] [CrossRef]
  12. Seo, J.; Park, S. Optimizing model parameters of artificial neural networks to predict vehicle emissions. Atmos. Environ. 2022, 294, 119508. [Google Scholar] [CrossRef]
  13. Tang, D.; Zhang, Z.; Hua, L.; Pan, J.; Xiao, Y. Prediction of cold start emissions for hybrid electric vehicles based on genetic algorithms and neural networks. J. Clean. Prod. 2023, 420, 138403. [Google Scholar] [CrossRef]
  14. Wen, H.-T.; Lu, J.-H.; Jhang, D.-S. Features Importance Analysis of Diesel Vehicles’ NOx and CO2 Emission Predictions in Real Road Driving Based on Gradient Boosting Regression Model. Int. J. Environ. Res. Public Health 2021, 18, 13044. [Google Scholar] [CrossRef]
  15. Wang, Z.; Luo, K.; Yu, H.; Feng, K.; Ding, H. NOx Emission prediction of heavy-duty diesel vehicles based on Bayesian optimization -Gated Recurrent Unit algorithm. Energy 2024, 292, 130559. [Google Scholar] [CrossRef]
  16. Wang, G.; Awad, O.I.; Liu, S.; Shuai, S.; Wang, Z. NOx emissions prediction based on mutual information and back propagation neural network using correlation quantitative analysis. Energy 2020, 198, 117286. [Google Scholar] [CrossRef]
  17. Wei, N.; Zhang, Q.; Zhang, Y.; Jin, J.; Chang, J.; Yang, Z.; Ma, C.; Jia, Z.; Ren, C.; Wu, L.; et al. Super-learner model realizes the transient prediction of CO2 and NOx of diesel trucks: Model development, evaluation and interpretation. Environ. Int. 2022, 158, 106977. [Google Scholar] [CrossRef]
  18. Yu, H.; Chang, H.; Wen, Z.; Ge, Y.; Hao, L.; Wang, X.; Tan, J. Prediction of Real Driving Emission of Light Vehicles in China VI Based on GA-BP Algorithm. Atmosphere 2022, 13, 1800. [Google Scholar] [CrossRef]
  19. Li, J.; Yu, Y.; Wang, Y.; Zhao, L.; He, C. Prediction of Transient NOx Emission from Diesel Vehicles Based on Deep-Learning Differentiation Model with Double Noise Reduction. Atmosphere 2021, 12, 1702. [Google Scholar] [CrossRef]
  20. Arsie, I.; Cricchio, A.; De Cesare, M.; Lazzarini, F.; Pianese, C.; Sorrentino, M. Neural network models for virtual sensing of NOx emissions in automotive diesel engines with least square-based adaptation. Control. Eng. Pract. 2017, 61, 11–20. [Google Scholar] [CrossRef]
  21. HJ857-2017; Measurement Method and Technical Specification for PEMS Test of Exhaust Pollutants from Heavy-Duty Diesel and Gas Fuelled Vehicles. Ministry of Ecological Environment: Beijing, China, 2017. (In Chinese)
  22. Maino, C.; Misul, D.; Di Mauro, A.; Spessa, E. A deep neural network based model for the prediction of hybrid electric vehicles carbon dioxide emissions. Energy AI 2021, 5, 100073. [Google Scholar] [CrossRef]
  23. Joshua, R.K.A.; Subramanian, K. Comparative performance and emission analysis of internal combustion engine and battery electric vehicle under modified Indian drive cycle. Process. Saf. Environ. Prot. 2024, 190, 211–220. [Google Scholar] [CrossRef]
  24. Yang, L.; Zhang, S.; Wu, Y.; Chen, Q.; Niu, T.; Huang, X.; Zhang, S.; Zhang, L.; Zhou, Y.; Hao, J. Evaluating real-world CO2 and NOX emissions for public transit buses using a remote wireless on-board diagnostic (OBD) approach. Environ. Pollut. 2016, 218, 453–462. [Google Scholar] [CrossRef] [PubMed]
  25. Wu, J. Principles of Automotive Engines; China Machine Press: Beijing, China, 2013; 16p. (In Chinese) [Google Scholar]
  26. Zhan, Y.; Luo, Y.; Deng, X.; Zhang, K.; Zhang, M.; Grieneisen, M.L.; Di, B. Satellite-Based Estimates of Daily NO2 Exposure in China Using Hybrid Random Forest and Spatiotemporal Kriging Model. Environ. Sci. Technol. 2018, 52, 4180–4189. [Google Scholar] [CrossRef] [PubMed]
  27. Liu, B.; Hu, J.; Yan, F.; Turkson, R.F.; Lin, F. A novel optimal support vector machine ensemble model for NOX emissions prediction of a diesel engine. Measurement 2016, 92, 183–192. [Google Scholar] [CrossRef]
Figure 1. Basic architecture of the model.
Figure 1. Basic architecture of the model.
Atmosphere 16 00497 g001
Figure 2. The structure of BPNN with two hidden layers.
Figure 2. The structure of BPNN with two hidden layers.
Atmosphere 16 00497 g002
Figure 3. Activation function ReLU graph.
Figure 3. Activation function ReLU graph.
Atmosphere 16 00497 g003
Figure 4. Pearson correlation coefficients. (a) Heatmap of Pearson correlation coefficients among different features; (b) Pearson correlation coefficients between different features and instantaneous NOx mass.
Figure 4. Pearson correlation coefficients. (a) Heatmap of Pearson correlation coefficients among different features; (b) Pearson correlation coefficients between different features and instantaneous NOx mass.
Atmosphere 16 00497 g004aAtmosphere 16 00497 g004b
Figure 5. MI scores of different features.
Figure 5. MI scores of different features.
Atmosphere 16 00497 g005
Figure 6. The result of PCA: The contribution rates of the principal components and cumulative contribution rates.
Figure 6. The result of PCA: The contribution rates of the principal components and cumulative contribution rates.
Atmosphere 16 00497 g006
Figure 7. Comparative results of Bayesian optimization at varying iteration numbers.
Figure 7. Comparative results of Bayesian optimization at varying iteration numbers.
Atmosphere 16 00497 g007
Figure 8. K-fold cross-validation results (K = 5).
Figure 8. K-fold cross-validation results (K = 5).
Atmosphere 16 00497 g008
Figure 9. The prediction results of the two-layer stacked ensemble learning model.
Figure 9. The prediction results of the two-layer stacked ensemble learning model.
Atmosphere 16 00497 g009
Figure 10. The prediction results of the six comparative models. (a) GA-BP; (b) PSO-BP; (c) LSTM; (d) GRU; (e) RF; (f) XGBoost.
Figure 10. The prediction results of the six comparative models. (a) GA-BP; (b) PSO-BP; (c) LSTM; (d) GRU; (e) RF; (f) XGBoost.
Atmosphere 16 00497 g010
Figure 11. Comparison between predicted and actual NOx values over a 1200-s period.
Figure 11. Comparison between predicted and actual NOx values over a 1200-s period.
Atmosphere 16 00497 g011
Table 1. The relevant technical parameters of the hybrid electric buses.
Table 1. The relevant technical parameters of the hybrid electric buses.
Parameter NameSpecification
Traveling rangeurban
Type of fueldiesel-electric
Emission standardChina VI
PowertrainSeries
Rated engine speed (rpm)2300
Maximum engine torque (N·m)700
Rated engine power (kW)140
Vehicle weights (kg)18,000
Windward area (m2)8.16
Battery capacity (kW·h)86.44
Table 2. Feature Parameters and Symbols.
Table 2. Feature Parameters and Symbols.
IndexInput FeaturesUnitAbbreviations
1Vehicle speedkm/hv
2Atmospheric pressurekPaPatm
3Engine net output torqueN·mTtq
4Friction torqueN·mTfric
5Engine speedrpmN
6Engine fuel flowL/hFfuel
7Intake air mass flowkg/hFair
8SCR inlet temperature°CTSCR-in
9SCR outlet temperature°CTSCR-out
10Engine coolant temperature°CTcool
11Accelerationm/s2a
12Real-time fuel consumptionL/sFC
13Air-to-Fuel Ratio/AFR
14Vehicle powerkWPe
15Vehicle Specific PowerkW/tVSP
16Engine effective powerkWPme
17SCR temperature difference°CΔTSCR
Table 3. The parameter search range and final results of Bayesian optimization.
Table 3. The parameter search range and final results of Bayesian optimization.
Optimization ParametersSearch RangeOptimized Values
Batch size16~128106
Units of Hidden Layer 132~256105
Units of Hidden Layer 216~12867
Learning rate0.0001~0.010.0019
Table 4. Evaluation metrics for seven models.
Table 4. Evaluation metrics for seven models.
ModelMAERMSER2
GA-BP0.01320.03590.9104
PSO-BP0.00930.05770.9212
LSTM0.01280.05770.7473
GRU0.01260.05160.7981
RF0.01110.04020.9066
XGBoost0.00840.03400.9271
Stacking0.00660.02700.9580
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Qi, J.; Zou, X.; He, R. Construction of a NOx Emission Prediction Model for Hybrid Electric Buses Based on Two-Layer Stacking Ensemble Learning. Atmosphere 2025, 16, 497. https://doi.org/10.3390/atmos16050497

AMA Style

Qi J, Zou X, He R. Construction of a NOx Emission Prediction Model for Hybrid Electric Buses Based on Two-Layer Stacking Ensemble Learning. Atmosphere. 2025; 16(5):497. https://doi.org/10.3390/atmos16050497

Chicago/Turabian Style

Qi, Jiangyan, Xionghui Zou, and Ren He. 2025. "Construction of a NOx Emission Prediction Model for Hybrid Electric Buses Based on Two-Layer Stacking Ensemble Learning" Atmosphere 16, no. 5: 497. https://doi.org/10.3390/atmos16050497

APA Style

Qi, J., Zou, X., & He, R. (2025). Construction of a NOx Emission Prediction Model for Hybrid Electric Buses Based on Two-Layer Stacking Ensemble Learning. Atmosphere, 16(5), 497. https://doi.org/10.3390/atmos16050497

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