This paper was converted on www.awesomepapers.org from LaTeX by an anonymous user.
Want to know more? Visit the Converter page.

Learning Wildfire Model from Incomplete State Observations

Alissa Chavalithumrong, Hyung-Jin Yoon, Petros Voulgaris
Abstract

As wildfires are expected to become more frequent and severe, improved prediction models are vital to mitigating risk and allocating resources. With remote sensing data, valuable spatiotemporal statistical models can be created and used for resource management practices. In this paper, we create a dynamic model for future wildfire predictions of five locations within the western United States through a deep neural network via historical burned area and climate data. The proposed model has distinct features that address the characteristic need in prediction evaluations, including dynamic online estimation and time-series modeling. Between locations, local fire event triggers are not isolated, and there are confounding factors when local data is analyzed due to incomplete state observations. When compared to existing approaches that do not account for incomplete state observation within wildfire time-series data, on average, we are able to achieve higher prediction performances.

Introduction

Wildfire is a vital, dynamic force of nature that shapes the composition and structure of ecosystems. Human interaction with fire has forced it to become both a natural resource management tool, and a hazard that needs to be contained. Anthropogenic-induced climate change, human activity, accumulation of fuels, and past forest management techniques are all contributing factors to the increasing number and severity of forest fires (Moritz et al. 2014). Despite increased investments in firefighting, the probability and potential losses associated with wildfire risks are increasing and emergency responses are insufficient to protect natural resources and communities (Finney 2021). This is reflected on a global scale: North America, South America, Australia, and the Mediterranean Basin have all experienced substantial losses in life and property to wildfires (Bowman et al. 2011; Chapin et al. 2008; Holz et al. 2017; Walker et al. 2019). In the western United States alone, the 2020 season saw over 2.5 million hectares burned, the largest wildfire season recorded in modern history (Higuera and Abatzoglou 2020). Identifying areas with high fire susceptibility is crucial to successfully designing fire management plans and allocating resources (Dennison et al. 2014); consequently, robust approaches to accurately estimate the time, location, and extent of future fires are necessary (Sakellariou et al. 2019; Alcasena et al. 2019).


Refer to caption

Figure 1: Wildfire in Northern California between 06/01/2020 and 12/31/2020 from Fire Information for Resource Management System (FIRMS) data set (Davies et al. 2019) queried from Google Earth Engine (Gorelick et al. 2017).

Although wildfires have often presented challenges in modeling due to their complex nature, advances in remote sensing techniques, numerical weather prediction, and climate models have allowed for an increase in datacentric approaches (Jain et al. 2020). To make use of these data repositories, spatiotemporal models can be created to extract data and find patterns that may not have been explicitly stored. Early methods included an integrated forecasting framework using a dynamic recurrent neural network, relying on spatiotemporal clustering and classification as the primary data mining technique (Cheng and Wang 2008).

Predictive modeling of wildfires often face a limitation that falls in their evaluation phase (Gholami et al. 2021). In supervised machine learning, and specifically classification, the objective is to find a model that accurately assigns data to predefined classes. Commonly, a data set is randomly divided into three parts: a training set, a validation set, and a separate test set to validate the generalized performance of the final classifier (Alpaydin 2020). In a wildfire data set, this type of partitioning is not advantageous for future fire prediction. As a result, spatial distribution is valued over temporal aspects, resulting in fire predictions that are not reflective of true burn behavior patterns (Jain et al. 2020). By evaluating our models on both a temporal- and spatial-based division of data in the supervised learning phase, a more realistic future fire prediction model is possible.

Refer to caption

Figure 2: Incomplete state observation of wildfire. External influence from the surroundings and noisy satellite imagery that observes fire through the atmosphere cause incomplete state observations.

In this paper, we work towards creating a wildfire prediction model using remote sensing data by leveraging incomplete state observations, as shown in Figure 2. In evaluations, we find that our model outperforms baselines against static generative models and recurrent neural network methods, suggesting that satellite imagery contains data with impacted accuracy, and distortions that can result in a partial observation of states. We summarize our contributions as follows:

  • We simulate a real-world data input stream, in which we divide our training data set temporally and create a dynamic model for future wildfire burn area predictions on a weekly temporal resolution.

  • We introduce a hidden Markov model approach that can consider the unknown external effect and hidden state by maximizing the likelihood of the predicted observation, in addition to predicting the fire.

Related Works

Wildfire forecasting models have been created through several methods, but existing systems, such as the Canadian Forest Fire Weather Index System, rely on weather stations and closed-form mathematical equations to attain a fire risk probability (Wagner 1987). Recent literature commonly exhibits spatial fire-susceptibility models using either remotely sensed or agency-reported fire data. An example of this is regional fire-susceptibility mapping in Iran with neuro-fuzzy systems (Jaafari et al. 2019). Other notable spatial models include Bashari et al. (2016) and Shang et al. (2020). Limitations for spatially explicit work are described in the introduction.

Cheng and Wang (2008) proposed a spatiotemporal predictive model based on a dynamic recurrent neural network using historical observations in Canada. In a deep learning model proposed by Huot et al. (2020), remote sensing data of historical fire data are aggregated into a convolutional auto-encoder and LSTM models to estimate fire likelihood. Gholami et al. (2021) uses temporally divided data to test both linear and nonlinear models for fire prediction.

Prior literature have traditionally formulated the fire prediction problem as a classification problem. Shidik and Mustofa (2014) used a back-propagation neural network to predict burn areas, achieving an extremely high accuracy compared to other models, which performed with much lower accuracy (Coffield et al. 2019; Mitsopoulos and Mallinis 2017). These lower accuracy works, however, created classes based upon the ground-truth burned area size instead of clusters on the covariates. Similarly, a study done using Australian bush-fires as the primary data set utilized a classifier ensemble method to establish a relationship between fire incidence and climatic data on a weekly time scale (Dutta, Das, and Aryal 2016).

Refer to caption

Figure 3: Wildfire trend observed from the fire detection confidence averaged over 2D pixels and 3 months time span from FIRMS (Davies et al. 2019).

Jin et al. (2020) uses V graph-convolutional layers in a custom architecture to predict urban fires. By integrating a graph convolutional neural network, CNN layers, and RNNs to model the fire prediction problem, the model creates a fully represented and connected graph of the regional data set. Training such a network would require a significant amount of time, and it is likely computationally infeasible to use this model or replicate such results over larger areas.

There are other existing machine-learning-based approaches in the domain of forest fires but they do not specifically focus on fire prediction. Yoon et al. (2021) demonstrates a method to determine state estimation within a spatial temporal grid map for UAV wildfire detection. Wijayanto et al. (2017) used an adaptive neuro fuzzy interface system to predict forest fire occurrences and explore the relationship of fire with human activities. Due to the characteristics of the fire models, ecological prediction models can be analogous as well. Jones et al. (2021) uses an iterative modeling cycle to forecasting biological invasions. Van Dao et al. (2020) uses random forest and logistic regression to predict seasonal rainfall induced landslides.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Figure 4: ERA5 Daily Aggregates (Store 2017)

Refer to caption

Figure 5: Selected rectangular grids map for data set generation from FIRMS (Davies et al. 2019). The rectangles are centered at Portland, Medford, Reno, Denver, and Salt Lake City.

Study Area and Data

In this study, the regions chosen encompass 100 km by 100 km grid squares in the western United States, shown in Figure 5. Squares were centered at cities that have experienced moderate to high wildfire activity in the past decade, including: Portland, Oregon; Medford, Oregon; Reno, Nevada; Denver, Colorado; and Salt Lake City, Utah. Wildfire trends in each city are illustrated in Figure 3. Within the western United States, the Federal government has designated a higher proportion of land for public access, such as national parks and national forests. Consequently, population growth occurring at wildland-urban interfaces has been introduced to these fire hazards (Cannon and DeGraff 2009). These cities, due to their increasing population size, proximity to fire zones, and distribution across the American west, provide a diverse and relevant data set to work with.

Data was compiled from multiple remote sensing data sources from Google Earth Engine (Gorelick et al. 2017), a publicly available data repository. We selected sources with high spatial and temporal resolution, extensive geographical and historical coverage, and regular update intervals. Wildfire data is from the FIRMS: Fire Information for Resource Management System data set, containing the LANCE fire detection product in rasterized form that provides near real-time fires detection (Davies et al. 2019). Climate data is from ERA5 data set produced by Copernicus Climate Change Service, which consists of aggregated values for each day for temperature, dew point, surface pressure, and precipitation, as shown in Figure 4 (Store 2017). ERA5 data is available from 1979 to three months from real-time. The combined data was then partitioned into training and validation data sets, demonstrated in Figure 6.

Refer to caption

Figure 6: Data partitioning method: data set is divided temporally in weekly time intervals, t, following a ratio of 70% training data and 30% validation data. This data generation scheme holds true for all locations.

Proposed Framework

Modeling Process

The dynamic auto-encoder consists of two steps: (1) system identification in which the state estimate is determined by maximising the likelihood of its one-step (one week) future prediction; and (2) fire prediction, in which the ground truth is predicted after four time steps (one month).

Refer to caption

Figure 7: Dynamic auto-encoder and fire map prediction network. The dynamic auto-encoder is trained to predict the observation at k+1k+1 using the observation at kk and the state of RNN denoted as hkh_{k}. And the state of RNN denoted as hkh_{k} is also used to predict fire map at TT time steps ahead.

.

The dynamic auto-encoder used in this study employs a multidimensional time series from the curated 11-channel data set as the inputs for the model. The encoder transforms the input and feeds the signal to the recurrent neural network (RNN). The hidden state of the RNN was used by the decoder to reconstruct the ground truth input data and estimate the future fire spot likelihood at subsequent time steps. An independent loss function was optimized for the auto-encoder to evaluate the accuracy of the predictions at the given time steps. Further, the RNN state estimate consequently represents the compressed information from the history of available and missing observations and unmeasured variables with high accuracy. Due to the real-time advantage of the recursive update of the dynamic auto-encoder, we can predict the fire grid map online. As shown in Figure 7, the dynamic auto-encoder integrates previous observations into the hidden state of RNN. Hence, the model’s inference can be implemented in real-time.

Online Parameter Estimation

The system identification provides the state estimate information for the fire map prediction. As a result, the update of the parameter for system identification is set to be slower than the parameter update for the fire map prediction so that the fire prediction network can track the change of the state estimator of the system identification. In Heusel et al. (2017), it was shown that the Adam (Kingma and Ba 2015) step size rule can be set to implement the two time scale step size update rule (TTUR) in (2).

The two-time scale optimization has update iterations as follows:

θn+1pred\displaystyle\theta^{\text{pred}}_{n+1} =θnpred+ϵndqnSnpred(𝒟ntrajectory)\displaystyle=\theta^{\text{pred}}_{n}+\epsilon_{n}^{\text{dqn}}S_{n}^{\text{pred}}(\mathcal{D}_{n}^{\text{trajectory}}) (1)
θn+1sys\displaystyle\theta^{\text{sys}}_{n+1} =θnsys+ϵnsysSnsys(𝒟ntrajectory),\displaystyle=\theta^{\text{sys}}_{n}+\epsilon_{n}^{\text{sys}}S_{n}^{\text{sys}}(\mathcal{D}_{n}^{\text{trajectory}}),

where the step sizes vanish following the vanishing step size rules:

ϵnsys/ϵnpred0asn,\epsilon_{n}^{\text{sys}}/\epsilon_{n}^{\text{pred}}\rightarrow 0\quad\text{as}\quad n\rightarrow\infty, (2)

and SnsysS_{n}^{\text{sys}} was defined in (3), and SnpredS_{n}^{\text{pred}} will be described in (5).

System Identification

The deep neural networks in Fig. 7 are trained to predict the future observation in the next time step given previous observations. We use replay buffer (Zhang and Sutton 2017) to save recent trajectories to sample minibatch samples for training as follows:

trajectory=[(𝐲0,𝐡0)1,,(𝐲term,𝐡term)1(𝐲0,𝐡0)N,,(𝐲term,𝐡term)N]\mathcal{M}_{\text{trajectory}}=\begin{bmatrix}(\mathbf{y}_{0},\mathbf{h}_{0})_{1},&\dots,&(\mathbf{y}_{\text{term}},\mathbf{h}_{\text{term}})_{1}\\ \vdots&\vdots&\vdots\\ (\mathbf{y}_{0},\mathbf{h}_{0})_{N},&\dots,&(\mathbf{y}_{\text{term}},\mathbf{h}_{\text{term}})_{N}\end{bmatrix}

where 𝐲k\mathbf{y}_{k} denotes the observations of the map at time kk that are extracted from the climate (Store 2017) and fire data set(Davies et al. 2019).

Refer to caption

Figure 8: Training iteration.

The system identification aims to obtain the parameter, which maximizes the likelihood of the one-step future prediction of the observation given the state estimate calculated from the learned model. We maximize the likelihood by minimizing a distance between true image streams and the predicted image streams by a stochastic optimization, which samples trajectories saved in the replay buffer denoted trajectory\mathcal{M}_{\text{trajectory}}. The stochastic gradient for the optimization is calculated as follows:

Snsys=θsyslsys(𝒟ntrajectory;θsys),S^{\text{sys}}_{n}=-\nabla_{\theta_{\text{sys}}}l^{\text{sys}}(\mathcal{D}_{n}^{\text{trajectory}};\theta_{\text{sys}}), (3)

where 𝒟ntrajectory:={{𝐲k1,𝐡k1}k=1K,,{𝐲kL,𝐡kL}k=1K}\mathcal{D}_{n}^{\text{trajectory}}:=\{\{\mathbf{y}_{k}^{1},\mathbf{h}_{k}^{1}\}_{k=1}^{K},\dots,\{\mathbf{y}_{k}^{L},\mathbf{h}_{k}^{L}\}_{k=1}^{K}\} denotes sampled LL trajectories from the memory buffer trajectory\mathcal{M}^{\text{trajectory}}, {𝐲kl}k=1K\{\mathbf{y}_{k}^{l}\}_{k=1}^{K} denotes llth sample image stream with length KK, and θsys\theta_{\text{sys}} denotes the parameter of the model in Fig. 7. The loss function lsys()l^{\text{sys}}(\cdot) is calculated as follows:

lsys(𝒟ntrajectory;θsys)=1LKl=1Lk=1Kd(𝐲kl,𝐲^kl),l^{\text{sys}}(\mathcal{D}_{n}^{\text{trajectory}};\theta_{\text{sys}})=\frac{1}{LK}\sum_{l=1}^{L}\sum_{k=1}^{K}d(\mathbf{y}_{k}^{l},\hat{\mathbf{y}}_{k}^{l}),

where d(,)d(\cdot,\cdot) denotes a metric 111In this work, we used the cross-entropy as the distance between predicted and ground truth image. between two images and 𝐲^kl\hat{\mathbf{y}}^{l}_{k} is the predicted observation grid map (or image frame) for the target 𝐲kl\mathbf{y}^{l}_{k}, and kk denotes the time index, and the superscript ll denotes the sample index. Each sample trajectory {𝐲k,𝐡0}\{\mathbf{y}_{k},\mathbf{h}_{0}\} is processed through the encoder, RNN, and the decoder with the following process. For the image stream sample {𝐲1,,𝐲K}\{\mathbf{y}_{1},\dots,\mathbf{y}_{K}\} and initial observation 𝐲0\mathbf{y}_{0} and initial state value 𝐡0\mathbf{h}_{0}, we calculate

𝐡k+1\displaystyle\mathbf{h}_{k+1} =RNN(𝐡k,Encoder(𝐲k))\displaystyle=\text{RNN}(\mathbf{h}_{k},\text{Encoder}(\mathbf{y}_{k})) (4)
𝐲^k+1\displaystyle\hat{\mathbf{y}}_{k+1} =Decoder1(𝐡k+1)\displaystyle=\text{Decoder}_{1}(\mathbf{h}_{k+1})

and we collect them into {𝐲^1,,𝐲^K}\{\hat{\mathbf{y}}_{1},\dots,\hat{\mathbf{y}}_{K}\}.

Refer to caption
(a)
Refer to caption
(b)
Refer to caption
(c)
Refer to caption
(d)
Refer to caption
(e)
Refer to caption
(f)
Refer to caption
(g)
Refer to caption
(h)
Refer to caption
(i)
Refer to caption
(j)
Figure 9: Fire risk probabilities (top row) predicted 4 weeks before and ground truth fire map (Davies et al. 2019) (bottom row). See the illustrative video linked at https://youtu.be/NjbiGmP3uMk.

Fire Map Prediction

The state of the recurrent neural network 𝐡k\mathbf{h}_{k} is mapped from all previous observations through the recursive update in (4).

Snpred=θpredlpred(𝒟ntrajectory;θpred),S^{\text{pred}}_{n}=-\nabla_{\theta_{\text{pred}}}l^{\text{pred}}(\mathcal{D}_{n}^{\text{trajectory}};\theta_{\text{pred}}), (5)

where the loss function lpred()l^{\text{pred}}(\cdot) is calculated as follows:

lpred(𝒟ntrajectory;θpred)=1LKl=1Lk=1Kd(𝐟k+Tl,𝐟^k+Tl)l^{\text{pred}}(\mathcal{D}_{n}^{\text{trajectory}};\theta_{\text{pred}})=\frac{1}{LK}\sum_{l=1}^{L}\sum_{k=1}^{K}d(\mathbf{f}_{k+T}^{l},\hat{\mathbf{f}}_{k+T}^{l})

with

𝐡k+1\displaystyle\mathbf{h}_{k+1} =RNN(𝐡k,Encoder(𝐲k))\displaystyle=\text{RNN}(\mathbf{h}_{k},\text{Encoder}(\mathbf{y}_{k}))
𝐟^k+T\displaystyle\hat{\mathbf{f}}_{k+T} =Decoder2(𝐡k).\displaystyle=\text{Decoder}_{2}(\mathbf{h}_{k}).

where Decoder2\text{Decoder}_{2} predict TT step future fire given the current state estimate 𝐡k\mathbf{h}_{k}.

We summarise the entire procedure as the following multi-level stochastic optimization in Algorithm 1.

Algorithm 1 Two-Time-Scale Stochastic Optimization
  Input: State Estimation Network in Fig. 7
            with θ0sys\theta^{\text{sys}}_{0} of Encoder, RNN, and Decoder1.
  Input: Fire map prediction network with Decoder2.
  Input: Training time-series data.
  Input: Replay buffers: trajectory\mathcal{M}_{\text{trajectory}}, transition\mathcal{M}_{\text{transition}}
  Output: Fixed parameters: θsys\theta^{\text{sys}}_{*} and θdqn\theta^{\text{dqn}}_{*}
  for n=0n=0 to NiterationsN_{\text{iterations}} do
     Update RNN state 𝐡k\mathbf{h}_{k} given 𝐲k\mathbf{y}_{k} as in  (4)
     𝐡k+1RNN(𝐡k,Encoder(𝐲k))\quad\mathbf{h}_{k+1}\leftarrow\text{RNN}(\mathbf{h}_{k},\text{Encoder}(\mathbf{y}_{k}))
     𝐲^kDecoder(𝐡k)\quad\hat{\mathbf{y}}_{k}\leftarrow\text{Decoder}(\mathbf{h}_{k})
     Add new data to the replay buffers
     trajectory(𝐲k,hk)\quad\mathcal{M}_{\text{trajectory}}\leftarrow(\mathbf{y}_{k},h_{k})
     Update parameters with the gradients in (3) and (5)
     θn+1predθnpred+ϵnpredSndqn(𝒟ntrajctory)\quad\theta^{\text{pred}}_{n+1}\leftarrow\theta^{\text{pred}}_{n}+\epsilon_{n}^{\text{pred}}S_{n}^{\text{dqn}}(\mathcal{D}^{\text{trajctory}}_{n})
     θn+1sysθnsys+ϵnsysSnsys(𝒟ntrajectory)\quad\theta^{\text{sys}}_{n+1}\leftarrow\theta^{\text{sys}}_{n}+\epsilon_{n}^{\text{sys}}S_{n}^{\text{sys}}(\mathcal{D}^{\text{trajectory}}_{n})
     Update the step sizes ϵnsys\epsilon_{n}^{\text{sys}} and ϵnsys\epsilon_{n}^{\text{sys}} using TTUR in (Heusel et al. 2017).
  end for
  Fix parameters with the current ones.

As shown in Figure 8, the algorithm simultaneously decreases the two loss function values for the dynamic auto-encoder and fire map predictor.

Refer to caption
Figure 10: One-step future observation prediction for state estimation. The top row shows the prediction and the bottom row shows ground truth. The first two columns are from FIRMS (Davies et al. 2019) and the other columns are from ERA5 Daily Aggregates (Store 2017). All values are scaled to fit within [0,1][0,1].

Evaluation and Discussion

We evaluated the proposed model in Figure 7 to see if it can generalize over temporal variation. We first trained a model using the time-series data from 11/01/2000 to 06/08/2016. The models are trained independently using local time-series data. Then, the corrected trained models were applied to the later time- series validation data beginning 06/08/2016 and ending 04/08/2020. As shown in Figure 10 with the linked video, the predicted observation images from the trained model show correlations with ground-truth weather images for the state estimation for the data with incomplete state observations. In Figure 9, as shown in the linked video, the wildfire prediction map shows qualitative correlation with the ground truth. The figures and videos demonstrate that the proposed model has prediction capabilities.

Table 1: Temporal validation2 for the time-span between 06/08/2016 and 04/08/2020
Location Metric Gen GRU Dynamic
Network Autoenc
Reno BCE 129.7 134.7 140.6
AUROC 0.811 0.782 0.770
Salt BCE   90.6   87.0   77.1
Lake City AUROC 0.663 0.734 0.765
Portland BCE 120.8 124.9 102.4
AUROC 0.743 0.803 0.676
Medford BCE 150.74 152.0 144.7
AUROC 0.698 0.645 0.734
Denver BCE 81.3   75.4   75.8
AUROC 0.705 0.605 0.656

2 The training time-series data span from 11/01/2000 and 06/08/2016.

Temporal validation

We compared the proposed model with two alternatives. The generative network (denoted as GEN. NETWORK) is comprised of an Encoder()\text{Encoder}(\cdot) and Decoder2()\text{Decoder}_{2}(\cdot) from Figure 7. In the GEN. NETWORK, the RNN(,)\text{RNN}(\cdot,\cdot) is excluded, creating a static model. The gated recurrent unit (denoted as GRU) is comprised of an Encoder()\text{Encoder}(\cdot), RNN(,)\text{RNN}(\cdot,\cdot) and Decoder2()\text{Decoder}_{2}(\cdot) but without the Decoder1()\text{Decoder}_{1}(\cdot), as it will learn with no state estimation.

To validate the proposed model and compare it to alternatives, we computed several performance metrics for processing validation data sets. The validation and training time series data are in different time periods. Therefore, the model did not see the validation data during training. As shown in Table 1, we report standard metrics including area under the receiver operating characteristic (AUROC) and binary cross-entropy loss (denoted as BCE in tables). The proposed model (dynamic auto-encoder) outperforms the other for the three locations (Salt Lake City, Portland, and Medford) in terms of the binary cross-entropy (BCE) loss. However, the proposed model did not outperform in terms of the other performance metric. This is partially because AUROC is not a suitable performance metric for the imbalanced dataset  (Weng and Poon 2008). The fire data is imbalanced because grids with active fire on the map are less likely than those without fire. Additionally, the BCE is equivalent to likelihood which is a general statistical model metric. Hence, in our evaluation, we outweigh BCE over AUROC.

The better performance of GRU over GEN NETWORK is expected since the GRU has greater model complexity with its dynamic structure. However, the forward passes from the observation to the prediction of both GRU and the proposed one (DYNAMIC AUTOENC) are identical. This means that the greater performance of the proposed metric could be from the dynamic auto-encoder’s ability to estimate for confounding factors.

Conclusion

In the past decade, wildfires have ravaged the western United States. Due to the scarcity of resources and difficulties in wildfire surveillance, first responders are often a step behind in fire response. In this research, we present a novel, data-driven approach for extracting relevant fire determinants through readily available satellite images. We created an approach to wildfire prediction that explicitly takes state uncertainty into account. We also created a comprehensive model on wildfires that combines both historical fire data with relevant covarying data. Although there are some limitations to our current work, our forecasting model shows optimistic results, and addresses the limitations in current wildfire prediction. As demonstrated by other ecological forecasting topics, to most effectively implement future iterations, resource managers should be included in collaboration so that through sustained participation further iterations can optimize for real-world decision-making.

Acknowledgments

We thank the anonymous reviewers for their time and insight.

References

  • Alcasena et al. (2019) Alcasena, F. J.; Ager, A. A.; Bailey, J. D.; Pineda, N.; and Vega-García, C. 2019. Towards a comprehensive wildfire management strategy for Mediterranean areas: Framework development and implementation in Catalonia, Spain. Journal of environmental management, 231: 303–320.
  • Alpaydin (2020) Alpaydin, E. 2020. Introduction to machine learning. MIT press.
  • Bashari et al. (2016) Bashari, H.; Naghipour, A. A.; Khajeddin, S. J.; Sangoony, H.; and Tahmasebi, P. 2016. Risk of fire occurrence in arid and semi-arid ecosystems of Iran: an investigation using Bayesian belief networks. Environmental monitoring and assessment, 188(9): 1–15.
  • Bowman et al. (2011) Bowman, D. M.; Balch, J.; Artaxo, P.; Bond, W. J.; Cochrane, M. A.; D’antonio, C. M.; DeFries, R.; Johnston, F. H.; Keeley, J. E.; Krawchuk, M. A.; et al. 2011. The human dimension of fire regimes on Earth. Journal of biogeography, 38(12): 2223–2236.
  • Cannon and DeGraff (2009) Cannon, S. H.; and DeGraff, J. 2009. The increasing wildfire and post-fire debris-flow threat in western USA, and implications for consequences of climate change. In Landslides–disaster risk reduction, 177–190. Springer.
  • Chapin et al. (2008) Chapin, F. S.; Trainor, S. F.; Huntington, O.; Lovecraft, A. L.; Zavaleta, E.; Natcher, D. C.; McGuire, A. D.; Nelson, J. L.; Ray, L.; Calef, M.; et al. 2008. Increasing wildfire in Alaska’s boreal forest: Pathways to potential solutions of a wicked problem. BioScience, 58(6): 531–540.
  • Cheng and Wang (2008) Cheng, T.; and Wang, J. 2008. Integrated spatio-temporal data mining for forest fire prediction. Transactions in GIS, 12(5): 591–611.
  • Coffield et al. (2019) Coffield, S. R.; Graff, C. A.; Chen, Y.; Smyth, P.; Foufoula-Georgiou, E.; and Randerson, J. T. 2019. Machine learning to predict final fire size at the time of ignition. International journal of wildland fire, 28(11): 861–873.
  • Davies et al. (2019) Davies, D.; Ederer, G.; Olsina, O.; Wong, M.; Cechini, M.; and Boller, R. 2019. NASA’s Fire Information for Resource Management System (FIRMS): Near Real-Time Global Fire Monitoring Using Data from MODIS and VIIRS. In EARSel Forest Fires SIG Workshop.
  • Dennison et al. (2014) Dennison, P. E.; Brewer, S. C.; Arnold, J. D.; and Moritz, M. A. 2014. Large wildfire trends in the western United States, 1984–2011. Geophysical Research Letters, 41(8): 2928–2933.
  • Dutta, Das, and Aryal (2016) Dutta, R.; Das, A.; and Aryal, J. 2016. Big data integration shows Australian bush-fire frequency is increasing significantly. Royal Society open science, 3(2): 150241.
  • Finney (2021) Finney, M. A. 2021. The wildland fire system and challenges for engineering. Fire Safety Journal, 120: 103085.
  • Gholami et al. (2021) Gholami, S.; Kodandapani, N.; Wang, J.; and Ferres, J. L. 2021. Where there’s Smoke, there’s Fire: Wildfire Risk Predictive Modeling via Historical Climate Data. In Annual Conference on Innovative Applications of Artificial Intelligence (IAAI).
  • Gorelick et al. (2017) Gorelick, N.; Hancher, M.; Dixon, M.; Ilyushchenko, S.; Thau, D.; and Moore, R. 2017. Google Earth Engine: Planetary-scale geospatial analysis for everyone. Remote Sensing of Environment.
  • Heusel et al. (2017) Heusel, M.; Ramsauer, H.; Unterthiner, T.; Nessler, B.; and Hochreiter, S. 2017. GANs trained by a two time-scale update rule converge to a local Nash equilibrium. In Advances in neural information processing systems, 6626–6637.
  • Higuera and Abatzoglou (2020) Higuera, P. E.; and Abatzoglou, J. T. 2020. Record-setting climate enabled the extraordinary 2020 fire season in the western United States. Global change biology.
  • Holz et al. (2017) Holz, A.; Paritsis, J.; Mundo, I. A.; Veblen, T. T.; Kitzberger, T.; Williamson, G. J.; Aráoz, E.; Bustos-Schindler, C.; González, M. E.; Grau, H. R.; et al. 2017. Southern Annular Mode drives multicentury wildfire activity in southern South America. Proceedings of the National Academy of Sciences, 114(36): 9552–9557.
  • Huot et al. (2020) Huot, F.; Hu, R. L.; Ihme, M.; Wang, Q.; Burge, J.; Lu, T.; Hickey, J. J.; fan Chen, Y.; and Anderson, J. R. 2020. Deep Learning Models for Predicting Wildfires from Historical Remote-Sensing Data.
  • Jaafari et al. (2019) Jaafari, A.; Zenner, E. K.; Panahi, M.; and Shahabi, H. 2019. Hybrid artificial intelligence models based on a neuro-fuzzy system and metaheuristic optimization algorithms for spatial prediction of wildfire probability. Agricultural and forest meteorology, 266: 198–207.
  • Jain et al. (2020) Jain, P.; Coogan, S. C.; Subramanian, S. G.; Crowley, M.; Taylor, S.; and Flannigan, M. D. 2020. A review of machine learning applications in wildfire science and management. Environmental Reviews, 28(4): 478–505.
  • Jin et al. (2020) Jin, G.; Zhu, C.; Chen, X.; Sha, H.; Hu, X.; and Huang, J. 2020. UFSP-Net: a neural network with spatio-temporal information fusion for urban fire situation prediction. In IOP Conference Series: Materials Science and Engineering, volume 853, 012050. IOP Publishing.
  • Jones et al. (2021) Jones, C. M.; Jones, S.; Petrasova, A.; Petras, V.; Gaydos, D.; Skrip, M. M.; Takeuchi, Y.; Bigsby, K.; and Meentemeyer, R. K. 2021. Iteratively forecasting biological invasions with PoPS and a little help from our friends. Frontiers in Ecology and the Environment.
  • Kingma and Ba (2015) Kingma, D. P.; and Ba, J. 2015. Adam: A Method for Stochastic Optimization. In International Conference on Learning Representations (ICLR).
  • Mitsopoulos and Mallinis (2017) Mitsopoulos, I.; and Mallinis, G. 2017. A data-driven approach to assess large fire size generation in Greece. Natural Hazards, 88(3): 1591–1607.
  • Moritz et al. (2014) Moritz, M. A.; Batllori, E.; Bradstock, R. A.; Gill, A. M.; Handmer, J.; Hessburg, P. F.; Leonard, J.; McCaffrey, S.; Odion, D. C.; Schoennagel, T.; et al. 2014. Learning to coexist with wildfire. Nature, 515(7525): 58–66.
  • Sakellariou et al. (2019) Sakellariou, S.; Tampekis, S.; Samara, F.; Flannigan, M.; Jaeger, D.; Christopoulou, O.; and Sfougaris, A. 2019. Determination of fire risk to assist fire management for insular areas: The case of a small Greek island. Journal of Forestry Research, 30(2): 589–601.
  • Shang et al. (2020) Shang, C.; Wulder, M. A.; Coops, N. C.; White, J. C.; and Hermosilla, T. 2020. Spatially-Explicit Prediction of Wildfire Burn Probability Using Remotely-Sensed and Ancillary Data. Canadian Journal of Remote Sensing, 46(3): 313–329.
  • Shidik and Mustofa (2014) Shidik, G. F.; and Mustofa, K. 2014. Predicting size of forest fire using hybrid model. In Information and Communication Technology-EurAsia Conference, 316–327. Springer.
  • Store (2017) Store, C. C. C. S. C. D. 2017. Copernicus Climate Change Service (C3 S)(2017): ERA5: Fifth generation of ECMWF atmospheric reanalyses of the global climate.
  • Van Dao et al. (2020) Van Dao, D.; Jaafari, A.; Bayat, M.; Mafi-Gholami, D.; Qi, C.; Moayedi, H.; Van Phong, T.; Ly, H.-B.; Le, T.-T.; Trinh, P. T.; et al. 2020. A spatially explicit deep learning neural network model for the prediction of landslide susceptibility. Catena, 188: 104451.
  • Wagner (1987) Wagner, C. E. V. 1987. Development and structure of the canadian forest fireweather index system. In Can. For. Serv., Forestry Tech. Rep. Citeseer.
  • Walker et al. (2019) Walker, X. J.; Baltzer, J. L.; Cumming, S. G.; Day, N. J.; Ebert, C.; Goetz, S.; Johnstone, J. F.; Potter, S.; Rogers, B. M.; Schuur, E. A.; et al. 2019. Increasing wildfires threaten historic carbon sink of boreal forest soils. Nature, 572(7770): 520–523.
  • Weng and Poon (2008) Weng, C. G.; and Poon, J. 2008. A new evaluation measure for imbalanced datasets. In Proceedings of the 7th Australasian Data Mining Conference-Volume 87, 27–32.
  • Wijayanto et al. (2017) Wijayanto, A. K.; Sani, O.; Kartika, N. D.; and Herdiyeni, Y. 2017. Classification model for forest fire hotspot occurrences prediction using ANFIS algorithm. In IOP Conference Series: Earth and Environmental Science, volume 54, 012059. IOP Publishing.
  • Yoon et al. (2021) Yoon, H.-J.; Kim, H.; Shrestha, K.; Hovakimyan, N.; and Voulgaris, P. 2021. Estimation and Planning of Exploration Over Grid Map Using A Spatiotemporal Model with Incomplete State Observations. arXiv preprint arXiv:2103.02840.
  • Zhang and Sutton (2017) Zhang, S.; and Sutton, R. S. 2017. A deeper look at experience replay. In Deep Reinforcement Learning Symposium, NIPS 2017.