Next Article in Journal
Interdependency Pattern Recognition in Econometrics: A Penalized Regularization Antidote
Next Article in Special Issue
Robust Estimation and Forecasting of Climate Change Using Score-Driven Ice-Age Models
Previous Article in Journal
Children’s Health Capital Investment: Effects of U.S. Infant Breastfeeding on Teenage Obesity
Previous Article in Special Issue
On Spurious Causality, CO2, and Global Temperature
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Climate Finance: Mapping Air Pollution and Finance Market in Time Series

Department of Econometrics and Business Statistics, Monash University, Clayton, VIC 3800, Australia
*
Author to whom correspondence should be addressed.
Current address: Department of Data Science and Artificial Intelligence, Monash University, Clayton, VIC 3800, Australia.
These authors contributed equally to this work.
Submission received: 8 November 2021 / Revised: 30 November 2021 / Accepted: 1 December 2021 / Published: 4 December 2021
(This article belongs to the Collection Econometric Analysis of Climate Change)

Abstract

:
Climate finance is growing popular in addressing challenges of climate change because it controls the funding and resources to emission entities and promotes green manufacturing. In this study, we determined that PM 2.5 , PM 10 , SO 2 , NO 2 , CO, and O 3 are the target pollutant in the atmosphere and we use a deep neural network to enhance the regression analysis in order to investigate the relationship between air pollution and stock prices of the targeted manufacturer. We also conduct time series analysis based on air pollution and heavy industry manufacturing in China, as the country is facing serious air pollution problems. Our study uses Convolutional-Long Short Term Memory in 2 Dimension (ConvLSTM2D) to extract the features from air pollution and enhance the time series regression in the financial market. The main contribution in our paper is discovering a feature term that impacts the stock price in the financial market, particularly for the companies that are highly impacted by the local environment. We offer a higher accurate model than the traditional time series in the stock price prediction by considering the environmental factor. The experimental results suggest that there is a negative linear relationship between air pollution and the stock market, which demonstrates that air pollution has a negative effect on the financial market. It promotes the manufacturer’s improving their emission recycling and encourages them to invest in green manufacture—otherwise, the drop in stock price will impact the company funding process.

1. Introduction

Growing industrialization bring serious air pollution in emerging economic entities such as China and India. Paris Climate Accords were signed by 196 parties around the world in order to control the rapid exacerbation of climate change. The concentration of carbon dioxide in Earth’s atmosphere is rapidly rising and is more than 420 parts per million (ppm) according to NASA data. This requires significant action to contain the atmospheric carbon dioxide, which benefits humanity as a whole. Climate finance is a popular topic in recent years, particularly after Paris Climate Accord was signed Bodansky (2016). By utilizing the flexibility of the financial market, resources can be re-allocated to promote the green industry and also offer more funding to traditional manufacturers to improve emission recycling Buchner et al. (2019); Hong et al. (2020). Air pollution plays an important role in the area of climate finance because it determines the concentration of carbon dioxide in the Earth’s atmosphere; carbon dioxide and other pollutants block off the interaction between ultraviolet rays and photosynthesis, which exacerbate global warming Kelp et al. (2018). Emerging economic entities such as China and India are experiencing rapid industrialization, but polluted air is the price they pay for the fast economic growth Anwar et al. (2021). Containing global warming and decreasing air pollution are the responsibility of those countries and of all human beings Lelieveld et al. (2015).
There are a limited number of research studies in modeling the stock prices by climate condition today, and few research outputs are mapping the relationship between the climate condition and financial market today. Air pollution seems far away from the stock market today, but it will have a closer relationship in the near future, as responsible investors are more concerned about long-term returns in their investment, so discovering the relationship between air pollution and the financial market is becoming more and more popular over time Banga (2019). Traditionally, stock prices in the financial market usually depend on the economic condition, revenues of the specific firms, dividend policy Banerjee et al. (2007), and the prospect of the industry Mehtab (2020). Air pollution or the climate condition is less significant as evidence of the hypothesis for the regression analysis. In the meantime, investors or academic researchers are analyzing the time-series pattern of stock prices using lagged value or past volatility by using mathematicak tools such as Stochastic calculus Grigoriu (2013), random processes, ARIMA time series regression Adebiyi et al. (2014), and GARCH volatility model Alberg et al. (2008). However, with the increase in communication efficiency in the market and globalization, the value of financial assets is impacted by various elements, which increasingly depend on factors in both finance and non-finance areas. This means the traditional model is not adequte to analyze all of these features. With the development of computer technology and deep neural networks Pang et al. (2020), people tend to use a more complex model to capture the information that affects the volatility of stock price; long short-term memory (LSTM) is one of the popular deep neural networks used to capture the time series pattern, and the model remembers more long-term information than the recent value Hochreiter and Schmidhuber (1997). On the other hand, convolutional neural networks (CNNs) are widely used in image analysis because they are able to extract the features in the image and capture local dependencies Albawi et al. (2017). Machine learning helps market investors to predict the stock price more accurately than the traditional model and have better forecasting on the future market volatility. There is also a combination deep neural network model that includes CNN and LSTM together, called ConvLSTM2D Sari et al. (2020), which has been widely used in video classification because the convolutional layers are able to capture the information in each picture of video and LSTM provides the long term memory, the model can remember information in the past few seconds in the video.
The price of financial assets will be more reliant on the climate condition particularly after the Paris Climate Agreement, and large globalized organizations are pushing for decarbonization. In this paper, we propose a novel structure in regression and neural network technique to model the stock price and environmental factor in order to provide a more accurate time series model in stock price and offer a sustainability view to investors in targeted companies. We modeling the stock price based on the traditional time series model and the deep neural network ConvLSTM2D and use it to enhance the time series regression in predicting the stock price. Our model includes the autoregressive model (AR) and the feature term we call A P 1 , which contains the information extracted by the ConvLSTM2D from the air pollution data. The experiments use the air pollution data from the four major industrialized cities in China, which are Beijing, Taiyuan, Changchun, and Shijiazhuang. We take the sample of the concentration of PM 2.5 , PM 10 , SO 2 , NO 2 , CO, and O 3 in the atmosphere to indicate the air pollution from 1 January 2015 to 31 October 2021. The initial value of A P 1 is the mean of scaled air pollution data, which uses back-propagation and gradient descent to update the value of A P 1 in the regression model and then re-trained by the deep neural network model again.. By utilizing the advantage of ConvLSTM2D, the local dependencies and long-term dependencies in air pollution will be measured and captured by the model, and updating the regression in stock price models all this information together. The aim of our paper is to provide an accurate model to capture information from air pollution and time-series patterns, which demonstrates the relationship between the stock price and climate conditions. The samples of the stock price taken in this paper are several top capitalization manufacturers in China, and those companies have large size of factories located in those selected cities, which include Shougang Group, Shenhua Group, Sany Group from Beijing. Datong Coal Mining, Shanxi Coal International, and Sanxi Coking Co from Taiyuan, as well as Hbis Group and Maanshan Iron & Steel from Shijiazhuang. FAW Jiefang and FAWAY from Changchun.
The rest of this paper is organized as follows. Section 2 demonstrates the related background of the traditional time series model and the model selection techniques. Section 3 introduces the background of ConvLSTM2D and outlines the methodology of this paper by combining the traditional model with the deep neural network. Section 4 describes an experimental study to demonstrate the relationship between air pollution and stock price. Section 5 concludes the findings and demonstrates the future development of climate finance and green manufacturing.

2. Time Series Modeling

This section introduces the related background of time series analysis based on Box–Jenkins’s theory Box et al. (2015, 1976).

2.1. Box–Jenkins’s Method

The autoregressive integrated moving average (ARIMA) model is widely used in the current time series modeling, and it takes the lag value of the timestamp in time series and regression error, which is a linear combination of error terms. ARIMA is a general form of Autoregressive-Moving Average (ARMA) that adds the differencing order for the value of each timestamp. The ARIMA model takes the parameters of ( p , d , q ) , represented as the lag order of p in the Autoregressive (AR) model, the lag order of q in the Moving Average (MA) model, and the d t h differencing order Box et al. (2015, 1976). The formula of ARMA ( p , q ) model is:
X t = c + i = 1 p ϕ i X t i + ϵ t + i = 1 q θ i ϵ t i
where { ϵ t } W N ( 0 , σ 2 ) .
The particular case of ARMA with integer order of differencing usually used to process the time series value to be stationery, using B to represent the backshift operator Box et al. (2016) and then the ARIMA ( p , d , q ) can be rewritten as:
( 1 i = 1 p ϕ i B i ) ( 1 B ) d X t = ( 1 + i = 1 q θ i B i ) ϵ t
The ARIMA model gives the user flexibility to decide the parameters; if setting q = 0 , d = 0 , the ARIMA modeling is the same as that of the autoregressive model. In the experiment part of this paper, we use the autoregressive model with a linear combination of lag values of current timestamp and feature term A P 1 , given as:
X t = c + i = 1 p ϕ i X t i + A P 1
The likelihood function for the autoregressive model assuming the data generated from a mean zero μ = 0 stationary AR ( p ) with Gaussian error. Suppose there is a sample of N observation y = ( y 1 , , y n ) with c = 0 and denote the parameter vector β = ( ϕ 1 , , ϕ p , σ 2 )  Fang et al. (2021a, 2021b), the corresponding unconditional log-likelihood function is given as:
L ( y β ) = N 2 log ( 2 π σ 2 ) 1 2 log Σ 1 2 σ 2 y T Σ 1 y
where Σ is the determinant of Σ and σ 2 Σ is the N × N theoretical autocovariance matrix of y .

2.2. Model Selection

Model selection techniques are used to determine the parameter for the model; there are popular model selections from information-theoretic studies, such as Akaike’s Information Criterion (AIC) Akaike (1974); Sakamoto et al. (1986), Bayesian Information Criterion (BIC) Neath and Cavanaugh (2012), and Hannan–Quinn (HQ) Bierens (2004), given as:
  • AIC = log ( L ) + 2 ( p + k + 1 ) N .
  • BIC = log ( L ) + ( p + k + 1 ) log ( L ) N
  • HQ = log ( L ) + 2 ( p + k + 1 ) log log N N
where k = 1 if intercept c 0 and k = 0 if intercept c = 0 , N is the number of observations for a given time series, and L is likelihood of the data.
In this paper, we use the new Bayesian information criteria for selecting the parameters in AR ( p ) , which is Minimum Message Length (MML). It has been proven to work well in the time series analysis including AR Fitzgibbon et al. (2004), MA Sak et al. (2005), and ARMA model Fang et al. (2021b), MML was introduced by Wallace and Freeman. MML is based on coding theory and assumes the sender transmits the message to the receiver; its methodology is to encode a two-part message, where the first part is the time series model and the second part is data in the given model. The receiver decodes the message by using Bayesian prior. MML thus gives a quantitative information-theoretic trade-off between model complexity (length of the first part of the message) and goodness of fit (length of the second part of the message) and selects the parameter with a minimum value of MML.
The formula of MML is
M e s s L e n ( β , y ) = log ( π ( β ) f ( y 1 , , y n β ) ϵ n F ( β ) ) + k 2 ( 1 + log κ k ) log h ( k )
where π ( β ) is the Bayesian prior distribution over the parameter set and f ( y 1 , , y n β ) is likelihood function from equation from (4). ϵ n is an indication of accuracy of data, F ( β ) is the Fisher Information matrix of the parameter vector β , which plays an essential role in MML. h ( k ) is the prior on parameter p. κ k is the lattice constant where k is number of free parameters; it is bounded above by 1 12 and bounded below by 1 2 π e , accounting for the expected error in log-likelihood function autoregressive model given in Equation (4). According to the papers Fang et al. (2021a, 2021b), MML works well in the traditional time series modeling and hybrid model with the neural network.

3. Methodology and Data

3.1. Methodology

ConvLSTM2D maps the convolutional neural network (CNN) with the LSTM model, as the ConvLSTM2D treats the convolutional layer as the value in each timestamp and utilizes LSTM in the time series analysis. Liu et al. (2017) demonstrated that Conv-LSTM is a highly accurate deep learning model in short-term forecasting through the se of traffic data, and outperforms the traditional ARIMA model or LSTM. By utilizing the advantages of LSTM and CNN, ConvLSTM2D is able to memory the long=term information for the convolutional layer, and Xu also show that the ConvLSTM structure works well in air pollution prediction Xu and Lv (2019). Retta and Kethavath (2021) previously showed that CNN-RNN works well in air pollution forecasting, particularly for PM 2.5 . CNN is widely used in image classification as it extracts pixel information by the kernel or filter with the proper level of strides; kernels usually have three channels for colorful images (RGB). By setting the appropriate size of the kernel, CNN maps the pixel into the next convolution layer after the matrix multiplication, so the information in the image is projected to the next layer and carried forward Albawi et al. (2017). There is usually more than one kernel used to scan the images and extract different information. The activation function of ReLU (6) Agarap (2018) and Sigmoid (7) Yonaba et al. (2010) are popularly used in the classification task. The ConvLSTM2D inputs the two-dimensional matrix values in the convolutional neural network and continues to train with the LSTM model by flattening the CNN output, and the final step uses a fully connected dense layer to conduct the classification or regression tasks.
R e L U = m a x ( 0 , x )
S i g m o i d = σ ( x ) = 1 1 + e x
Figure 1 shows the architecture of the LSTM, as it maintains an information highway from C t 1 to C t to allow the model to use memory from past information Hochreiter and Schmidhuber (1997). The LSTM uses a gate mechanism, including input gate, forget gate, and output gate, to determine how much information should be carried forward from this layer to the next layer by using the element-wise operation from the sigmoid activation function of the input. If the output from the sigmoid activation function is closer to 0, it indicates the large proportion of information should be forgotten; otherwise, the current layer will carry more information into the next layer and the model will be trained by back-propagation.
The LSTM employ the following operation:
  • g t = t a n h ( W g h t 1 + U g x t + b g )
  • Forget gate: f t = σ ( U f x t + W f h t 1 + b f )
  • Input gate: i t = σ ( U i x t + W i h t 1 + b i )
  • Long-term state: c t = f t c t 1 + g t i t
  • Output gate: o t = σ ( U o x t + W o h t 1 + b o )
  • Short-term state: h t = o t t a n h ( c t )
  • Output: y ^ t = V h t + c
where W and U are parameters for the information from the previous hidden state and current hidden state, b is the bias term, and V is the parameter of output.
The X t is the input vector for the time series value in LSTM; however, the X t will take the convolutional layer as input in the ConvLSTM2D model, the architecture of ConvLSTM2D shown in Figure 2. The ConvLSTM structure has been suggested to work well in the stock market prediction because of extracting the local dependencies with the time series pattern based on Kelotra’s paper Kelotra and Pandey (2020).
Overlapping each LSTM layer together to form the whole architecture of ConvLSTM2D, it provides the convolutional layers with a time series characteristic and creates a model that captures long-term and short-term dependencies, as shown in Figure 3.
We use ConvLSTM2D to capture air pollution information. There are local dependencies between the air pollutants PM 2.5 , PM 10 , SO 2 , NO 2 , CO, and O 3 , because the manufacturer usually emits continuous emissions with the admixture of different pollutants. In the meantime, the pollutants will not disperse in the atmosphere in a short amount of time and will stay to impact air quality in the coming days. Using the convolutional neural network will enable capturing the local dependencies in those pollutants each day, and treating them as the input of LSTM to capture the long-term and short-term patterns in time series. To address the challenge of modeling the relationship between air pollution condition and stock price, we initialize the feature term A P 1 as the scaled mean of different pollutants in the length of days prior to the current stock price X t as given below:
X t = c + i = 1 p ϕ i X t i + A P 1
The parameter of p is determined by the Minimum Message Length (MML) from Equation (5) in Section 2.2 and uses the ordinary least squares (OLS) from linear regression to model the stock price of X t . In the meantime, the initial value of A P 1 will be updated by gradient descent in pre-set number of epochs, and back-propagation will enhance the linear relationship between the stock prices and feature term A P 1 . The hybrid model of ConvLSTM2D and Autoregressive provides the time series regression from the lagged value of stock price and feature extracted from the air pollution, and the relationship is expressed by the linear regression. The algorithm and model construction processes shown in the Algorithm 1.
Algorithm 1 Algorithm with ConvLSTM2D Model
Require: number of epochs = 20
while i ≤ epochs do
    model.add(ConvLSTM2D(filters=64, kernel size=(3, 3), input shape=(batch size, number of frames, height, width, channels), padding= “same”, return sequences=True, activation=“relu”))     model.add(BatchNormalization())
    model.add(ConvLSTM2D(filters=64, kernel size=(3, 3), padding=“same”, return sequences=True, activation=“relu"))
    model.add(Flatten())
    model.add(Dense(256, activation=‘relu’))
    model.add(Dense(1))
end while
We use the 64 different kernel with size of 2 dimension 3 × 3 and default stride of one and zero padding. The deep neural network ConvLSTM2D is trained by open-source software Tensorflow and Keras that uses the mean squared error (MSE) as the loss function and the optimizer of adam, and the model can learn the best feature term related to the targeted stock price.
Linear regression provides double training for the results from the ConvLSTM2D shown in the Algorithm 2. The hyper-parameter of the learning rate η = 0.1 , and the number of epochs = 10 , the loss function used is:
J ( θ ) = 1 2 ( y y ^ ) 2
the gradient regarding with the feature term A P 1 calculated by chain rule is given as:
J ( θ ) A P 1 = J ( θ ) y ^ y ^ A P 1 = ( y y ^ ) W A P 1
where W A P 1 is the coefficient for the feature term A P 1 .
Algorithm 2 Algorithm with updating feature term A P 1 by using gradient descent
Require: number of epochs = 10
while i ≤ epochs do
   1. Predicting the value of feature term A P 1 from trained ConvLSTM2D model
   2. Modeling the linear regression by ordinary least squares
   3. Using gradient descent and hyperparameter of learning rate.to update the feature term A P 1
   4. Train ConvLSTM2D model by new feature term A P 1
end while

3.2. Data

This section demonstrates experimental studies for modeling the air pollution data and stock prices. We select four major industrialized cities in China, namely Beijing, Taiyuan, Changchun, and Shijiazhuang, and also include ten leading heavy manufacturers in China with a high amount of capital. The air pollution data were collected from the Ministry of Ecology And Environment in China, and stock prices were collected from Yahoo Finance. The selected manufacturers have headquarters or main factories located in those cities, so they interact with local environment governments and are impacted by the local air pollution. The selected manufacturers are Shougang Group, Shenhua Group, and Sany Group from Beijing; Datong Coal Mining, Shanxi Coal International, and Sanxi Coking Co from Taiyuan; Hbis Group and Maanshan Iron & Steel from Shijiazhuang; and FAW Jiefang and FAWAY from Changchun. We believe that taking air pollution data into account would increase the performance of predicting the stock prices for the heavy manufacturers.

4. Experiment

To evaluate the performance, we first divided the dataset such that 95% was in the sample and the remaining 5% as out of sample estimation, which included a 54-ahead forecast window, and we conducted a rolling forecast. We compared our model results with ARIMA, which was implemented using the auto.arima() function of the forecast package for R Hyndman et al. (2020) and this function outputs the best ARIMA model by information criteria of AIC and parameters of maximum p and q. Fang previously showed the MML selects the ARIMA model with lower prediction errors than AIC and BIC, and MML also outperforms in selecting the lower RMSE in the hybrid ARIMA-LSTM model Fang et al. (2021a, 2021b). Table 1 shows parameters p in our model are selected by MML and learning rate η used in ConvLSTM2D. Secondly, we compared the model with the historical mean model of stock price itself. Finally, we conducted a hypothesis test regarding the feature term A P 1 extracted from prior 30 days of air pollution data to the targeted variable. The initial value of A P 1 uses a scalar of minimum and maximum values in the range of 0 to 1 and then uses back-propagation to update this value to record the linear dependencies between stock price and air pollution.

4.1. Beijing

We evaluated model performance according to MAE (10), RMSE (11), and SSE (12) Chen et al. (2013); Zhao et al. (2018).
M A E = 1 n i = 1 n e t
R M S E = 1 n i = 1 n e t 2
S S E = i = 1 n e t 2
Table 2 shows the performance comparison between different models in three selected stock prices for manufacturers located in Beijing; the results suggest that there is a regression relationship between the air pollution of prior 30 days and the current stock prices in the heavy manufacturing industry. Table 2 suggests that our model has lower prediction errors in terms of MAE, RMSE, and SSE for the selected manufacturers of Shougang and Sany. The linear model combining the feature term A P 1 better explains the long-term dependencies for the stock price, as it has lower errors, through combining with the short term dependencies of the autoregressive model, which more accurately predicts the stock price.
We tested the hypothesis regarding the significance of the population linear relationship between the feature term A P 1 and X t . The null hypothesis tests if the population slope is equal to 0, whereas the alternative hypothesis is that the population slope is not equal to 0, based on the econometrics theory of Wooldridge (2015).
H 0 : W A P 1 = 0
H 1 : W A P 1 0
According to Table 3, the p-values for the feature term A P 1 in the manufacturers Shougang, Shenhua, and Sany are less than 0.05 significance level, where the lower p-value indicates the lower probability of null hypothesis H 0 holding true; this also suggests that the alternative hypothesis H 1 holds true Biau et al. (2010). We can conclude that the variable feature term A P 1 is significant in this model and has a relationship with the stock price. Thus, we conclude that there is statistically significant evidence that the independent variables of feature term A P 1 and dependent variable stock price X t are linearly related Emmert-Streib and Dehmer (2019). As we can see that the coefficients of feature term A P 1 are negative in the company of Shenhua and Sany, which indicates the negative linear relationship with the stock price, demonstrating that air pollution has a negative effect on the financial market. This encourages the manufacturer to improve their emission recycling and encourage them to invest in green manufacture to prevent the drop in stock price from impacting the company funding process.

4.2. Taiyuan

Table 4 demonstrates the different models’ performance in the manufacturers of Datong Coal Mining, Shanxi Coal International, and Sanxi Coking Co from the city of Taiyuan. The selected companies are the largest coal mining producers in China, which determines the economic growth in the Shanxi province Li et al. (2017).
The results from Table 4 suggest that our model outperforms for the companies of Sanxi in terms of lower forecasting error than ARIMA or historical mean models, and the feature terms A P 1 have a significant relationship with the stock price. The coal producers are obviously correlated with the air pollution because of the huge amount of PM 2.5 , PM 10 , and CO emission into the atmosphere during the mining processes Li and Hu (2017). Taiyuan is the capital city of Shanxi province and the leading producer of coal in China. This province stores one-third of China’s coal deposits Li and Hu (2017). The stock price of coal mining producers and feature term A P 1 from air pollution show a positive relationship with the large coefficient shown in Table 5; it is reasonable as coal mining promotes the stock price and increases air pollution at the same time.

4.3. Shijiazhuang

Shijiazhuang is one of the main industrialized cities in north China and has suffered from air pollution in the last decade. Table 6 shows a comparison of models for accuracy in different stock price predictions. It experiment shows that our model outperforms ARIMA and the historical mean model in forecasting. The results suggest that our model has lower MAE, RMSE, and SSE because it maps the air pollution feature projected into regression analysis. The results also indicate long-term dependencies of time series in the manufacturers of heavy industry with respect air, quality as Table 7 justifies the significance of linear regression between feature term A P 1 and the targeted variable of stock price because of a lower p-value than the benchmark of 0.05 in the hypothesis test.

4.4. Changchun

The results from Table 8 and Table 9 indicate that the automobile manufacturer FAW Jiefang shows a significant linear relationship between air pollution and its stock price, it is one of the largest automobile producers in China. The companies with a larger amount of capitalization have a closer tie with the air quality, and our model generates a lower error in the 54 steps of ahead forecasting than others. Because the larger-sized companies are more often engaged with carbon emission trading, and are highly impacted by the quoted price of carbon emission Jiang et al. (2014), the linear regression with the financial market is more significant. The positive coefficient in feature term A P 1 suggests that heavy manufacturers have a significant relationship with the exacerbation of air pollution in China, and the business growth for those manufacturers highly relies on the carbon emission.

5. Conclusions and Future Work

In this paper, ConvLSTM2D was suggested for mapping the relationship between air pollution and the stock market since it yielded accurate results in the rolling forecast in most cases, better than the time series model without feature term A P 1 from air pollution data, which indicates the nonlinear relationship between air pollution and stock price. The experiment suggests that time series models with environmental factors have lower mean squared error and other evaluation metrics. The experiment also provides hypothesis tests to suggest a significant relationship between the stock price and the environment feature term. The local dependencies in changes of recent conditions of air pollution are captured by the convolutional neural network and flattened to the LSTM in order to extract the time series pattern. Gradient descent and back-propagation in feature term A P 1 successfully made our model fit the data of air pollution and stock price. The results from the experiment suggest that business manufacturer activity in heavy industry impacts the air quality of selected cities, as reflected in the stock price. This provides a novel modeling technique in discovering the relationship between emissions and the financial market. We believe that this model can be used for promoting green investment in the stock market and control air pollution. In the future, the climate factor will have a tighter connection with the finance market; this will be a mechanism of how the financial market will increasingly rely on environmental conditions, as most globalized companies are working towards decarbonization. Modeling the environmental condition and financial markets such as carbon trading will provide more insights into the investors on the long-run benefits of targeted companies and portfolio risk management regarding how the environment needs more attention in academic research.

Author Contributions

Z.F.: Conceptualization, Methodology, Software, Formal analysis, Investigation, Data Curation, Writing—Original Draft, Visualization, Supervision, Project administration. J.X.: Methodology, Validation, Formal analysis, Investigation, Writing—Review and Editing. R.P.: Methodology, Software, Validation, Resources, Data Curation, Writing—Review and Editing, Visualization. S.W.: Methodology, Validation, Resource, Data Curation, Writing—Review and Editing, Visualization. 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

Not applicable.

Conflicts of Interest

The authors declare that they have no known competing financial interests or personal relationships that could have appeared to influence the work reported in this paper.

References

  1. Adebiyi, Ayodele Ariyo, Aderemi Oluyinka Adewumi, and Charles Korede Ayo. 2014. Comparison of ARIMA and artificial neural networks models for stock price prediction. Journal of Applied Mathematics 2014: 137–45. [Google Scholar] [CrossRef] [Green Version]
  2. Agarap, Abien Fred. 2018. Deep learning using rectified linear units (relu). arXiv arXiv:1803.08375. [Google Scholar]
  3. Akaike, Hirotugu. 1974. A new look at the statistical model identification. IEEE Transactions on Automatic Control 19: 716–23. [Google Scholar] [CrossRef]
  4. Albawi, Saad, Tareq Abed Mohammed, and Saad Al-Zawi. 2017. Understanding of a convolutional neural network. Paper presented at 2017 International Conference on Engineering and Technology (ICET), Antalya, Turkey, August 21–23; pp. 1–6. [Google Scholar]
  5. Alberg, Dima, Haim Shalit, and Rami Yosef. 2008. Estimating stock market volatility using asymmetric GARCH models. Applied Financial Economics 18: 1201–8. [Google Scholar] [CrossRef] [Green Version]
  6. Anwar, Muhammad Naveed, Muneeba Shabbir, Eza Tahir, Mahnoor Iftikhar, Hira Saif, Ajwa Tahir, Malik Ashir Murtaza, Muhammad Fahim Khokhar, Mohammad Rehan, Mortaza Aghbashlo, and et al. 2021. Emerging challenges of air pollution and particulate matter in China, India, and Pakistan and mitigating solutions. Journal of Hazardous Materials 416: 125851. [Google Scholar] [CrossRef] [PubMed]
  7. Banerjee, Suman, Vladimir A. Gatchev, and Paul A. Spindt. 2007. Stock market liquidity and firm dividend policy. Journal of Financial and Quantitative Analysis 42: 369–97. [Google Scholar] [CrossRef]
  8. Banga, Josué. 2019. The green bond market: A potential source of climate finance for developing countries. Journal of Sustainable Finance and Investment 9: 17–32. [Google Scholar] [CrossRef]
  9. Biau, David Jean, Brigitte M. Jolles, and Raphaël Porcher. 2010. P value and the theory of hypothesis testing: An explanation for new researchers. Clinical Orthopaedics and Related Research® 468: 885–92. [Google Scholar] [CrossRef] [Green Version]
  10. Bierens, H. J. 2004. Information Criteria and Model Selection. University Park: Penn State University. [Google Scholar]
  11. Bodansky, Daniel. 2016. The Paris climate change agreement: A new hope? American Journal of International Law 110: 288–319. [Google Scholar] [CrossRef] [Green Version]
  12. Box, George E. P., Gwilym M. Jenkins, and Gregory C. Reinsel. 1976. Time Series Analysis Prediction and Control. Hoboken: Wiley. [Google Scholar]
  13. Box, George E. P., Gwilym M. Jenkins, Gregory C. Reinsel, and Greta M. Ljung. 2015. Time Series Analysis, Control, and Forecasting. Hoboken: John Wiley & Sons. [Google Scholar]
  14. Box, George E. P., Gwilym M. Jenkins, Gregory C. Reinsel, and Greta M. Ljung. 2016. Time Series Analysis: Forecasting and Control. Hoboken: John Willey and Sons. [Google Scholar]
  15. Buchner, Barbara, Alex Clark, Angela Falconer, Rob Macquarie, Chavi Meattle, and Cooper Wetherbee. 2019. Global Landscape of Climate Finance. San Francisco: Climate Policy Initiative. [Google Scholar]
  16. Chen, Niya, Zheng Qian, Ian T. Nabney, and Xiaofeng Meng. 2013. Wind power forecasts using Gaussian processes and numerical weather prediction. IEEE Transactions on Power Systems 29: 656–65. [Google Scholar] [CrossRef] [Green Version]
  17. Emmert-Streib, Frank, and Matthias Dehmer. 2019. Understanding statistical hypothesis testing: The logic of statistical inference. Machine Learning and Knowledge Extraction 1: 945–61. [Google Scholar] [CrossRef] [Green Version]
  18. Fang, Zheng, David L. Dowe, Shelton Peiris, and Dedi Rosadi. 2021a. Minimum Message Length in Hybrid ARMA and LSTM Model Forecasting. Entropy 23: 1601. [Google Scholar] [CrossRef]
  19. Fang, Zheng, David L. Dowe, Shelton Peiris, and Dedi Rosadi. 2021b. Minimum Message Length Autoregressive Moving Average Model Order Selection. arXiv arXiv:2110.03250. [Google Scholar]
  20. Fitzgibbon, Leigh J., David L. Dowe, and Farshid Vahid. 2004. Minimum message length autoregressive model order selection. Paper presented at International Conference on Intelligent Sensing and Information Processing, Chennai, India, January 4–7; pp. 439–44. [Google Scholar]
  21. Grigoriu, Mircea. 2013. Stochastic Calculus: Applications in Science and Engineering. Berlin/Heidelberg: Springer Science and Business Media. [Google Scholar]
  22. Hochreiter, Sepp, and Jürgen Schmidhuber. 1997. Long short-term memory. Neural Computation 9: 1735–80. [Google Scholar] [CrossRef]
  23. Hong, Harrison, G. Andrew Karolyi, and José A. Scheinkman. 2020. Climate finance. The Review of Financial Studies 33: 1011–23. [Google Scholar] [CrossRef]
  24. Hyndman, R. J., G. Athanasopoulos, C. Bergmeir, G. Caceres, L. Chhay, M. O’Hara-Wild, Fotios Petropoulos, Slava Razbash, and E. Wang. 2020. Package ‘Forecast’. Available online: https://cran.r-project.org/web/packages/forecast/forecast.pdf (accessed on 3 November 2021).
  25. Jiang, Jing Jing, Bin Ye, and Xiao Ming Ma. 2014. The construction of Shenzhen carbon emission trading scheme. Energy Policy 75: 17–21. [Google Scholar] [CrossRef]
  26. Kelotra, Amit, and Prateek Pandey. 2020. Stock market prediction using optimized deep-convlstm model. Big Data 8: 5–24. [Google Scholar] [CrossRef] [Green Version]
  27. Kelp, Makoto M., Andrew P. Grieshop, Conor CO Reynolds, Jill Baumgartner, Grishma Jain, Karthik Sethuraman, and Julian D. Marshall. 2018. Real-time indoor measurement of health and climate-relevant air pollution concentrations during a carbon-finance-approved cookstove intervention in rural India. Development Engineering 3: 125–32. [Google Scholar] [CrossRef]
  28. Lelieveld, Jos, John S. Evans, Mohammed Fnais, Despina Giannadaki, and Andrea Pozzer. 2015. The contribution of outdoor air pollution sources to premature mortality on a global scale. Nature 525: 367–71. [Google Scholar] [CrossRef]
  29. Li, Jin, and Shanying Hu. 2017. History and future of the coal and coal chemical industry in China. Resources, Conservation and Recycling 124: 13–24. [Google Scholar] [CrossRef]
  30. Li, Li, Yalin Lei, Qun Xu, Sanmang Wu, Dan Yan, and Jiabin Chen. 2017. Crowding-out effect of coal industry investment in coal mining area: Taking Shanxi province in China as a case. Environmental Science and Pollution Research 24: 23290–98. [Google Scholar] [CrossRef] [PubMed]
  31. Liu, Yipeng, Haifeng Zheng, Xinxin Feng, and Zhonghui Chen. 2017. Short-term traffic flow prediction with Conv-LSTM. Paper presented at 2017 9th International Conference on Wireless Communications and Signal Processing (WCSP), Nanjing, China, October 11–13; pp. 1–6. [Google Scholar]
  32. Mehtab, Sidra, and Jaydip Sen. 2020. A time series analysis-based stock price prediction using machine learning and deep learning models. International Journal of Business Forecasting and Marketing Intelligence 6: 272–335. [Google Scholar] [CrossRef]
  33. Neath, Andrew A., and Joseph E. Cavanaugh. 2012. The Bayesian information criterion: Background, derivation, and applications. Wiley Interdisciplinary Reviews: Computational Statistics 4: 199–203. [Google Scholar] [CrossRef]
  34. Pang, Xiongwen, Yanqiang Zhou, Pan Wang, Weiwei Lin, and Victor Chang. 2020. An innovative neural network approach for stock market prediction. The Journal of Supercomputing 76: 2098–118. [Google Scholar] [CrossRef]
  35. Retta, Sivaji, Pavan Yarramsetti, and Sivalal Kethavath. 2021. Comprehensive Analysis of Deep Learning Approaches for PM2.5 Forecasting. In Proceedings of International Conference on Computational Intelligence and Data Engineering. Singapore: Springer, pp. 311–22. [Google Scholar]
  36. Sari, Anggraini Puspita, Hiroshi Suzuki, Takahiro Kitajima, Takashi Yasuno, Dwi Arman Prasetya, and Abd Rabi. 2020. Prediction of wind speed and direction using encoding-forecasting network with convolutional long short-term memory. Paper presented at 2020 59th Annual Conference of the Society of Instrument and Control Engineers of Japan (SICE), Chiang Mai, Thailand, September 23–26; pp. 958–63. [Google Scholar]
  37. Sakamoto, Yosiyuki, Makio Ishiguro, and Genshiro Kitagawa. 1986. Akaike Information Criterion Statistics. Dordrecht: D. Reidel, vol. 81, p. 26853. [Google Scholar]
  38. Sak, Mony, David L. Dowe, and Sid Ray. 2005. Minimum message length moving average time series data mining. Paper presented at 2005 ICSC Congress on Computational Intelligence Methods and Applications, Istanbul, Turkey, December 15–17; p. 6. [Google Scholar]
  39. Wooldridge, Jeffrey M. 2015. Introductory Econometrics: A Modern Approach. Boston: Cengage Learning. [Google Scholar]
  40. Xu, Z., and Y. Lv. 2019. Att-ConvLSTM: PM2.5 Prediction Model and Application. In Proceedings of International Conference on Natural Computation, Fuzzy Systems and Knowledge Discovery. Cham: Springer, pp. 30–40. [Google Scholar]
  41. Yonaba, H., F. Anctil, and V. Fortin. 2010. Comparing sigmoid transfer functions for neural network multistep ahead streamflow forecasting. Journal of Hydrologic Engineering 15: 275–83. [Google Scholar] [CrossRef]
  42. Zhao, Yongning, Lin Ye, Pierre Pinson, Yong Tang, and Peng Lu. 2018. Correlation-constrained and sparsity-controlled vector autoregressive model for spatio-temporal wind power forecasting. IEEE Transactions on Power Systems 33: 5029–40. [Google Scholar] [CrossRef] [Green Version]
Figure 1. Architecture of long short-term memory.
Figure 1. Architecture of long short-term memory.
Econometrics 09 00043 g001
Figure 2. Architecture of ConvLSTM2D in one layer.
Figure 2. Architecture of ConvLSTM2D in one layer.
Econometrics 09 00043 g002
Figure 3. Entire architecture of ConvLSTM2D.
Figure 3. Entire architecture of ConvLSTM2D.
Econometrics 09 00043 g003
Table 1. Parameters of p in AR ( p ) selected by MML for different stock and learning rate η used in different stock.
Table 1. Parameters of p in AR ( p ) selected by MML for different stock and learning rate η used in different stock.
Parameters of p in AR ( p ) Selected by MML for Different Stock and Learning Rate η Used in Different Stock
BeijingTaiyuanShijiazhuangChangchun
ShougangShenhuaSanyDatong CoalShanxi CoalSanxi CokingHbisMaanshan Iron & SteelFAW JiefangFAWAY
p2222232235
η 0.0010.0010.0010.10.10.10.010.010.10.1
Table 2. Air pollution model comparison for the stock prices predictions of three selected heavy manufacturers in Beijing.
Table 2. Air pollution model comparison for the stock prices predictions of three selected heavy manufacturers in Beijing.
Model Comparison for the Stock Prices of Heavy Manufacturers in Beijing
MAE1.667209 MAE3.225985 MAE2.147781
Our modelShougangRMSE1.886901ShenhuaRMSE3.877564SanyRMSE2.54785
SSE192.2613 SSE811.9173 SSE350.5432
MAE1.910572 MAE2.660931 MAE2.502593
ARIMAShougangRMSE2.137925ShenhuaRMSE3.16369SanyRMSE2.967872
SSE246.819 SSE540.4825 SSE475.6462
MAE2.678831 MAE6.436293 MAE14.61221
Historical meanShougangRMSE2.853079ShenhuaRMSE6.844118SanyRMSE14.79293
SSE439.5633 SSE2529.466 SSE11816.86
Table 3. Linear regression information for the stock prices of heavy manufacturers in Beijing.
Table 3. Linear regression information for the stock prices of heavy manufacturers in Beijing.
Linear Regression Information
CoefficientsStd. Errort valuePr(>t)
Intercept0.010680.030910.3450.7298
Shougang A P 1 0.521520.244842.1300.0333
l a g 2 0.455700.0226420.131<2 × 10 16
l a g 1 0.530290.0226723.395<2 × 10 16
CoefficientsStd. Errort valuePr(>t)
Intercept0.290360.089523.2440.00121
Shenhua A P 1 −1.346050.52752−2.5520.01082
l a g 2 0.120630.025254.7771.95 × 10 16
l a g 1 0.867980.0252634.367<2 × 10 16
CoefficientsStd. Errort valuePr(>t)
Intercept0.374020.070625.2961.35 × 10 7
Sany A P 1 −3.373910.63969−5.2741.52 × 10 7
l a g 2 0.027060.025321.0690.285
l a g 1 0.968490.0253538.208<2 × 10 16
Table 4. Comparison of air pollution models for the stock prices predictions of three selected heavy manufacturers in Taiyuan.
Table 4. Comparison of air pollution models for the stock prices predictions of three selected heavy manufacturers in Taiyuan.
Model Comparison for the Stock Prices of Heavy Manufacturers in Taiyuan
MAE3.870204 MAE3.09871 MAE2.432536
Our modelDatongRMSE4.493543ShanxiRMSE3.737073SanxiRMSE2.984308
SSE1090.364 SSE754.1486 SSE480.9291
MAE3.341736 MAE2.864032 MAE2.467751
ARIMADatongRMSE3.941559ShanxiRMSE3.501327SanxiRMSE3.004132
SSE838.9378 SSE662.0017 SSE487.3397
MAE5.834804 MAE5.004533 MAE3.369719
Historical meanDatongRMSE6.262535ShanxiRMSE5.529563SanxiRMSE3.838642
SSE2117.845 SSE1651.108 SSE795.6992
Table 5. Linear regression information for the stock prices of heavy manufacturers in Beijing.
Table 5. Linear regression information for the stock prices of heavy manufacturers in Beijing.
Linear Regression Information
CoefficientsStd. Errort valuePr(>t)
Intercept−0.215640.03424−6.2983.92 × 10 10
Datong A P 1 1.989530.1629912.207<2 × 10 16
l a g 5 −0.088420.02430−3.6380.00283
l a g 4 0.112880.030543.6960.000227
l a g 3 0.018220.030840.5910.554809
l a g 2 0.177090.030535.8008.03 × 10 09
l a g 1 0.753600.0243230.992<2 × 10 16
CoefficientsStd. Errort valuePr(>t)
Intercept−0.961860.02383−40.362<2 × 10 16
Shanxi A P 1 4.936180.1023948.209<2 × 10 16
l a g 2 0.160020.016059.971<2 × 10 16
l a g 1 0.831040.0160551.778<2 × 10 16
CoefficientsStd. Errort valuePr(>t)
Intercept−0.410740.03359−12.228<2 × 10 16
Sanxi A P 1 3.429410.1549522.133<2 × 10 16
l a g 3 0.123700.022065.6092.41 × 10 08
l a g 2 0.254120.0252210.078<2 × 10 16
l a g 1 0.577900.0221026.155<2 × 10 16
Table 6. Air pollution model comparison for the stock prices predictions of three selected heavy manufacturers in Shijiazhuang.
Table 6. Air pollution model comparison for the stock prices predictions of three selected heavy manufacturers in Shijiazhuang.
Model Comparison for the Stock Prices of Heavy Manufacturers in Shijiazhuang
MAE0.476300 MAE1.330529
Our modelHbisRMSE0.532923MaanshanRMSE1.495913
SSE15.33638 SSE120.8388
MAE0.516722 MAE1.596509
ARIMAHbisRMSE0.571172MaanshanRMSE1.742506
SSE17.61684 SSE163.9617
MAE0.225341 MAE2.35427
Historical meanHbisRMSE0.257499MaanshanRMSE2.462239
SSE3.580536 SSE327.3815
Table 7. Linear regression information for the stock prices of heavy manufacturers in Shijiazhuang.
Table 7. Linear regression information for the stock prices of heavy manufacturers in Shijiazhuang.
Linear Regression Information
CoefficientsStd. Errort valuePr(>t)
Intercept0.0025140.0180130.1400.8890
Hbis A P 1 0.1925690.0936312.0570.0399
l a g 2 0.2573250.02458710.466<2 × 10 16
l a g 1 0.7313140.02460729.720<2 × 10 16
CoefficientsStd. Errort valuePr(>t)
Intercept0.0232640.0160881.4460.148
Maanshan A P 1 −0.0623280.5388272.1980.0325
l a g 2 0.0041650.0255100.1630.870
l a g 1 0.9852180.02549338.647<2 × 10 16
Table 8. Air pollution model comparison for the stock prices predictions of three selected heavy manufacturers in Changchun.
Table 8. Air pollution model comparison for the stock prices predictions of three selected heavy manufacturers in Changchun.
Model Comparison for the Stock Prices of Heavy Manufacturers in Changchun
MAE2.107585 MAE1.227716
Our modelFAW JiefangRMSE2.266491FAWAYRMSE1.426226
SSE277.3969 SSE109.8424
MAE5.223868 MAE0.592963
ARIMAFAW JiefangRMSE5.270225FAWAYRMSE0.632561
SSE1499.864 SSE21.6072
MAE5.746878 MAE0.738691
Historical meanFAW JiefangRMSE5.78802FAWAYRMSE0.79334
SSE1809.064 SSE33.987
Table 9. Linear regression information for the stock prices of heavy manufacturers in Changchun.
Table 9. Linear regression information for the stock prices of heavy manufacturers in Changchun.
Linear Regression Information
CoefficientsStd. Errort valuePr(>t)
Intercept−0.312930.03808−8.2184.33 × 10 15
FAW Jiefang A P 1 3.810930.1991819.134<2 × 10 16
l a g 2 −0.083170.02279−3.6490.00272
l a g 1 1.057030.0228346.296<2 × 10 16
CoefficientsStd. Errort valuePr(>t)
Intercept−0.0136650.038441−0.3550.7223
A P 1 0.5560750.1111465.0036.29 × 10 01
l a g 5 0.0042340.0253030.1670.8671
FAWAY l a g 4 −0.0304300.036429−0.8350.4037
l a g 3 0.0585810.0364621.6070.1083
l a g 2 −0.0783800.036433−2.1510.0316
l a g 1 1.0362210.02528540.981<2 × 10 16
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Fang, Z.; Xie, J.; Peng, R.; Wang, S. Climate Finance: Mapping Air Pollution and Finance Market in Time Series. Econometrics 2021, 9, 43. https://0-doi-org.brum.beds.ac.uk/10.3390/econometrics9040043

AMA Style

Fang Z, Xie J, Peng R, Wang S. Climate Finance: Mapping Air Pollution and Finance Market in Time Series. Econometrics. 2021; 9(4):43. https://0-doi-org.brum.beds.ac.uk/10.3390/econometrics9040043

Chicago/Turabian Style

Fang, Zheng, Jianying Xie, Ruiming Peng, and Sheng Wang. 2021. "Climate Finance: Mapping Air Pollution and Finance Market in Time Series" Econometrics 9, no. 4: 43. https://0-doi-org.brum.beds.ac.uk/10.3390/econometrics9040043

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