Next Article in Journal
Building a Low-Carbon Community: Influencing Factors of Residents’ Idle Resource-Sharing Behaviors
Previous Article in Journal
Supply Chain Scheduling Optimization in an Agricultural Socialized Service Platform Based on the Coordination Degree
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Modeling Sulphur Dioxide (SO2) Quality Levels of Jeddah City Using Machine Learning Approaches with Meteorological and Chemical Factors

1
Department of Industrial Engineering, Faculty of Engineering, King Abdulaziz University, P.O. Box 80204, Jeddah 21589, Saudi Arabia
2
Department of Industrial Engineering, OSTIM Technical University, Ankara 06374, Türkiye
3
School of Mechanical and Electrical Engineering, University of Electronic Science and Technology of China, Chengdu 611731, China
4
Department of Management Information Systems, College of Business Administration, Taibah University, P.O. Box 344, Al-Madinah 42353, Saudi Arabia
*
Author to whom correspondence should be addressed.
Sustainability 2022, 14(23), 16291; https://doi.org/10.3390/su142316291
Submission received: 11 October 2022 / Revised: 12 November 2022 / Accepted: 2 December 2022 / Published: 6 December 2022

Abstract

:
Modeling air quality in city centers is essential due to environmental and health-related issues. In this study, machine learning (ML) approaches were used to approximate the impact of air pollutants and metrological parameters on SO2 quality levels. The parameters, NO, NO2, O3, PM10, RH, HyC, T, and P are significant factors affecting air pollution in Jeddah city. These factors were considered as the input parameters of the ANNs, MARS, SVR, and Hybrid model to determine the effect of those factors on the SO2 quality level. Hence, ANN was employed to approximate the nonlinear relation between SO2 and input parameters. The MARS approach has successful applications in air pollution predictions as an ML tool, employed in this study. The SVR approach was used as a nonlinear modeling tool to predict the SO2 quality level. Furthermore, the MARS and SVR approaches were integrated to develop a novel hybrid modeling scheme for providing a nonlinear approximation of SO2 concentration. The main innovation of this hybrid approach applied for predicting the SO2 quality levels is to develop an efficient approach and reduce the time-consuming calibration processes. Four comparative statistical considerations, MAE, RMSE, NSE, and d, were applied to measure the accuracy and tendency. The hybrid SVR model outperforms the other models with the lowest RMSE and MAE, and the highest d and NSE in testing and training processes.

1. Introduction

Worldwide, air pollution is considered a significant danger resulting from things such as soil, traffic, suspended particles, and industrial activities. Air pollution generates long-term adverse effects, such as acidic rain, global warming, and other risks associated with environment and human health [1]. Air pollutants consist of gaseous pollutants and particular matters suspended in the air [2]. Although the concertation of these pollutants has been regulated internationally, they still act as a danger to human and environmental health [3]. One of the most critical gaseous pollutants is Sulphur Dioxide (SO2), which is a toxic gas resulting from the emissions of fossil fuel combustions [4]. In urban areas, SO2 originates from thermal power plants and motor vehicles [5]. The city of Jeddah is the second major city in Saudi Arabia, with a population of almost four million people. Jeddah is experiencing fast growth in population, urbanization, and industrialization during the last few years [6]. It is an important commercial city in Saudi Arabia and serves as the main gate for Muslim pilgrims traveling to Mecca. Even with the city’s cultural and economic importance, there is still a shortage of information about air pollution. Several researchers found that high exposure to polluted air is related to mortality risks [7,8]. Worldwide awareness of air pollution has been increasing because of its great risk to the environment. According to the World Health Organization (WHO), the concentration of air pollution has increased by 8% each year during the previous five years [9,10].
As a result, researchers presented several forecasting models that estimate the level of air pollutants to foresee the threat before it occurs. The demand for such models has increased significantly, particularly with the growing demand for early warning systems which will assist in taking immediate and preventive steps to minimize pollution when circumstances producing air pollutants are foreseen [11]. Moreover, forecasting the level of SO2 concentration will help identify the areas that exceed the standards, set measures to meet the standards, and predict the economic and health consequences.
As an ML approach, ANNs can be used to approximate the nonlinear relation between the SO2 and input variables. The multilayer perceptron (MLPNN) is employed for successful applications to provide nonlinear relations for predicting air pollution. In this approach, all input variables are quoted in the input layer, even as the output layer has one node to predict the SO2. Hence, MLPNN is called a nonlinear mapping process which is employed as an ML approach to set the relations between input variables and output response. On the other hand, pollution forecasting is a time series prediction that involves the use of some models, among which support vector regression (SVR) and multivariate adaptive regression spline (MARS) are well-known modeling techniques in atmospheric science because of their statistical accuracy [12,13]. Support vector regression (SVR) is one of the most popular and widely used algorithms for dealing with classification problems and regression analysis in machine learning (ML) applications. This algorithm recognizes non-linearity in the data and provides an appropriate forecasting model. Researchers found that the SVR model encapsulates the key idea of statistical learning theory in order to provide effective forecasting of air pollutants in the urban region [11,13]. Moreover, a recent study used SVR to forecast the level of CO in the atmosphere [14]. It was concluded that the SVR had less uncertainty in forecasting the pollutants’ quality level than any of the other models. Additionally, it was found that SVR is considered a superior forecasting tool in predicting the level of air quality [15]. Moreover, several researchers found that SVR and related hybrid models were appropriate scientific tools for forecasting time series trends such as air pollution in the future [16,17,18].
Similarly, MARS is a type of regression analysis tool. In particular, a non-parametric regression technique with multivariate and nonlinear properties, which has an acceptable approach for the selection of an effective input variable in the prediction process of a complex nonlinear event such as air pollution response, i.e., SO2 can be used to model nonlinearities and interactions between variables. Non-parametric regression is a type of regression analysis in which the predictor does not take a predetermined form but is built based on data information. That is, a nonparametric form is assumed for determining the relations between independent and dependent variables. Nonparametric regression necessitates have larger sample sizes than parametric regression because the data must supply both the model structure and the model estimates. In the MARS modeling process, the degrees of effect as sensitivity analysis for different variables can be evaluated [19,20]. MARS is used throughout to determine the input variables of the nonlinear prediction parameters [21]. The algorithm finds a set of simple linear functions to aggregate results in order to achieve the best predictive performance. MARS is thus a type of ensemble of simple linear functions that can perform well on difficult regression problems with many input variables and non-linear relationships.
The MARS and SVR together could be applied to forecast complex data, such as the stock price model [22], stock index [23], electricity demand [17], and time series short-term wind prediction [24]. The MARS technique could be used to determine the best input variables for the SVR model to build the SVR models as a nonlinear prediction function. The main contribution of this paper is an accurate prediction for SO2 levels using nonlinear predictors such as ANN, SVR, and MARS. Recently, ANN has been used in complex nonlinear relations approximation process [25,26]. The best input variables from metrological and chemical data points are a gap for evaluating the SVR in this complex nonlinear problem. Consequently, the MARS is combined with SVR as a novel modeling approach for the accurate prediction of SO2 as an air quality parameter presented in the current work. Therefore, the MARS was utilized to give the best input variables as SVR candidates, while building an SVR model. The performances of the proposed hybrid SVR-MARS for the prediction of SO2 are compared using different statistical tools, including root mean square error for evaluating the accuracy, agreement index for evaluating tendency, and the standard deviation of errors for evaluating the uncertainties. A recent study developed an adaptive neuro-fuzzy inference system (ANFIS) approach to determine the impact of important atmospheric situations on air quality and arising problems due to the ozone level and suspended PM10 concentration in the city of Jeddah [27]. Artificial Intelligence approaches are successfully utilized for nonlinear model problems [28]. The ANFIS and ANN methods were applied to approximate specific environmental conditions on air quality and SO2 pollution levels in the city of Konya [29].

2. Description of Data for SO2 Estimation

Since the level of SO2 can be affected by climatic conditions that can stimulate chemical reactions and produce a set of harmful pollutants, there is a need to address the association between the concentration of air pollutants and meteorological parameters [30]. Meteorological conditions, such as atmospheric pressure (P), relative humidity (RH), and temperature (T) have a significant role in the concentration of air pollutants [31]. For example, the concentration of air pollutants was inversely correlated with wind speed and relative humidity, but positively correlated with atmospheric pressure, implying that as atmospheric pressure rises, so would the concentration of air pollutants [1,16,32,33]. Therefore, the metrological air conditions, such as P, RH, and T, were included in the input variables. Additionally, to approximate the impact of air pollutants on the SO2 level, chemical air properties, such as NO, NO2, CO, H2S, O3, NO, HyC, MHC, NMHC, and PM10, are included in the input variables. Therefore, for the input variables, the maximum level (Xmax), minimum level (Xmin), average level (mean), standard deviation (STD), and coefficient of variation (COV) are applied in this study as shown in Table 1. The Sulphur Dioxide (SO2) was considered as the output in the modeling process varied from 0–283 μg/m3 in the training and testing databases while the size of STD testing data is a little bit bigger than the training data. It is shown that the metrological variables have the lowest STD while the chemical air conditions show significant uncertainties with high COV (e.g., NO, H2S, PM10, and NMHC). This means that the physical air conditions show stable climatological properties while the climatological properties of air varied in a large domain with the highest scattered database. Therefore, it can be concluded that almost all chemical air variables may be followed from the non-normal distribution for these studied data points.
The bar diagrams for SO2 for training and testing data points are plotted in Figure 1A and 1B, respectively. As presented below, the database distribution was mostly obtained in the range of 12.5–240 mg/m3 (20–240 mg/m3) for training and testing data, respectively. As seen, for both training and testing phases, the databases are skewed asymmetrical; thus, the studied database of SO2 follows from a non-normal distribution function and may be related to a highly nonlinear relationship among the input variables and its predicted variable, SO2.

3. Methods and Modeling Procedures

Three well-known nonlinear approaches are presented for the approximation of SO2. These models have a strong ability to predict nonlinear relations. Thus, these illustrate the ability for tendency, accuracy, uncertainty, and agreement of the applied novel hybrid model in this current study.

3.1. Artificial Neural Network ANN

The ANN is implemented to approximate the nonlinear relation between the output variable (SO2) and input variables, including chemical and metrological air properties. The multilayer perceptron of the ANN model (MLPNN) is commonly applied for successful achievement to provide a strongly nonlinear relation in predicting the air pollution [34,35,36]. Generally, The MLPNN is made up of three layers: input, hidden, and output. Each layer involves several elements named neurons (nodes). All input variables are cited in the input layer, while the output layer has one node which is measured SO2. Since there are multiple variables with various units, the data involved in input and output layer nodes were normalized using the Min/Max method to solve units of variables, and to improve the predictor performances map of the number from the −1 to 1 range [37]. The schematic view of the MLPNN framework is presented using three layers as shown in Figure 2, in which the ANN model is employed to generate a nonlinear map between input and output nodes. As MLPNN is a nonlinear mapping ML tool, M-node is applied to the hidden layer. Moreover, the input data can be joined to a nonlinear response as an output node using the hidden nodes. The number of neurons in the hidden layer ranges from 5 to 15 nodes to provide the lowest mean square error (MSE), using Equation (1), between observed (O) and predicted (Y) SO2 for N training data points by trial and error using the following equation:
M S E = 1 N i = 1 N [ O i Y i ] 2
In the MLPNN, the approximated function for predictions of SO2 is determined based on the following relations:
Y = b + j = 1 M w j φ j
In which, b indicates bias, and wj denotes the weights for the output layer that M—hidden nodes are linked to output node with respect to b and wj. The term φj is the response of j—node of a hidden layer that can be determined by a nonlinear relationship as a sigmoid function. The nonlinear relation in the hidden nodes is given as follows:
φ j = 1 1 + exp [ ( b j + i = 1 n w ji x i )
where bj is biased for jth hidden node, wji indicates the weights for connections of jth hidden node and ith node in input layer with n-input node. Thus, the sigmoid function and linear function are respectively used as active functions for hidden and output nodes in the current study.
In order to generate the optimal linkages of input and output layers, the learning approach for finding the optimal conditions of weights (w) and biases (b) is more important for accurate prediction. A training algorithm is used to obtain acceptable weights and biases. The backpropagation (BP) method of ANN is a well-known training approach to determining the relationship between the input and output parameters. The gradient-based optimization methods can be used for BP in the training phase due to efficient computational approaches. In this study, the Levenberg-Marquardt (LM) approach using a gradient basis algorithm was applied for the learning phase of the MLPNN model where the MATLAB ANN toolbox was implemented for the computation of the ANN model using the LM algorithm [38].

3.2. Multivariate Adaptive Regression Spline (MARS)

In statistics, the MARS is considered a nonlinear nonparametric regression analysis tool as well as a flexible nonlinear ML approach to provide a connection between input and output variables [39]. In high dimensional input models, the MARS is a popular nonparametric modeling technique that is provided with a nonlinear map using splines. Recently, MARS as a machine learning tool has had successful applications in complex air pollution predictions, including atmospheric particulate matter as (PM10) [40], (O3) [41], (SO2) [42], (NO2) [43], and Benzene concentration [44]. The MARS could be used to build a nonlinear relationship using the piecewise linear splines basis function (BF) using the following equation:
Y = b 0 + i = 1 m w i BF i
where, b represents bias and wi indicates the weights as unknown coefficients, which are used to connect m-basis function (BF) to complex response SO2 that unknown coefficients are determined by the least-squares method. It is found using the forward–backwards stepwise scheme for determining the effective BFi which is calculated from the piecewise linear function as shown below:
BF i = { max ( 0 , x C i ) ,   max ( 0 , C i x ) }
where, C is a knot which is a constant coefficient. The piecewise linear basis function is known based on a knot of C, followed by a piecewise linear basis function as presented in Figure 3. Generally, the term “max” denotes that the positive part of BF that is used in the modeling process using BF as plotted in Figure 4. The MARS produced by BFs is generated by a stepwise search for possible univariate knots and interactions between all variables. The MARS algorithm involves the forward and backward phases. The forward phase is used to find the candidate knots by a random position in the range of the input variable, which is applied for defining the pair of BFs. This procedure of selecting BFs is repeated until the maximum inputs are obtained with an overfitted model. The backward step entails eliminating BFs that have no meaningful impact on the model. By using several knots and various basis functions, the structure of the MARS model is calibrated according to the training data set. The applied basis functions (BF) are found by using a stepwise process. The model of MARS is designed by using two phases as (i) BF functions and their potential knots are selected to provide the accurate estimation in the first phase, and (ii) in the second stage, the BF terms with the least effect are removed [45]. The BF can be represented by multiplying truncated functions which are computed using input as follows:
BF i = k = 1 K S ki ( x ( k , i ) C ki )
In which, K is the number of knots, Ski denotes the right/left associated linear step function which takes values of 1/–1, x(k, i) is the input variable i at knot k, and Cki indicates knot location.
Generalized Cross-Validation (GCV) is a simple technique used to compute the subset model in MARS for N response data as observed points. The GCV for the training data set is determined by the following relation [46]:
GCV = 1 N i = 1 N ( O i Y i ) 2 ( 1 c ( b ) N ) 2
where, N denotes the total training number of data and c(b) represents the complexity penalty that increases by increasing BF, which is defined as follows:
c ( b ) = ( B + 1 ) + dB
where, B is the number of basic functions in the MARS model and is related to the number of parameters for nonlinear functions. The penalty of BF is presented by the parameter d. The effective input variables are selected using the MARS model; thus, the nonlinear cross-correlation and internal interaction between the input variables may be improved by using the inefficient variables.

3.3. Support Vector Regression (SVR)

The accuracy of the predicted function is one of the essential challenges in the modeling approaches. The SVR is successfully applied for the prediction of air pollution due to its efficiency and accuracy. The successful application of SVR with accurate prediction was presented for the prediction of SO2 hourly in Wanliu of Beijing in China [47]. Additionally, the SVR was applied for modeling the total Column Ozone using input variables of daily temperature and humidity [48]. It was concluded that SVR outperformed prediction algorithms compared to ANNs. The SVR modeling technique to build the nonlinear relationship could improve the accuracy of prediction by the input variables with the below relation:
Y = b + i = 1 N w i K ( x , x i )
In which, b is the bias and K(x, xi) denotes the Kernel function that transfers the input variables from real-space into N-dimensional feature space, which is related to the number of train data points. Generally, to transfer the input data, the Gaussian kernel function was used as follows [49]:
K ( x , x i ) = exp ( 0.5 | | x x i | | 2 σ 2 )
where, σ is the kernel parameter that provides the smoothness of the Kernel function, wi is the weights to connect the input uncertainties in feature space which is calculated by two slack variables ξ i , ξ i * using the optimization problem as follows [50]:
Minimise   | | w | | 2 2 + C i = 1 N ( ξ i + ξ i * )
Subject   to   { y i w . K ( x , x i ) b ε + ξ i w . K ( x , x i ) + b y i ε + ξ i * ξ i , ξ i * 0 ,   i = 1 , 2 , , N .
where, factor C ≥ 0 is the regularization coefficient, and ε is the insensitive loss function. The schematic view of the SVR model is illustrated in Figure 4. The structure of SVR is shown in Figure 4b. The input data set (x) are used to calibrate the probabilistic model using SVR.
Three parameters ( σ , C and ε) of SVR have controlled the accuracy of the prediction. The good selection of these hyper-parameters may be related to accurate predictions. The hybrid optimization and SVR algorithms are generally used to determine the optimal parameters of SVR. The influence variables on air pollutants for acidic rain as SO2 and NO2 have been predicted in four cities located in central China using two-hybrid SVR models combined with Cuckoo Search and Grey Wolf optimization approach. The hybrid models have presented the best modeling approaches for the accurate predictions of NO2 and SO2 [51]. The hybrid SVR with an improved glowworm swarm has been presented for forecasting the air pollutant in the Jing-Jin-Ji region. The hybrid method produced the highest accuracy compared to SVR due to adjusting SVR parameters using an optimization approach [52]. A hybrid model using a genetic algorithm as an optimizer to find the factors C and σ of SVR has been presented for CO concentration with O2, CO2, and C2H6 input variables [53]. This hybrid method showed superior accuracy compared to standard SVR, random forest, and MLPNN models. For improving the prediction of PM2.5, [54] the SVR model, hybrid SVR with the optimization method, and generalized regression ANN were applied for three cities in China. The results demonstrated the hybrid SVR has the top ability for forecasting PM2.5, among others. For achieving the accurate prediction, the SVR combined with Quantum-behaved particle swarm optimization (QPSO) for forecasting the atmospheric PM2.5 and NO2 was used in Wanliu Station of Beijing in China [55]. Three hybrid methods named PSO-SVR, GA-SVR, and grid search–SVR are compared with QPSO-SVR, and QPSO-SVR is an efficient modeling approach compared to others. It is a main issue of the SVR by hybrid modeling approach as the computational efficiency for determining the best condition of parameters. Thus, developing a hybrid SVR with a computational burden like the original SVR is a major change for a database with vast training points. Thus, it presents a novel hybrid SVR model that is an efficient-based computational burden for determining a nonlinear model as SVR.

3.4. Hybrid Intelligent Model

The accuracy of SVR is improved using effective input variables in the training procedure. The MARS model can be given the influence of input variables in the modeling procedure to find the knots. In this current work, the MARS model has been established based on all effective input variables in the first stage. By using the effective input variables on the SO2 among the chemical and metrological conditions, the nonlinear model using the SVR approach for prediction is utilized in the second stage. The nonlinear cross-correlation and internal interaction of input variables are considered by the nonparametric regression approach using MARS models. The MARS has controlled the input variables of the SVR in this modeling approach. Two models of MARS and SVR are integrated to provide a nonlinear approximation of air pollution as SO2 concentration in the urban region. The platform of hybrid MARS-SVR for giving the effective input variables is plotted in Figure 5 for the current study. As presented in this figure, the hybrid model involves five main steps with two main modeling approaches. In the first modeling approach, the effective input variables obtained from the database presented in Table 1 were selected using MARS, while the nonlinear relation was provided by SVR using the effective inputs acquired from the first modeling approach, and were used in the second modeling approach. Thus, the steps are,
Step 1: Give input variables. It is 12 total inputs for selecting the effective parameters by using the MARS model.
Step 2: The database was given from step 1 and was normalized by the Min/Max method. The studied data points which are applied are presented in Table 1 and have a large variety of different units. To solve units of variables and to improve the predictor performance, the data points are normalized from −1 to 1 range using the below relation:
Z = 2 x X   max X   max   X   min   1
where Xmax and Xmin were given from the results of Table 1.
Step 3: Calibrate the MARS model. Using the normalized data presented in Step 2, the MARS model is established for modeling SO2. In this step, the MARS is utilized to predict SO2 and to select the final input variables which are used for inputs of the SVR model.
Step 4: Give the influence input variables by using the results presented in Step 3.
Step 5: Calibrate the SVR using influence input data obtained from Step 4. The main innovation of this hybrid approach applied for predicting SO2 is to develop an efficient approach for reducing the time-consuming calibration procedure. This approach is an efficiency-based computational problem for the SVR model.

4. Results and Discussion

4.1. Comparative Metrics

The novel hybrid modeling scheme as hybrid SVR combined with MARS to select the effective inputs was compared using the database of SO2 concentration to illustrate its accuracy and tendency. Four comparative statistical measures, such as (MAE), (RMSE), (NSE), and (d) were employed to measure the tendency, and the accuracy of the models (ANN, MARS, SVR, and SVR-MARS) used for this work with the observed data. Using the comparative statistical measures in Equations (13)–(16), low RMSE and MAE, and high values for d and NSE showed the superior tendency and accuracy for a model, among others. This indicates the model produced more accurate forecasting and the best agreement for observed SO2 data.
RMSE = 1 N i = 1 N [ O i Y i ] 2
MAE = 1 N i = 1 N | O i Y i |
d = 1 i = 1 N | O i Y i | i = 1 N | O i O ¯ | + | Y i O ¯ | , 0 < d 1
NSE = 1 i = 1 N | O i Y i | i = 1 N | O i O ¯ | , < d 1
In which, N is the data number for the training and testing stages. O i , P i and O ¯ , respectively denote the observed, predicted i-th data and mean of the observed SO2 computed using O ¯ = i = 1 N O i N

4.2. Sensitivity Analysis of Model and Effective Variables

To build ANN and SVR models, several parameters are required to be defined to give an accurate result manually. The number of hidden layers in the MLPNN is more important for providing the acceptable prediction for SO2. The MSE is examined to obtain an accurate model of MLPNN for training data points using various hidden layers given from 5 to 15 as presented in Figure 6. The lowest and highest MSE are determined by hidden nodes of 5 and 12, respectively, as shown in Figure 6. By applying hidden nodes as 15, the training process is time-consuming as an inefficient model. In contrast, this model cannot provide accurate calibration compared to models with hidden nodes of 14 and 12. Thus, in the training process of the ANN model, the total number of hidden nodes is given as 12 for this current prediction.
The parameters of SVR (i.e., C, ε, and σ) in the original SVR and the hybrid SVR should be selected with acceptable performances. As mentioned, the optimization approach can be used for determining the optimum condition for these parameters. However, the computation burden to find accurate results is significantly increased for calibrating a nonlinear relation compared to SVR. In the current work for balancing the time computational efficiency and accuracy of predictions, three levels of C = 500, 1000, and 2000 with four levels of parameter σ (0.5, 1, 2, 5) and ε (0.05, 0.1, 0.2, 0.5) are examined to find the best selection by the lowest MSE. The results of the MSE for different parameters are presented in Table 2 and Table 3 for SVR and hybrid SVR with MARS, respectively. According to these tables, the best parameters for SVR are given as C = 500, ε = 0.2, and σ = 2 while they are selected as C = 1000, ε = 0.1, and σ = 1 for hybrid SVR in the proposed model. As seen, the SVR parameters affect the accuracy of SVR models, and it extracted different values for SVR and hybrid SVR.
The MSE using hybrid SVR (MSE = 43.99) is strongly enhanced by about 200% compared to the original SVR (MSE = 114.57) for modeling the SO2. Thus, the effective input variables can be provided with accurate results for this nonlinear problem. Using MARS, the effective input variables are extracted as (NO), (NO2), (CO), (H2S), (O3), (PM10), (P), (RH), and (T). These inputs are given from the modeling process using MARS. To confirm these input data, the correlation coefficient between the observed data (O) and input variable (x) was calculated to determine the sensitivity analysis to illustrate the impact of input variables. The correlation coefficient is computed for each input variable as below:
r i = k = 1 n ( x i , k × O k ) k = 1 n x i , k 2 k = 1 n O k 2
where, x i , k and O k represent the ith input variable and output for k = 1, 2,…, n data points, respectively. The most effective parameter provides the highest absolute values. Figure 7 presents the sensitivity diagram obtained by Equation (17) for all inputs considered in SO2 models. It is shown that the metrological inputs, i.e., T, P, and RH are sensitive input variables while CO and HyC are insensitive to input variables. By comparing the results obtained by MARS, the CO is the effective input variable while the NHMC and NO are neglected as ineffective variables in the MARS modeling approach, but NHMC and (NO) show the highest positive influence on the prediction of SO2 using the linear correlation coefficient.
The influenced variables using MARS and the correlation coefficient using Equation (6) are confined, but two input variables of CO and NHMC show opposite performances from MARS. This means that it may be provided with a nonlinear effect among the input variables and output response. The linear correlation cannot be considered while the nonlinear modeling given from the nonparametric regression is considered in the modeling procedure to obtain the effective input variables. In the current work, a nonlinear sensitivity vector was presented to determine the effective results of inputs. Exponential map-based regression analysis is used to examine the sensitivity of the input variables. This proposed sensitivity analysis relationship is computed as follows:
α i = w i k = 1 nv w k 2
where, α i (i = 1, 2,…, nv) is the effective degree for input variable xi, and nv represents the number of input variables. The factor w i   is computed using the nonlinear regression by the following function:
Y i = b i + w i N i 2
where, b i and w i are respectively the bias and weight which are calibrated based on the nonlinear relation using a least square estimator to provide a nonlinear connection between the observed data of SO2 (Yi) and the normalized input variable ( N ), which is determined as below:
N i = x i μ i σ i
where, μ i and σ i are the mean and standard diversion for input variable x i , respectively. The µ and σ are found in the experimental database presented in Table 1.
Using the proposed nonlinear sensitivity degree presented in Equation (18), Figure 8 demonstrates the sensitivity degree for the input variables using the nonlinear prediction. As seen, the sensitivity degree using the nonlinear relation is closely confirming the effective input variables obtained by MARS and ri. Temperature shows the highest positive effects on the SO2 in this current study. This means that the temperature of Jeddah is increased by increasing SO2 concentration. Three input variables of CO, NO, and NMHC are insensitive inputs using the proposed nonlinear sensitivity analysis as well as the MARS model. It can be stated that four sets of input variables are possible to categorize as strongly sensitive (e.g., T, RH, P), highly sensitive (e.g., H2S, O3, NO2), moderately sensitive (e.g., NO, MHC, PM10), and lowly sensitive (e.g., CO, NO, NMHC) variables. Unlike the linear correlation sensitive analysis, the proposed method illustrated that the PM10 and H2S are insensitive inputs while the P is a sensitive factor on the SO2. By increasing RH and P, the SO2 concentration is reduced.

4.3. Comparative Results for Accuracy and Tendency

The performance for both accuracy (i.e., lowest RMSE and MAE) and tendency (i.e., highest d and NSE) for training and testing phases were compared for different models in Table 4. It is shown that the hybrid SVR model outperforms the other models with the lowest RMSE and MAE, and highest d and NSE compared to the studied models of SVR, ANN, and MARS in testing and training predicted data points. The hybrid SVR model improved the accuracy of SO2 prediction by comparing MAE and RMSE for training and testing data points with MARS, SVR, and ANN by around 115% (70%) and 190% (50%), 65% (50%) and 60% (40%), 95% (70%) and 180% (80%), respectively. It can be conducted that the proposed model significantly performed with the highest accuracy for the prediction of the SO2 compared to other models, and the accuracy of SVR in the predictions as testing (validation) data points is effectively increased by using the influence of input variables. The acceptable nonlinearity using SVR and cross-correlation is obtained by using the proposed hybrid model with a simple strategy, more computational efficiency. The MARS model shows the highest MAE (RMSE) compared to the SVR and ANN models. By considering the d and NSE to compare the tendency of models, the highest d (NSE) was extracted by the proposed machine learning model, while SVR provides the tendency among other models as a second modeling approach. The hybrid SVR achieved a higher tendency than the SVR model. The NSE for testing data points using hybrid SVR is improved by around 25%, 20%, and 25% compared to MARS, SVR, and ANN, respectively. The hybrid SVR model has increased the tendency of nonlinear predictions for SO2 by comparing the d by around 13% (12%) with MARS, 7% (8%) with SVR, and 11% (12%) with ANN for training and testing phases, respectively. Therefore, the superior abilities for both tendency (highest agreement of model) and accuracy (lowest error of model) are presented by applying the effective input variables in the SVR modeling process.
To consider the accuracy and tendency, the d-to-RMSE (d/RMSE) ratio was utilized for better compression of models. The d/RMSE shows the lowest error using RMSE and the highest tendency using the d index for superior comparative models’ performances. The model with the highest d/RMSE provides superior performance among other models. The predicted d/RMSE for testing and training datasets of models is presented in Figure 9. It can be extracted from this figure that the hybrid SVR provides the highest d/RMSE for training and testing datasets than other models. The d/RMSE of the proposed model was significantly increased for the training dataset compared to the MARS model. The nonlinear forms using the Kernel function by effective input variables in the SVR model are improved in the hybrid model.
Figure 10 shows the scatterplots for observed data corresponding to predicted SO2 using four studied models: the hybrid SVR, SVR, MARS, and ANN for testing datasets. It also presents the related linear line between observed and predicted data points as y = b + ax (where b is biased and a is slope as linear relation) and R2 as the linear correlation coefficient. When b tended to 0, and a followed to 1, the predicted data are perfectly approximated, and R2 equal to 1 showed that a perfect tendency of the model related to indicated points. The results presented in Figure 10 illustrate that the ML approaches using the hybrid SVR model provide the most accurate nonlinear relation for this complex problem while the MARS follows as the ANN. The SVR model is in more agreement with the best b, and R2 than that of the ANN and MARS models. The models could be ranked from best to worst by comparing a and R2 as hybrid SVR-MARS, SVR, MARS, and ANN.

4.4. Comparative Results for Uncertainties

The model uncertainties are compared by using the mean (average), standard deviation (STD) and error bar diagram for errors of data points in the test phase as the error indicated the difference between the observed and the predicted values. If the mean and STD of errors are followed from zero, then there is a superior model with the lowest uncertainties in predicting the SO2. The error bar diagram is plotted in Figure 11 for testing data points. The ANN shows a large STD compared to other models while the applied hybrid model has improved it by around 90% compared to ANN. The lowest and highest uncertainties are obtained using hybrid SVR and ANN models. The bound of errors using the hybrid SVR is less than the SVR and MARS. Thus, effective inputs or sensitivity analysis using a nonlinear relation to select the input variables can be provided with a platform to give a robust model with the lowest uncertainty. Nonlinear sensitivity analysis can be used for complex nonlinear prediction to illustrate the nonlinear effects of input variables in the future. Generally, the Kernel function applied in SVR can be provided with acceptable flexibility for the nonlinearity of mapping between several variables and output results of SO2 by comparing the STD of the SVR and hybrid SVR. It is suggested that the hybrid SVR coupled with an optimization algorithm to find the best condition of parameters is also applied as the best modeling approach in the future.
Figure 12 illustrates the Taylor diagram of the STD and agreement index (d) for predicted models and observed data (with the blue point on the horizontal line as observation). The Taylor diagram demonstrated that the ANN and MARS followed the same uncertainty of agreement and scattered data points, while the SVR and hybrid SVR relations generated the most accurate results with the highest agreement than that of the ANN and MARS models. The proposed hybrid SVR was attained from the observed data for the agreement index. The proposed novel hybrid SVR for the prediction of SO2 achieved superior agreement predictions with the observed data among studied models. It can be extracted from the Taylor diagram that best to worst models can be ranked as (1) hybrid SVR-MARS, (2) SVR, (3) MARS, and (4) ANN for this dataset.

5. Conclusions

Air pollution usually rises parallel to increasing population and industrial development. Meteorological and topographic conditions cause an increase in air pollution. This study aims to determine the relationship between the industrial district meteorological parameters and the air pollution in the city of Jeddah. To estimate the influence of environmental circumstances and pollutants, machine learning algorithms were used on air quality considering SO2 as an important pollutant in Jeddah. In the present work, the SO2 was considered as the output in the modeling process. The concentration of the SO2 ranges from 0–283 μg/m3 in Jeddah city which is considered as an independent and critical parameter in this study. The proposed model produced more accurate forecasting and the best agreement with the observed SO2, as shown in calculating the comparative statistical measures, low RMSE and MAE, and high values for d and NSE, which showed the superior tendency and accuracy for the proposed model. Using MARS, the effective input variables were extracted as (NO), (NO2), (CO), (H2S), (O3), (PM10), (P), (RH), and (T). In this current work, a nonlinear sensitivity vector was presented to determine the effective results of inputs. Exponential map-based regression analysis was used to examine the sensitivity of the input variables. As seen, the sensitivity degree using the nonlinear relation is closely confirming the effective input variables obtained by MARS and ri. Temperature shows the highest positive effects on the SO2 in this current study. This means that the temperature of Jeddah is increased by increasing SO2 concentration. Three input variables of CO, NO, and NMHC are insensitive inputs using the proposed nonlinear sensitivity analysis as well as the MARS model. This can be categorized as four sets of input variables by sensitive degree as strongly sensitive (e.g., T, RH, P), highly sensitive (e.g., H2S, O3, NO2), moderately sensitive (e.g., NO, MHC, PM10), and lowly sensitive (e.g., CO, NO, NMHC) variables. Increasing RH and P means reduced SO2 concentration. The performance for both accuracy (i.e., lowest RMSE and MAE) and tendency (i.e., highest d and NSE) for training and testing phases were compared for different models. It was shown that the hybrid SVR model outperforms the other models in testing and training of predicted data points. The hybrid SVR model improved the accuracy of SO2 prediction when comparing MAE and RMSE for the training and testing data points with MARS, SVR, and ANN by around 115% (70%) and 190% (50%), 65% (50%) and 60% (40%), 95% (70%) and 180% (80%), respectively. It can be concluded that the accuracy of SVR in the predictions as testing (validation) data points is effectively increased by using the influence of input variables. The NSE for testing data points using hybrid SVR is improved by around 25%, 20%, and 25% compared to MARS, SVR, and ANN, respectively. The hybrid SVR model has increased the tendency of nonlinear predictions for SO2 by comparing the d around 13% (12%) with MARS, 7% (8%), and with SVR 11% (12%) with ANN for the training and testing phase, respectively. Scatterplots for observed data corresponding to predicted SO2 illustrated that the hybrid SVR model provides the most accurate nonlinear relation for this complex problem while the MARS follows the ANN. The models could be ranked from best to worst by comparing R2 as a hybrid SVR-MARS, SVR, MARS, and ANN. The lowest and highest uncertainties are obtained using hybrid SVR and ANN models, respectively. The bound of errors using the hybrid SVR is less than the SVR and MARS. Thus, effective inputs or sensitivity analysis using a nonlinear relation to select the input variables can be provided with a platform to give a robust model with the lowest uncertainty. Nonlinear sensitivity analysis can be used for complex nonlinear prediction to illustrate the nonlinear effects of input variables in the future. Generally, the Kernel function applied in SVR can be provided with acceptable flexibility for the nonlinearity of mapping between several variables and output results of SO2 by comparing the STD of the SVR and hybrid SVR. The Taylor diagram demonstrated that the proposed novel hybrid SVR for the prediction of SO2 achieved superior agreement predictions with the observed data among studied models. It can be extracted from the Taylor diagram that best to worst models can be ranked as (1) hybrid SVR-MARS, (2) SVR, (3) MARS, and (4) ANN for this dataset.

Author Contributions

Conceptualization, M.A. (Mohammed Alamoudi), O.T., B.K., M.A. (Mona Abusurrah), M.B.; methodology, M.A. (Mohammed Alamoudi), O.T., B.K., M.A. (Mona Abusurrah), M.B.; software, M.A. (Mohammed Alamoudi), O.T., B.K., M.A. (Mona Abusurrah), M.B.; validation, M.A. (Mohammed Alamoudi), O.T., B.K., M.A. (Mona Abusurrah), M.B.; formal analysis, M.A. (Mohammed Alamoudi), O.T., B.K., M.A. (Mona Abusurrah), M.B.; writing—original draft preparation, M.A. (Mohammed Alamoudi), O.T., B.K., M.A. (Mona Abusurrah), M.B.; visualization, M.A. (Mohammed Alamoudi), O.T., B.K., M.A. (Mona Abusurrah), M.B. All authors have read and agreed to the published version of the manuscript.

Funding

This work was funded by the Deanship of Scientific Research (DSR), King Abdulaziz University, Jeddah, under grant No. (RG-28-135-42). The authors, therefore, gratefully acknowledge the DSR technical and financial support.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The data supporting the findings of this study are available within the article.

Conflicts of Interest

The authors declare no conflict of interest.

Abbreviations

AbbreviationDefinition
ANNsArtificial neural networks
SVRSupport vector regression
MARSMultivariate adaptive regression spline
SO2Sulphur dioxide
COCarbon monoxide
NONitrogen monoxide
NO2Nitrogen dioxide
SO2Sulphur dioxide
O3Ozone
H2SHydrogen sulphide
HyCHydrocarbons
MHCMethanic hydrocarbons
PM10Suspended particulates 10
NMHCNon-methane hydrocarbons
PAtmospheric pressure
RHRelative humidity
TTemperature
MLPNNThe multilayer perceptron neural network
QPSOQuantum-behaved particle swarm optimization
MAEMean absolute error
RMSERoot means square error
NSENash and Sutcliffe efficiency
dAgreement index

References

  1. Kampa, M.; Castanas, E. Human health effects of air pollution. Environ. Pollut. 2008, 151, 362–367. [Google Scholar] [CrossRef] [PubMed]
  2. Mostofsky, E.; Schwartz, J.; Coull, B.A.; Koutrakis, P.; Wellenius, G.A.; Suh, H.H.; Gold, D.R.; Mittleman, M.A. Modeling the Association between Particle Constituents of Air Pollution and Health Outcomes. Am. J. Epidemiol. 2012, 176, 317–326. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  3. Oksanen, E.; Kontunen-Soppela, S. Plants have different strategies to defend against air pollutants. Curr. Opin. Environ. Sci. Health 2021, 19, 100222. [Google Scholar] [CrossRef]
  4. Kurnaz, G.; Demir, A.S. Prediction of SO2 and PM10 air pollutants using a deep learning-based recurrent neural network: Case of industrial city Sakarya. Urban Clim. 2022, 41, 101051. [Google Scholar] [CrossRef]
  5. Nunnari, G.; Dorling, S.; Schlink, U.; Cawley, G.; Foxall, R.; Chatterton, T. Mod-elling SO2 Concentration at a Point with Statistical Approaches. Environ. Model. Softw. 2004, 10, 887–905. [Google Scholar] [CrossRef]
  6. Lim, C.C.; Thurston, G.D.; Shamy, M.; Alghamdi, M.; Khoder, M.; Mohorjy, A.M.; Alkhalaf, A.K.; Brocato, J.; Chen, L.C.; Costa, M. Temporal variations of fine and coarse par-ticulate matter sources in Jeddah, Saudi Arabia. J. Air Waste Manag. Assoc. 2018, 68, 123–138. [Google Scholar] [CrossRef] [PubMed] [Green Version]
  7. Krewski, D.; Jerrett, M.; Burnett, R.T.; Ma, R.; Hughes, E.; Shi, Y.; Turner, M.C.; Pope, C.A., III; Thurston, G.; Calle, E.E.; et al. Extended follow-up and spatial analysis of the American Cancer Society study linking particulate air pollution and mortality. Res. Rep. Health Eff. Inst. 2009, 140, 5–114. [Google Scholar]
  8. Brook, R.D.; Rajagopalan, S.; Pope, C.A., 3rd; Brook, J.R.; Bhatnagar, A.; Roux, A.V.D.; Holguin, F.; Hong, Y.; Luepker, R.V.; Mittleman, M.A.; et al. Particulate matter air pollution and cardiovascular disease: An update to the scientific statement from the American Heart Association. Circulation 2010, 121, 2331–2378. [Google Scholar] [CrossRef] [Green Version]
  9. World Health Organization (WHO). Air Pollution. 2020. Available online: https://www.who.int/news-room/fact-sheets/detail/ambient-(outdoor)-air-quality-and-health (accessed on 20 March 2020).
  10. Nakao, M.; Yamauchi, K.; Ishihara, Y.; Omori, H.; Ichinnorov, D.; Solongo, B. Effects of air pollution and seasons on health-related quality of life of Mongolian adults living in Ulaanbaatar : Cross-sectional studies. BMC Public Health 2017, 17, 594. [Google Scholar] [CrossRef] [Green Version]
  11. Suárez Sánchez, A.; García Nieto, P.; Riesgo Fernández, P.; Coz Díaz, J.J.; Iglesias-Rodríguez, F. Application of an SVM-based regression model to the air quality study at local scale in the Avilés urban area (Spain). Math. Comput. Model. 2011, 54, 1453–1466. [Google Scholar] [CrossRef]
  12. Zhu, B.; Wei, Y. Carbon price forecasting with a novel hybrid ARIMA and least squares support vector machines methodology. Omega 2013, 41, 517–524. [Google Scholar] [CrossRef]
  13. Hussain, A.; Rahman, M.; Alam Memon, J. Forecasting electricity consumption in Pakistan: The way forward. Energy Policy 2016, 90, 73–80. [Google Scholar] [CrossRef]
  14. Moazami, S.; Noori, R.; Amiri, B.J.; Yeganeh, B.; Partani, S.; Safavi, S. Reliable prediction of carbon monoxide using developed support vector machine. Atmos. Pollut. Res. 2015, 7, 10. [Google Scholar] [CrossRef]
  15. Lu, W.-Z.; Wang, W.; Leung, A.Y.T.; Lo, S.-M.; Yuen, R.K.K.; Xu, Z.; Fan, H. Incorporating feature selection method into support vector regression for stock index forecasting. Air Pollut. Param. Forecast. Using Support Vector Mach. 2002, 10, 630–635. [Google Scholar]
  16. Zhang, Q.; Jiang, X.; Tong, D.; Davis, S.J.; Zhao, H.; Geng, G.; Feng, T.; Zheng, B.; Lu, Z.; Streets, D.G.; et al. Transboundary health impacts of transported global air pollution and international trade. Nature 2017, 543, 705–709. [Google Scholar] [CrossRef] [Green Version]
  17. Al-Musaylh, M.S.; Deo, R.C.; Adamowski, J.F.; Li, Y. Short-term electricity demand forecasting with MARS, SVR and ARIMA models using aggregated demand data in Queensland. Adv. Eng. Inform. 2018, 35, 1–16. [Google Scholar] [CrossRef]
  18. Sahoo, B.B.; Jha, R.; Singh, A.; Kumar, D. Application of support vector regression for modelling low flow Time series. KSCE J. Civ. Eng. 2019, 23, 923–934. [Google Scholar] [CrossRef]
  19. Barron, A.R.; Xiao, X. Discussion: Multivariate adaptive regression splines. Ann. Stat. 1991, 19, 67–82. [Google Scholar] [CrossRef]
  20. Koc, E.K.; Bozdogan, B. Model selection in multivariate adaptive regression splines (MARS) using information complexity as the fitness function. Mach. Learn. 2015, 101, 35–58. [Google Scholar]
  21. Geng, J.; Li, M.-W.; Dong, Z.-H.; Liao, Y.-S. Port throughput forecasting by MARS-RSVR with chaotic simulated annealing particle swarm optimization algorithm. Neurocomputing 2015, 147, 239–250. [Google Scholar] [CrossRef]
  22. Kao, L.J.; Chiu, C.C.; Lu, C.J.; Chang, C.H. A hybrid approach by integrating wavelet-based feature extraction with MARS and SVR for stock index forecasting. Decis. Support Syst. 2013, 54, 1228–1244. [Google Scholar] [CrossRef]
  23. Dai, W.; Shao, Y.E.; Liu, C.-J. Incorporating feature selection method into support vector regression for stock index forecasting. Neural Comput. Appl. 2013, 23, 1551–1561. [Google Scholar] [CrossRef]
  24. Caraka, R.E.; Chen, R.C.; Bakar, S.A.; Tahmid, M.; Toharudin, T.; Pardamean, B.; Huang, S.-W. Employing best input SVR robust lost function with nature-inspired metaheuristics in wind speed energy forecasting. IAENG Int. J. Comput. Sci. 2020, 47, 572–584. [Google Scholar]
  25. Most, T. Approximation of complex nonlinear functions by means of neural networks. In Proceedings of the Weimar Optimization and Stochastic Days, Weimar, Germany, 1–2 December 2005. [Google Scholar]
  26. Maleki, H.; Sorooshian, A.; Goudarzi, G.; Baboli, Z.; Birgani, Y.T.; Rahmati, M. Air pollution prediction by using an artificial neural network model. Clean Technol. Environ. Policy 2019, 21, 1341–1352. [Google Scholar] [CrossRef]
  27. Taylan, O. Assessing Air Quality in Jeddah by Modelling Suspended PM10 Concentration. J. Int. Environ. Appl. Sci. 2013, 8, 326–335. [Google Scholar]
  28. Taylan, O. Prediction of air quality for sustainable environment by artificial intelligent techniques. Energy Educ. Sci. Technol. Part A Energy Sci. Res. 2013, 31, 1635–1652. [Google Scholar]
  29. Dursun, S.; Kunt, F.; Taylan, O. Modelling sulphur dioxide levels of Konya city using artificial intelligent related to ozone, nitrogen dioxide and meteorological factors. Int. J. Environ. Sci. Technol. 2015, 12, 13015–13762. [Google Scholar] [CrossRef] [Green Version]
  30. Gokhale, S.; Khare, M. A review of deterministic, stochastic and hybrid vehicular exhaust emission models. Int. J. Transp. Manag. 2004, 10, 59–74. [Google Scholar] [CrossRef]
  31. Liu, Y.; Zhou, Y.; Lu, J. Exploring the relationship between air pollution and meteorological conditions in China under environmental governance. Sci. Rep. 2020, 10, 71337–71338. [Google Scholar] [CrossRef]
  32. Lelieveld, J.; Evans, J.S.; Fnais, M.; Giannadaki, D.; Pozzer, A. The contribution of outdoor air pollution sources to premature mortality on a global scale. Nature 2015, 525, 367–371. [Google Scholar] [CrossRef]
  33. Zhang, L.; Liu, W.; Hou, K.; Lin, J.; Zhou, C.; Tong, X.; Wang, Z.; Wang, Y.; Jiang, Y.; Wang, Z.; et al. Air pollution-induced missed abortion risk for pregnancies. Nat. Sustain. 2019, 2, 1011–1017. [Google Scholar] [CrossRef]
  34. Shams, S.R.; Jahani, A.; Moeinaddini, M.; Khorasani, N. Air carbon monoxide forecasting using an artificial neural network in comparison with multiple regression. Model. Earth Syst. Environ. 2020, 6, 1467–1475. [Google Scholar] [CrossRef]
  35. Masih, A. Application of ensemble learning techniques to model the atmospheric concentration of SO2. Glob. J. Environ. Sci. Manag. 2019, 5, 309–318. [Google Scholar]
  36. Shams, S.R.; Jahani, A.; Kalantary, S.; Moeinaddini, M.; Khorasani, N. The evaluation on artificial neural networks (ANN) and multiple linear regressions (MLR) models for predicting SO2 concentration. Urban Clim. 2021, 37, 100837. [Google Scholar] [CrossRef]
  37. Jahani, A.; Saffariha, M. Aesthetic preference and mental restoration prediction in urban parks: An application of environmental modeling approach. Urban For. Urban Green. 2020, 54, 5. [Google Scholar] [CrossRef]
  38. Senapati, N.P.; Panda, D.; Bhoi, R.K. Prediction of multiple characteristics of Friction-Stir welded joints by Levenberg Marquardt algorithm based artificial neural network. Mater. Today Proc. 2021, 41, 391–396. [Google Scholar] [CrossRef]
  39. Friedman, J.H. Multivariate adaptive regression splines. Ann. Stat. 1991, 19, 1–67. [Google Scholar] [CrossRef]
  40. Gocheva-Ilieva, S.G.; Ivanov, A.V.; Voynikova, D.S.; Stoimenova, M.P. Modeling of PM10 Air pollution in urban environment using MARS. In Proceedings of the International Conference on Large-Scale Scientific Computing, Sozopol, Bulgaria, 10–14 June 2019; Springer: Cham, Switzerland, 2019; pp. 237–244. [Google Scholar]
  41. Srinivas, A.S.; Somula, R.; Govinda, K.; Manivannan, S. Predicting ozone layer concentration using machine learning techniques. In Social Network Forensics, Cyber Security, and Machine Learning; Springer: Singapore, 2019; pp. 83–92. [Google Scholar]
  42. Kisi, O.; Parmar, K.S.; Soni, K.; Demir, V. Modeling of air pollutants using least square support vector regression, mul-tivariate adaptive regression spline, and M5 model tree models. Air Qual. Atmos. Health 2017, 10, 873–883. [Google Scholar] [CrossRef]
  43. Yousefzadeh, M.; Farnaghi, M.; Pilesjö, P.; Mansourian, A. Proposing and investigating PCAMARS as a novel model for NO2 interpolation. Environ. Monit. Assess. 2019, 191, 183. [Google Scholar] [CrossRef] [Green Version]
  44. Menéndez García, L.A.; Sánchez Lasheras, F.; García Nieto, P.J.; Álvarez de Prado, L.; Bernardo Sánchez, A. Predicting Benzene Concentration Using Machine Learning and Time Series Algorithms. Mathematics 2020, 8, 2205. [Google Scholar]
  45. Zhang, W.; Atc, G. Multivariate adaptive regression splines for Analysis of geotechnical engineering systems. Comput. Geotech. 2013, 48, 82–95. [Google Scholar] [CrossRef]
  46. Golub, G.H.; von Matt, U. Generalized Cross-Validation for Large-Scale Problems. J. Comput. Graph. Stat. 1997, 6, 1–34. [Google Scholar] [CrossRef]
  47. Luo, A.; Li, X.; Li, Y.; Li, J. Application of accurate online support vector regression in atmospheric SO2 concentration pre-diction. In Proceedings of the 2018 Chinese Control and Decision Conference (CCDC), IEEE, Shenyang, China, 9–11 June 2018; pp. 6274–6279. [Google Scholar]
  48. Carro-Calvo, L.; Casanova-Mateo, C.; Sanz-Justo, J.; Casanova-Roque, J.L.; Salcedo-Sanz, S. Efficient prediction of total column ozone based on support vector regression algorithms, numerical models and Suomi-satellite data. Atmósfera 2017, 30, 1–10. [Google Scholar] [CrossRef]
  49. Brereton, R.G.; Lloyd, G.R. Support vector machines for classification and regression. Analyst 2010, 135, 230–267. [Google Scholar] [CrossRef]
  50. Oliveira, A.L.I. Estimation of software project effort with support vector regression. Neurocomputing 2006, 69, 1749–1753. [Google Scholar] [CrossRef]
  51. Zhu, S.; Qiu, X.; Yin, Y.; Fang, M.; Liu, X.; Zhao, X.; Shi, Y. Two-step-hybrid model based on data preprocessing and intelligent optimization algorithms (CS and GWO) for NO2 and SO2 forecasting. Atmos. Pollut. Res. 2019, 10, 1326–1335. [Google Scholar]
  52. Ping, L.; Zhiwei, N.; Xuhui, Z.; Juan, S. Air Pollutant Concentration Forecast Model of SVR Based on Improved Glowworm Swarm Optimization Algorithm. J. Syst. Sci. Math. Sci. 2020, 40, 6. [Google Scholar]
  53. Guo, Q.; Ren, W.; Lu, W. A method for predicting coal temperature using CO with GA-SVR model for early warning of the spontaneous combustion of coal. Combust. Sci. Technol. 2020, 194, 523–538. [Google Scholar] [CrossRef]
  54. Zhu, S.; Lian, X.; Wei, L.; Che, J.; Shen, X.; Yang, L.; Qiu, X.; Liu, X.; Gao, W.; Ren, X.; et al. PM2.5 forecasting using SVR with PSOGSA algorithm based on CEEMD, GRNN and GCA considering meteorological factors. Atmos. Environ. 2018, 183, 20–32. [Google Scholar] [CrossRef]
  55. Li, X.; Luo, A.; Li, J.; Li, Y. Air pollutant concentration forecast based on support vector regression and quantum-behaved particle swarm optimization. Environ. Model. Assess. 2019, 24, 205–222. [Google Scholar] [CrossRef]
Figure 1. Bar diagram for data points (A) training phase and (B) testing phase.
Figure 1. Bar diagram for data points (A) training phase and (B) testing phase.
Sustainability 14 16291 g001
Figure 2. Structure of MLPNN with n-input, M-hidden, and 1-output nodes as n-M-1.
Figure 2. Structure of MLPNN with n-input, M-hidden, and 1-output nodes as n-M-1.
Sustainability 14 16291 g002
Figure 3. The structure of MARS model.
Figure 3. The structure of MARS model.
Sustainability 14 16291 g003
Figure 4. Schematic view of SVR model (a) SVR structure (b) calibrating data, ɛ-insensitive loss function and predicted model.
Figure 4. Schematic view of SVR model (a) SVR structure (b) calibrating data, ɛ-insensitive loss function and predicted model.
Sustainability 14 16291 g004
Figure 5. Framework of a hybrid model for prediction of SO2.
Figure 5. Framework of a hybrid model for prediction of SO2.
Sustainability 14 16291 g005
Figure 6. Comparison of MSE for various hidden nodes in MLPNN for prediction of SO2.
Figure 6. Comparison of MSE for various hidden nodes in MLPNN for prediction of SO2.
Sustainability 14 16291 g006
Figure 7. Sensitivity diagram for input variables on SO2 by a linear coefficient.
Figure 7. Sensitivity diagram for input variables on SO2 by a linear coefficient.
Sustainability 14 16291 g007
Figure 8. Sensitivity diagram for input variables on SO2 by nonlinear relation.
Figure 8. Sensitivity diagram for input variables on SO2 by nonlinear relation.
Sustainability 14 16291 g008
Figure 9. d-to-RMSE ratio for different models.
Figure 9. d-to-RMSE ratio for different models.
Sustainability 14 16291 g009
Figure 10. Scatter plot for models in testing phase.
Figure 10. Scatter plot for models in testing phase.
Sustainability 14 16291 g010
Figure 11. Error bar diagram for different models in the testing phase.
Figure 11. Error bar diagram for different models in the testing phase.
Sustainability 14 16291 g011
Figure 12. Taylor diagram for the testing phase of different models.
Figure 12. Taylor diagram for the testing phase of different models.
Sustainability 14 16291 g012
Table 1. Statistical properties of the variables for training and testing phases.
Table 1. Statistical properties of the variables for training and testing phases.
VariablesTraining (75% Total Data Points)Testing (25% Total Data Points)
XminXmaxMeanSTDCOVXminXmaxMeanSTDCOV
Nitrogen monoxide
(NO) μg/m3
016019.2622.891.19016019.2822.391.16
Nitrogen dioxide
(NO2) μg/m3
010555.6418.060.32010553.1620.470.39
Carbon monoxide
(CO) μg/m3
04.891.020.700.6904.891.070.740.69
Hydrogen sulphide
(H2S) ug/m3
024,507543.722295.564.22020,348556.762350.474.22
Ozone
(O3) μg/m3
721734.4320.170.59719234.9421.250.61
Nitrogen oxides
(NOx) μg/m3
022954.8029.790.54022952.1930.070.58
Hydrocarbons
(HyC) μg/m3
0.022.371.360.330.250.022.151.350.340.25
Methanic hydrocarbons
(CH4) μg/m3
0.021.891.300.240.190.021.841.290.250.20
Non methanic hydrocarbons
(NMHC) μg/m3
01.30.140.141.0301.30.140.151.07
Suspended particulates 10
(PM10) μg/m3
192223115.52115.061.00192223115.06164.991.43
Atmospheric pressure
(P) hPa
9681016.71006.015.310.01971.71014.71005.955.900.01
Temperature
(T) °C
21.13730.743.640.1221.93730.573.750.12
Relative humidity
(RH) %
24.769.448.569.890.2028.468.549.959.400.19
Sulphur Dioxide
(SO2) μg/m3
028371.6144.450.62028370.3847.140.67
Table 2. MSE for different parameters of SVR models in the treating phase.
Table 2. MSE for different parameters of SVR models in the treating phase.
εC = 500C = 1000C = 2000
σ = 0.5σ = 1σ = 2σ = 5σ = 0.5σ = 1σ = 2σ = 5σ = 0.5σ = 1σ = 2σ = 5
0.05131.33136.12116.35134.97130.72131.20127.49130.85127.93133.40127.37128.50
0.1119.86129.94120.07116.62123.26127.86118.78124.86123.63122.81130.32200.89
0.2121.38121.12114.57119.68129.39123.91124.95123.13122.95125.56126.46200.49
0.5124.20121.11125.01126.11125.82125.76127.18128.41123.37123.82126.66200.31
Table 3. MSE for different parameters of hybrid SVR models in treating phase.
Table 3. MSE for different parameters of hybrid SVR models in treating phase.
εC = 500C = 1000C = 2000
σ = 0.5σ = 1σ = 2σ = 5σ = 0.5σ = 1σ = 2σ = 5σ = 0.5σ = 1σ = 2σ = 5
0.0555.3350.2852.7556.4047.0148.0848.1947.9546.2549.3348.3050.23
0.152.8751.9850.2654.3345.7943.9946.3345.9046.2545.4046.8846.76
0.254.2551.6951.7756.9847.7948.6847.8650.0547.9144.8447.5749.83
0.554.9153.5251.8855.3648.9748.2048.1851.2648.2646.7047.6850.94
Table 4. Comparative results of different models for testing and treating phases.
Table 4. Comparative results of different models for testing and treating phases.
ModelsTrainingTesting
MAERMSEdNSEMAERMSEdNSE
MARS13.99719.2800.7890.59816.25722.1750.7620.548
SVR10.44810.7040.8460.70014.53720.4580.7950.596
ANN12.58218.5280.8090.63916.25825.0330.7580.548
SVR-MARS6.4246.6330.9050.8169.57714.6990.8610.734
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Alamoudi, M.; Taylan, O.; Keshtegar, B.; Abusurrah, M.; Balubaid, M. Modeling Sulphur Dioxide (SO2) Quality Levels of Jeddah City Using Machine Learning Approaches with Meteorological and Chemical Factors. Sustainability 2022, 14, 16291. https://doi.org/10.3390/su142316291

AMA Style

Alamoudi M, Taylan O, Keshtegar B, Abusurrah M, Balubaid M. Modeling Sulphur Dioxide (SO2) Quality Levels of Jeddah City Using Machine Learning Approaches with Meteorological and Chemical Factors. Sustainability. 2022; 14(23):16291. https://doi.org/10.3390/su142316291

Chicago/Turabian Style

Alamoudi, Mohammed, Osman Taylan, Behrooz Keshtegar, Mona Abusurrah, and Mohammed Balubaid. 2022. "Modeling Sulphur Dioxide (SO2) Quality Levels of Jeddah City Using Machine Learning Approaches with Meteorological and Chemical Factors" Sustainability 14, no. 23: 16291. https://doi.org/10.3390/su142316291

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