Next Article in Journal
Prediction of Autonomy Loss in Alzheimer’s Disease
Next Article in Special Issue
Projecting Mortality Rates to Extreme Old Age with the CBDX Model
Previous Article in Journal
A Deep Learning Model for Forecasting Velocity Structures of the Loop Current System in the Gulf of Mexico
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

A Statistics and Deep Learning Hybrid Method for Multivariate Time Series Forecasting and Mortality Modeling

by
Thabang Mathonsi
1,*,† and
Terence L. van Zyl
2,†
1
School of Computer Science and Applied Mathematics, University of the Witwatersrand, Johannesburg 2000, South Africa
2
Institute for Intelligent Systems, University of Johannesburg, Johannesburg 2092, South Africa
*
Author to whom correspondence should be addressed.
These authors contributed equally to the conceptualisation and presentation of this work.
Submission received: 24 October 2021 / Revised: 12 December 2021 / Accepted: 15 December 2021 / Published: 22 December 2021
(This article belongs to the Special Issue Mortality Modeling and Forecasting)

Abstract

:
Hybrid methods have been shown to outperform pure statistical and pure deep learning methods at forecasting tasks and quantifying the associated uncertainty with those forecasts (prediction intervals). One example is Exponential Smoothing Recurrent Neural Network (ES-RNN), a hybrid between a statistical forecasting model and a recurrent neural network variant. ES-RNN achieves a 9.4% improvement in absolute error in the Makridakis-4 Forecasting Competition. This improvement and similar outperformance from other hybrid models have primarily been demonstrated only on univariate datasets. Difficulties with applying hybrid forecast methods to multivariate data include (i) the high computational cost involved in hyperparameter tuning for models that are not parsimonious, (ii) challenges associated with auto-correlation inherent in the data, as well as (iii) complex dependency (cross-correlation) between the covariates that may be hard to capture. This paper presents Multivariate Exponential Smoothing Long Short Term Memory (MES-LSTM), a generalized multivariate extension to ES-RNN, that overcomes these challenges. MES-LSTM utilizes a vectorized implementation. We test MES-LSTM on several aggregated coronavirus disease of 2019 (COVID-19) morbidity datasets and find our hybrid approach shows consistent, significant improvement over pure statistical and deep learning methods at forecast accuracy and prediction interval construction.

1. Introduction

Morbidity and mortality modeling is crucial for planning in global economies, national healthcare systems, and other industries such as insurance. Practitioners from statistics, machine learning, and actuarial backgrounds have invested into improving the accuracy of morbidity and mortality forecasting. Some recent advances have emerged from the fields of hybrid models, and interpretable models such as Temporal Fusion Transformers [1]. Despite these advances, the recent devastating global impact of the novel coronavirus disease of 2019 (COVID-19) virus has highlighted the importance of effective planning from government agencies and healthcare bodies across the globe. This kind of planning requires reliable projections into the future, and as a result there exists a need for improved forecasting techniques and methods.
Smyl [2] developed a hybrid method for generating point forecasts and quantifying the uncertainty associated with those point forecasts. The model quantifies uncertainty by producing prediction intervals at the 1%, 5% and 10% levels of significance. The hybrid method combines Exponential Smoothing (ES, [3]) with Recurrent Neural Networks (RNN, [4]) and the resulting scheme is referred to as ES-RNN. This name is a bit of a misnomer as Smyl’s [2] methodology actually involves combining ES, with a varaiant of RNN called Long Short-Term Memory (LSTM, [5,6]).
Smyl [2] purports that their method produces “…forecasts that are more accurate than those generated by either pure statistical or pure [machine learning] approaches, thus exploiting their advantages while avoiding their drawbacks”. The hybrid method, ES-RNN, outperformed pure statistical and pure deep learning methods submitted alongside it to the Makridakis-4 (M4) Forecasting Competition [7]. The M4 Competition provides to Competition participants 100,000 datasets from a cross-section of industries and applications for the entrants to apply their techniques to.
Redd et al. [8] extend the Smyl ES-RNN [2] hybrid technique by executing a graphical processing unit (GPU) implementation (GPU-ES-RNN). Using a vectorized and GU-based implementation of the original ES-RNN, Redd et al. [8] state they achieve up to 322× increase in training speed, largely attributed to batching and parallelization. The authors report that their network produces performance results similar to those reported in the original Smyl submission. Furthermore, the GPU implementation migrates the original C++ code to Python and PyTorch.
In both cases (ES-RNN and GPU-ES-RNN), the authors focus on univariate datasets. However, a significant number of real world forecasting involves multivariate datasets [9]. In some cases, researchers have found it useful to augment their univariate models with multivariate exogenous factors and/or multivariate analogues of their models to improve predictive accuracy [10]. In addition, the complexities associated with modeling morbidity and mortality often require multiple data sources in order to fit a model that better describes the real world situation [11].
This paper extends both the ES-RNN and GPU-ES-RNN research by adapting the ES and LSTM hybrid method to make it applicable to the multivariate case. By incorporating exogenous factors throughout, our extension departs from the classical univariate case and, as such, poses more complications associated with, for instance, auto-correlation inherent in the data and cross-correlation dependencies between covariates.
Our model incorporates exogenous covariates through the use of global and local variables, i.e., those derived from all the data or large segments of it, and those derived from separate covariates. This combination allows the model to cross-learn at the same time leverage information presented at a granular level.
Essentially, we have three workstreams i.e., multivariate exponential smoothing, recurrent neural networks in general and LSTM in particular, and hybrid methods. We review all three workstreams next.

1.1. Literature Review

There are several notable works concerning multivariate extensions of exponential smoothing. Jones [12] applies recursion for estimating the smoothing matrix. Enns et al. [13] consider a class of various exponential smoothing models and use them as a proxy for the univariate exponential smoothing couterpart. Trigg and Leach [14] adapt the smoothing matrix of their so-called adaptive models periodically, with the aid of maximum likelihood estimation. Harvey [15] further simplifies the class of models proposed by Enns et al. [13] and the simplifications enable the use of univariate smoothing models in forecasting tasks for correlated time series. Moreover, Harvey’s [15] results are also valid in the case where the smoothing models exhibit polynomial trend and seasonal components. Pfeffermann and Allon [16] focus on structural models aimed at producing optimal forecasts. By building upon previous multivariate time series exponential smoothing research, Pfeffermann and Allon [16] also offer detailed instructions for parameter initialization and model-fitting.
Harvey’s approach is most suitable for our interests for two reasons. One, because of reduced computational complexity; and two, we find that adapting Harvey’s approach yields similar results to using an adapted version of, for example, the more complex Pfeffermann and Allon [16] approach. The second reason is due to the LSTM’s ability to model complex interdependency between covariates [17,18], which negates the need to model the cross-correlation using the preprocessing layer statistical methods.
The recent COVID-19 pandemic has provided a unique opportunity due to (i) a multitude of open datasets and (ii) extensive related research exploring the performance of multivariate forecasting models. In the domain of COVID-19-related research, LSTM networks have been applied by, for instance, Kırbaş et al. [19], who focus their attention on the spread of the pandemic in countries including Denmark, Belgium, Germany, France, United Kingdom, Finland, Switzerland and Turkey. Kırbaş et al. [19] model using Auto-Regressive Integrated Moving Average (ARIMA) and Nonlinear Autoregression Neural Network (NARNN, [20]) as benchmarks and report that LSTM has superior accuracy in terms of forecasting the cumulative cases of infected individuals.
Chandra et al. [21] use variations of LSTM including Bidirectional LSTM (Bi-LSTM), and encoder-decoder LSTM (ed-LSTM) models for multi-step intra-country forecasting in the short-term in India. They cite challenges in the modeling process caused by difficulties in capturing, in any available COVID-19 dataset, potentially important multivariate factors such as population density, travel logistics, and other societal issues (e.g., the general standard of living). If they were available, these exogenous factors could be useful in improving predictive skill in the modeling process.
Chimmula and Zhang [22] base their forecasts on training data that they acquired from the John Hopkins University and the Canadian Health Authority. They use a standard implementation of LSTM. They forecast the pandemic ending in June 2020 (which we now know to be incorrect).
Shahid et al. [23] model the rises and declines of confirmed cases, deaths and recoveries in ten countries, including China. They rate their model performances from best to poorest as Bi-LSTM, LSTM, Gated Recurrent Units (GRU, [24]), Support Vector Regressor (SVR) and ARIMA. They report Bi-LSTM has superior performance over the other models with the lowest MAE and RMSE values of 0.0070 and 0.0077, respectively.
As evidenced by previous related research, there are successes and failures with using LSTM to forecast COVID-19. Various factors contribute to the at times the poor performance of LSTM and its variations in this regard. One such factor is that the pandemic is relatively recent, and any available dataset is a small fraction of the requisite volume of training data the data-hungry artificial neural networks require. LSTM has been shown to perform well in a variety of applications with datasets that are sufficiently long [25]. In our research, we circumvent the problem of limited data by integrating a small, parsimonious LSTM network in our model. We offer more details about the structure of our model in Section 2.3.
Univariate forecasting with the aid of pure machine learning has been conducted since as far back as the works of Hu and Root [26]. Techniques merging machine learning with statistical methods have since gained popularity.
Recently, the original ES-RNN hybrid technique won over hundreds of other submissions both in terms of (i) point forecasts as well as (ii) their associated prediction intervals. Both components are difficult to model, but perhaps the latter even more so. Deep learning models often do not have a mechanism for quantifying uncertainty [27]. In such cases, prediction intervals must be constructed using computational mechanisms [25].
Oreshkin et al. [28], however, produce forecast machinery comprised of deep, fully connected layers and report that their model outperforms ES-RNN on the M4 Competition dataset. Based on Neural Basis Expansion Analysis (NBEATS), Oreshkin et al. [28] conclude that pure deep learning is better than hybrid methods as their method outperforms the best statistical and the best hybrid method by 11% and 3%, respectively. The technique has since been extended to include exogenous factors (NBEATS-x, [29]).
Further evidence has emerged since the end of the Makridakis-5 (M5) Accuracy and Uncertainty Competitions [30,31] that pure deep learning models may be superior for hierarchical forecasting. However, hybrid methods are still worth investigating in the multivariate with exogenous variables forecasting setting. Starting here as a point of departure, we hypothesise that a hybrid technique such as ES-RNN may work just as well in this setting (exploiting a simple LSTM’s ability to model cross-correlation).
Furthermore, extending the current ES-RNN hybrid forecasting research to the multivariate case is crucial as multivariate datasets are usually more representative of realistic forecasting scenarios likely to be encountered in other applications.

1.2. Contribution

Our contribution can be summarized as follows:
  • We extend the current research, which focuses on ES and RNN hybrid methods for univariate forecasting, to a multivariate framework. We thus test assertions on multivariate mortality data with exogenous variables previously only tested empirically on univariate data, i.e., are hybrid methods better than pure statistical or pure deep learning methods at (i) forecasting tasks and (ii) quantifying forecast uncertainty? In particular, we present a natural extension of Smyl’s ES-RNN to higher dimensions;
  • we present our forecast engine MES-LSTM, which is an efficient generalization, and as such, may be applied not only to the multivariate case but also to the univariate setting with ease; and
  • whereas previous (univariate) research on forecasting hybrid methods primarily focuses on the multiplicative seasonality case, we consider both multiplicative and additive, with automatic adaptation to the case most applicable to the particular dataset.
The remainder of this paper is organized as follows. In Section 2 we describe our architecture in detail, and how we merge the classical state-space forecast model with the advanced artificial neural network. We also describe how we evaluate our model’s performance. In Section 3 we describe the datasets used. The data section is followed by Section 4, where we discuss our results in detail. We conclude in Section 5 with a few key points and possibilities for extending this research to future work.

2. Methods

We employ GPU computation by utilising Tensorflow’s eager execution to transform the original Smyl [2] ES-RNN to a generalised multivariate implementation. In their GPU implementation, Redd et al. [8] initialise per-series attributes according to the guidelines of the M4 Competition. We initialise per-covariate parameters, and have a vectorized ES-LSTM, which we term Multivariate ES-LSTM (MES-LSTM).
The other difference between ES-RNN and MES-LSTM is that we use the most suitable between additive or multiplicative seasonality, whereas previous authors have only considered multiplicative seasonality. The most suitable seasonality structure in each case is ascertained by tracking the exponential smoothing fit on the training data.
In the remainder of this chapter, we explicitly define the quintessential aspects of MES-LSTM. The description is analogous to that of Smyl [2], with relevant extensions made to suit our multivariate presentation. Our model comprises two distinct layers: an exponential smoothing layer inside our preprocessing module, and an LSTM layer used for learning the dependency between the covariates. This methodology is consistent with Section 1.1, where we outline our choice to expand upon Harvey’s approach [15] over the Pfeffermann and Allon [16] approach for multivariate exponential smoothing.
Concisely, our model learns the parameters associated with each covariate in the preprocessing step, then learns the correlation between the covariates in the deep learning layer. Parameters optimized in both steps are then used at the inference stage, where the prediction of multivariate point forecasts are produced, and the uncertainty associated with these forecasts is quantified.

2.1. Preprocessing Layer

For each covariate in our multivariate sample space, let y t represent, for example, a weekly time series (weekly series for ease of exposition only) which we assume can be decomposed into the additive form
y t = l t + b t + s t + ε t ,
where l t is the level in week t, s t the seasonal effect and ε t the noise term centered at zero with constant variance. Let l ^ t denote the estimated level in week t and b ^ t the corresponding trend estimate. Let the estimate of the seasonal effect at time t corresponding to week t + i , i = 1 , 2 , , 52 be denoted by s ^ t , t + i . The estimates s ^ t , t + i satisfy the condition i = 1 52 s ^ t , t + i = 0 . When a new observation y t + 1 becomes available, all estimated components, i.e., seasonality, trend, and level, are updated with the aid of three smoothing constants 0 α , γ , δ 1 as follows:
l ^ t + 1 = α y t + 1 s ^ t , t + 1 + 1 α l ^ t + b ^ t
b ^ t + 1 = γ l ^ t + 1 l ^ t + 1 γ b ^ t
s ^ t + 1 , t + 1 * = δ y t + 1 l ^ t + 1 + 1 δ s ^ t , t + 1
i = 0 51 s ^ t + 1 , t + 1 + i * = 0 .
Equations (4) and (5) define a two-step computational procedure of the seasonal effects s ^ t + 1 , t + 1 + i . The second step standardizes the initial values computed in the first (with the asterisk indicating “intermediary value”) so that they sum to zero.
The forecast at time t of a future out-of-sample realization ( m > i ) y t + m is given by
y ^ t , t + m = l ^ t + m b ^ t + s ^ t , t + m .
For the multiplicative seasonality case, make the substitution y t = ln y t . This substitution amounts to assuming the original series level changes in approximately constant rates instead of constant increments. The substitution also requires changing the condition imposed on the estimates of the multiplicative seasonal factors over the 52 weeks from summing to zero to their geometric mean equalling one. Equations (2)–(5) then become
l ^ t + 1 = α ( y t + 1 s ^ t , t + 1 ) + ( 1 α ) l ^ t b ^ t
b ^ t + 1 = γ ( l ^ t + 1 l ^ t ) + ( 1 γ ) b ^ t
s ^ t + 1 , t + 1 * = δ y t + 1 l ^ t b ^ t + ( 1 δ ) s ^ t , t + 1
i = 0 51 s ^ t + 1 , t + 1 + i * 1 51 = 1 ,
and the predictive Equation (6) becomes
y ^ t , t + m = l ^ t b ^ t m s ^ t , t + m .
In both the additive and multiplicative seasonality cases expressed above, the initial smoothing parameters are estimated as follows. The level is taken to be the overall in-sample average. The trend is initialized as the difference between the first and last in-sample observations, divided by the total number of increments. Seasonality is initialized by the deviations between the first week’s observations and the level plus trend fit. More details about the dimensionality of the parameter space are given in Section 2.3.
Now that we have the formulations for both the additive and multiplicative seasonality cases, we can merge the preprocessing layer with our deep learning component as follows. For simplicity, we keep the input size and the size of the output predictions equal.
For the univariate additive case we have
y ^ t , t + 1 , , t + m = l ^ t + [ t + 1 , , t + m ] LSTM ( X t ) + s ^ t , t + 1 , , t + m ,
where ⊙ is the Hadamard product, and X t denotes a vector of de-trended and de-seasonaliz-ed observations of which a scalar element x i is given by:
x i = y i l ^ i s ^ i , f o r i = t + 1 , , t + m .
For the multivariate additive case we have
y ^ t , t + 1 , , t + m = l ^ t + [ t + 1 , , t + m ] LSTM ( X t ) + s ^ t , t + 1 , , t + m ,
where (if we have, say, k covariates in total) X t is a k × m matrix of de-trended, de-seasonalized features of which a vector component (for each covariate) x i is calculated via the equation:
x i = y i l ^ i s ^ i , for i = t + 1 , , t + m .
Here, the vectors l ^ i and s ^ i are the same dimension as y i .
The univariate multiplicative seasonality case is given by
y ^ t , t + 1 , , t + m = LSTM ( X t ) l ^ t s ^ t , t + 1 , , t + m
x i = y i l ^ i s ^ i f o r i = t + 1 , , t + m ,
where the LSTM takes as input a vector of de-trended and de-seasonalized observations of which a scalar element x i is computed using Equation (17).
Finally, the multivariate multiplicative case is thus expressed as
y ^ t , t + 1 t + m = LSTM ( X t ) l ^ t s ^ t , t + 1 t + m
x i = y i l ^ i s ^ i 1 for i = t + 1 , , t + m
where the LSTM takes as input a size k × m matrix X t of de-trended, de-seasonalized observations, where each vector component x i is computed via Equation (19).

2.2. Deep Learning Layer

Our neural network data flow is presented in Figure 1. We input a matrix composed of k vectors each of size m. After preprocessing, we input the matrix to our LSTM layer. The LSTM layer output (composed of j predictands each sized n) feeds into a dense layer, then postprocessing is conducted to produce the model’s final output. LSTMs employ gated connections, are good at modeling latent representations with temporal dependency, and as a result, are superior to vanilla RNNs [5]. The deep learning and exponential smoothing layers are optimized consecutively, as depicted in Figure 1.
In order to quantify the uncertainty associated with our point forecasts, we modify the above architecture as follows. Instead of the dense layer that back-propagates and learns scalar sets of weights and biases, we employ a densely-connected layer class with Flipout estimator [32] that learns a distribution of weights and biases. In this variational, probabilistic setting, traditional back-propagation is replaced by Bayes-by-backprop [33].
Flipout [32], through Monte Carlo simulation, approximates a distribution of weights by integrating over the kernel and bias. By assuming the kernel and biases are drawn from distributions, the dense-flipout is able to implement the Bayesian Variational inference dense-flipout layer, analogous to the above (traditional) dense layer. Using samples from the kernel and bias posteriors, this dense-flipout layer is able to run stochastic forward passes. Another difference between this stochastic process and the analogous densely connected layer, is we use variational inferencing by minimizing the KL-divergence [34]. The uncertainty quantification is implemented using Tensorflow Probability [35].
In effect, we can now forecast using a sample from the distribution of weights and biases. Applying Monte-Carlo simulation, each time we forecast, we iteratively compile a distribution of forecasts. We then use the appropriate percentiles to extract the desired prediction intervals from the forecast distribution. So, to compute the ( 1 α ) × 100 % prediction interval, we use the percentiles at
α 2 , 1 α + α 2 .
The data flow process for quantifying uncertainty is not dissimilar to Figure 1. The only difference is that in the deep learning layer, we now produce probabilistic forecasts instead of deterministic ones.
The variational inference approach described above is similar to two other notable prediction interval construction techniques, i.e., Monte Carlo dropout [36] and the quantile bootstrap [37] also known as the reverse percentile bootstrap [38]. The technique used here, Flipout, is similar to dropout and bootstrapping as they all use quantiles extracted from synthetic distributions to produce the final intervals. Mathonsi and van Zyl [25] offer examples where dropout and bootstrapping have been applied and compared [25].
The key differences in all three methods is how their respective distributions are constructed, and their relative uncertainty quantification skill. See for instance the work of Wen et al. [32], where Flipout has been shown to outperform dropout. In addition, a fortuitous side-effect of the variational inference (and dropout methods) is a reduction in epistemic uncertainty, which in turn regularizes the network and addresses any concerns that may arise from the possibility of a lack of sufficient training data, and issues associated with overfitting.
To summarize, we input a matrix (sized number of training observations by number of predictors) to the model. The preprocessing layer computes all the exponential smoothing parameters as outlined in Section 2.1 above. We then feed the output directly to the deep learning layer, which discerns the inherent dependency within the covariates. The first step in our two-step methodology is inspired by the works of Harvey [15], who, through simplifications, enables forecasting related time series through the use of univariate smoothing models. We find this two-step methodology for MES yields similar results to using the one-step formulation given by Pfeffermann [16], with our method enjoying the added benefit of reduction in computational cost. The output from the LSTM is then fed directly to the dense layer or dense-flipout layer in the case of point forecasts and prediction interval construction, respectively. Finally, seasonality and trend estimates are added back to these intermediate outputs. We now have the final model forecasts and prediction intervals, respectively.
Figure 2 illustrates our model architecture zoomed in to the deep learning layer. The input shape is ( k , m ) where we have k covariates each with m observations in the training data. The network’s intermediate output (before postprocessing) is generated by feeding the output of the LSTM through to a dense layer with a ReLU activation function. The size of the LSTM, S, is deduced empirically using the technique described in Section 2.3 below. The size of the dense layer (or dense-flipout layer for uncertainty quantification) and correspondingly the output layer is determined by the number of predictands j. The output in the schematic then goes through postprocessing to meet our required format. It is re-trended and re-seasonlized (using the parameter estimates from the exponential smoothing equations) to arrive at the format presented by the ground truth data.

2.3. Hyperparameter Tuning

Note from our formulation given in Equations (14) and (15) (multivariate model with additive seasonality), and Equations (18) and (19) (multivariate model with multiplicative seasonality), we do not need to compute the estimates for the trend component b ^ t and this significantly reduces the hyper-parameter search space of the preprocessing layer. The initial estimates of the coefficients for level and seasonality are deduced by calculating primer estimates following the classical exponential smoothing Equations (2) and (4), as well as Equations (7) and (9) for the respective additive and multiplicative seasonality cases. The level is initialized as the in-sample average, and the initial seasonality is the deviations between the level plus trend fit and the first week’s observations. If we have k attributes in our dataset, the model computes and stores ( k + 1 ) × ( 2 + P ) exponential smoothing parameters, where P indicates seasonality length.
For the deep learning layer, we use a small model with relatively few parameters. The reasons for this model configuration are two-fold. First, we have a relatively small amount of data for training, and secondly, a large over-parameterized network might overfit and not generalize well to the test data [39].
We iterate over a subset of LSTM sizes and training epochs and select the model configuration with the best forecast accuracy for our validation data and fewest parameters to fit. We optimize the batch size and number of samples the rolling window looks into the past to forecast the next example. We summarize our hyperparameter search space for the deep learning layer in Table 1. We inspect the best five configurations (w.r.t. the error metrics detailed in the section that follows) in terms of forecasting all of the predictands. We then select the model configuration that is most parsimonious in order to ensure our model best mitigates overfitting over multiple runs. According to this methodology, the best configuration is given by LSTM of size 50, trained over 25 epochs, using batches sized 16, with an input window of 14 days.
Our train-validation-test data split is 75-15-10. The reason for this is we forecast in the short-to-medium term, so 10% test data is sufficient to evaluate our model’s performance.
The order of our VARMAX model, p , q , is deduced by conducting a grid search for optimization in much the same way as above for MES-LSTM. We set the maximum iterations for maximum likelihood search to 200 (four times the default in Python) to ensure convergence. The trend component is deduced through a grid search varying the trend polynomial from constant, linear, quadratic, to cubic. We auto-regress the predictors and the predictands are declared as exogenous.
The model hyperparameter optimization process for SARIMAX is exactly the same as for VARMAX. In both cases we perform the grid search and choose the model with the smallest Akaike information criteria (AIC, [40]). For simplicity, we do not enforce invertibility on the moving average polynomials. This also ensures more of the models are estimable. In cases where there are several suitable model configurations (equal AIC values) we choose the model that is most parsimonious (smallest product of p and q).
The MLR is fit using Ordinary Least Squares (OLS, [41]). We plug in the optimal hyperparameters for LSTM into the DeepAR, with additional searches for the dropout rate (0.1, 0.15, 0.2), and likelihood (noise model for probabilistic forecasts, so we can discern uncertainty) between Gaussian and student-T. The LGB model was tuned considering tree maximum depth (capped at 5), maximum leaves (capped at 30), number of estimators (capped at 125), and the learning rate (same search space as DeepAR).
All the models are trained on a cluster of Intel Core i7-9750H processors each with an Nvidia GeForce GTX 1650 GPU and 4GB RAM.

2.4. Metrics

For determining the most suitable seasonality structure in the preprocessing layer, we use the Sum of Squared Errors (SSE). For training in the deep learning layer, we use Mean Absolute Error loss (MAE) with Adam efficient optimizer [42]. For performance evaluation of the point forecasts, we employ the symmetric Mean Absolute Percent Error (sMAPE, [43]) and Root Mean Squared Error (RMSE),
sMAPE = 2 m t = 1 m y t y ^ t y t + | y ^ t |
RMSE = 1 m t = 1 m y t y ^ t 2 ,
where y t is the post-sample value of the predictand at point t, y ^ t the estimated forecast and m is again the forecast horizon. The former is in line with the performance metrics from the M4 Competition, and is used for continuity as results published by Smyl [2] also used this metric. Further motivation for our choice is sMAPE being a median-based error criterion, it is also useful in instances where there are large amounts of outliers in the data. Lastly, sMAPE is symmetric on an absolute scale [44].
The latter is useful as it gives error in the same units as the forecast variable itself, thus easily interpretable. The other reason we employ RMSE as a complement is although symmetric on an absolute scale, sMAPE has been shown to penalize large positive errors more than negative ones on a percentage scale [45]. Both metrics are mean absolute differences between forecast and actual values. The key difference is how sMAPE is normalized.
For evaluating the prediction intervals we use the Mean Interval Score (MIS, [46]), which is averaged over all out-of-sample observations,
MIS α = 1 m t = 1 m U t L t + 2 α L t y t 𝟙 y t < L t + 2 α y t U t 𝟙 y t > U t ,
where U t L t is the upper (lower) bound of the prediction interval at time t, α is the significance level and 𝟙 is the indicator function.
The MIS α adds a penalty at the points where future observations are outside the specified bounds L t , U t . The width of the interval at t is added to said penalty, if any. As such, the MIS α also penalizes wide intervals. Finally, this sum at the individual out-of-sample points is averaged.
As a supplementary metric for evaluating the performance of the prediction intervals, we employ the Coverage Score (CS α ) which indicates the percentage of observations that fall within the prediction interval,
CS α = 1 m t = 1 m 𝟙 U t y t L t .
With MIS α the subscript α denotes explicit dependence on the significance level, whereas in the case of CS α the dependence is implicit.

2.5. Benchmarks

For benchmarking MES-LSTM, the statistical methods used are Multiple Linear Regression (MLR, [41]), Vector Autoregression Moving-Average with Exogenous Regressors (VARMAX, [47]) and Seasonal Autoregressive Integrated Moving-Average with Exogenous Regressors (SARIMAX, [48]). For deep learning benchmarks we use a vanilla LSTM (without direct incorporation of a preprocessing layer as described in Section 2.1) Deep Autoregressive Recurrent neural network (DeepAR, [49]), and Light Gradient Boosting machine (LGB, [50]).
The choice of the pure deep learning benchmarks/baselines models is based on, for one, the architecture of our proposed model. Because we have a statistical-and-LSTM hybrid model, it makes sense to focus on LSTM w.r.t. pure deep learning techniques. Secondly, the choice of LGB (and LSTM) is motivated by the findings of the M5 Competitions. Almost all of the top 50 submissions for the M5 Accuracy [51] and Uncertainty [52] competitions use a variation of LGB. In particular, considering the top five: submissions ranked 1, 2, 4, and 5 from the Accuracy competition [51] incorporate LGB into their model, and the submission ranked third uses DeepAR [49], which is built on multiple LSTMs. From the top five submissions in the M5 Uncertainty competition [52], 1, 2, 3, and 5 incorporate LGB, while the submission ranked fourth incorporates LSTM.

3. Datasets

We use the Our World in Data (OWID) COVID-19 dataset [53,54]. This dataset is aggregated from various sources, and includes historical data on the pandemic up to the date of publication, updated daily. A summary of the data and the aggregated data sources is shown in Table 2. It is important to note that even though the actual databases are updated at daily, weekly, and other time frequencies, the aggregated datasets used in our study are all presented at a daily temporal resolution. This means no frequency harmonization is required.
The variables represent data related to confirmed cases, deaths, hospitalizations, and testing, as well as 56 other variables. We only use a subset of the available attributes, as detailed in the feature list shown in Table 3.
We choose this aggregated dataset over other available COVID-19 datasets because it does to some extent mitigate the concerns raised by Chandra et al. [21], for example. As highlighted in Section 1.1, some exogenous factors not directly related to COVID-19 may be useful in the modeling process. For instance, the OWID COVID-19 dataset includes covariates such as human development index, extreme poverty, and handwashing facilities.
The variables that we have omitted from our study are duplicates where numerical data has been smoothed, e.g., new cases smoothed. The smoothed attributes are removed for two reasons: OWID offers no insights on how the data is smoothed, and we avoid any duplication as our model also conducts preprocessing.
In particular, we use our model to forecast and quantify the associated prediction uncertainty for two attributes of interest: total cases and total deaths. The predictions and uncertainty quantification can be conducted for a single country, or easily across a multitude of countries or even averaged over a specific region. Regional or multi-country inferencing can assist policy-makers to make tough decisions like restricting inter-provincial/state travel or closing national borders completely.
Below we present results for the Southern African Development Community (SADC). SADC is a regional economic community comprising 16 member states: Angola, Botswana, Comoros, Democratic Republic of Congo (DRC), Eswatini, Lesotho, Madagascar, Malawi, Mauritius, Mozambique, Namibia, Seychelles, South Africa, Tanzania, Zambia and Zimbabwe.

4. Results and Discussion

In this section, we detail the results for multivariate point forecasts as well as the prediction intervals for our predictands total cases and total deaths. The results are presented for the analysis conducted for the SADC region. In order to mitigate the stochastic nature of the probabilistic forecasts from MES-LSTM and some of the benchmark models, the experiments are repeated 35 times. The results presented are the aggregates of all the repeated independent trials. The code repository for the empirical experiments is available online at the link provided directly in Supplementary Material after Section 5 below.

4.1. Forecast Performance for SADC

The results for point forecasts for SADC are tabulated in Table 4 and Table 5, for each of our predictands. We note MES-LSTM outperforms the benchmarks for all the nations in SADC, except sMAPE for total cases in South Africa. The best performer in each instance is highlighted for ease of interpretation. Interestingly, overall, the worst forecast performance from MES-LSTM is in South Africa and this could be a result of the nation presenting the most accurate data. The other nations possibly don’t update their data as frequently, and the model learns easier as there isn’t a lot of variability. Furthermore, the (less accurate) data from the other nations is closer to the linear assumptions of the statistical benchmark models, i.e., VARMAX, SARIMAX and MLR.
In Figure 3 we average the forecast results across the entirety of the SADC region. We note MES-LSTM is the best aggregate performer. This figure also illustrates the importance of choosing multiple error metrics. In Figure 3a SARIMAX for instance, seems to perform fairly poorly for both predictands, but this as a stand-alone interpretation would be inaccurate. From Figure 3b we note that in terms of regional skill for total deaths, SARIMAX is actually competitive. Recall that RMSE gives the error in the same units as the original predictand. South Africa has a total population of 65 million, so any model that over- or under-forecasts total cases by a few thousand cases could still be useful for planning and management of the pandemic outbreak in question.

4.2. Prediction Interval Performance for SADC

The results for the prediction interval are documented in Table 6 and Table 7. The best performer or best tied performers are highlighted. We note that MES-LSTM MIS is superior to the other models for both predictands for almost the entire SADC region.
Recall from Section 2.4, the MIS penalizes large intervals, so our model generally has the narrowest prediction intervals. In Figure 4 we average the results for prediction intervals across the entirety of the SADC region. MES-LSTM consistently has the narrowest aggregate intervals for both predictands at all prediction intervals, as evidenced in Figure 4a–c.
In terms of Coverage, our model outperforms the benchmarks for the individual countries except in a few instances. In most of the exceptions, the difference is minuscule, whereas in other instances (e.g., South Africa) it is admittedly not negligible. What is more important however, is the aggregate performance over the entire region, where MES-LSTM scores better (as can be seen in Figure 4d–f).

4.3. Forecast Performance for South Africa

After noting the relatively poor performance for South Africa, we believe this requires further probing.
We first present our observed error metrics distribution over the independent trials for all the models for both predictands in South Africa. Table 8 and Table 9 show the forecasting error for total cases and total deaths respectively. The models VARMAX, SARIMAX and MLR are all deterministic, so the output for different trials is identical. As a result, there is no variation in the accuracy of these models and the standard deviation is zero. For total cases, VARMAX (DeepAR) has the lowest (highest) average sMAPE, and MES-LSTM (SARIMAX) has the lowest (highest) average RMSE. For total deaths, MES-LSTM has the lowest average sMAPE and RMSE, while and SARIMAX has the highest figures for both.
MES-LSTM and SARIMAX results generally being on opposite sides of the spectrum is also evidenced by the box and whisker plots in Figure 5.
The results from the LSTM are far more variable for each trial than MES-LSTM. LSTM seems competitive to our model for some trials but shows little consistency for multiple independent runs. The LSTM’s relatively poor and oft-inconsistent performance with COVID-19 modeling agrees with observations by other researchers (as detailed in Section 1.1).
When viewed together with the bar graphs presented in Figure 6, one possible intepretation of all the forecast results is a ranking of the best performance for South Africa in increasing order as SARIMAX, VARMAX, LSTM, DeepAR, MLR, LGB, and MES-LSTM. MES-LSTM shows consistent outperformance over (or at least competitiveness to) the benchmarks. Our model also presents results with a tight distribution, second in terms of tightness to DeepAR (from the probabilistic forecasts models). Even in instances where outliers are present in the forecast distribution of our model, these outliers are still very close to the core distribution. This tendency reaffirms the robustness of our model when it comes to producing accurate forecasts.

4.4. Prediction Interval Performance for South Africa

We turn our attention to the prediction interval accuracy for South Africa. Table 10 and Table 11 show the prediction interval summary statistics at the α = 0.05 level of significance for our respective predictands. We note that the distribution for MES-LSTM is tight and this characteristic persists throughout all significance levels.
Examining the bar graphs in Figure 7, we note that even though our model’s coverage score is outperformed in some instances, it is not by a great margin. Furthermore, our model has the benefit of the lowest MIS, indicating the tightest prediction intervals. The second benefit is consistency, i.e., where other models may only have decent coverage for one predictand, our model has a consistent level of coverage across all the predictands. Moreover, we can depend on the significance level, with stricter levels leading to marginally higher coverage. This coverage-alpha dependence from MES-LSTM is important as it also speaks to the robustness of our model. In contrast, DeepAR for instance, goes from almost complete coverage ( α = 0.05 , α = 0.1 ) for total cases to none ( α = 0.02 ) and MLR presents close to perfect coverage for total cases throughout. This does not instill much trust in the statistical method’s uncertainty quantification.
Overall, all models perform worse for the SADC region than for South Africa. The worse performance is due to more variability introduced in the data and thus a higher level of uncertainty. This variability can be seen when comparing the Coverage scores from Figure 7 to those we presented in Figure 4.
As an additional point, we perform a one-sided t-test to check whether or not the distribution of our model’s forecast and prediction interval results are significantly better than those produced by the benchmark models. Concisely, we compare MES-LSTM, to each of the other models in turn. The t-test results are presented in Table 12, Table 13, Table 14 and Table 15 truncated to three decimal places. Our null hypothesis is H 0 : The benchmark models produce forecasts that are more accurate and prediction intervals superior to those produced by MES-LSTM.
We note in terms of forecasting accuracy (Table 12 and Table 13) in each instance that the null hypothesis w.r.t. both predictands is rejected at the α = 0.01 level of significance, except for LSTM, LGB, VARMAX, and MLR. This may seem contrary to previously presented results in this section, but the box plots in Figure 5 explain this. Although the core and lower distributions may overlap (the box and bottom whisker) for the distributions in questions compared to MES-LSTM, the higher levels of inaccuracy are only reported for the benchmarks, i.e., the upper whiskers for the benchmarks peak higher than MES-LSTM.
For the prediction interval performance (Table 14 and Table 15) we note that we are able to reject the null hypothesis at the α = 0.01 level of significance for MIS in all instances. Finally, we are unable to conclude that our model’s Coverage Score is not outperformed except perhaps by DeepAR and VARMAX for total deaths. Again, the t-test results are consistent with the results previously discussed.
We also conduct a Diebold-Mariano (DM, [55]) test to compare the out-of-sample predictive skill of MES-LSTM to the benchmark models (Table 16). The test is configured to use Mean Absolute prediction Error (MAPE, [56]) and the null hypothesis is H 0 : There is no significant difference in the accuracy of the competing forecasts. We reject the null hypothesis w.r.t. both predictands at the α = 0.01 level of significance.
We conclude this chapter with a deeper look into the effects of introducing more variability on our model’s performance.

4.5. Effects of Variability on Model Performance

Our methodology suggests that the introduction of more variability into the data impacts both forecasting accuracy and prediction interval construction. We focus here specifically on MES-LSTM. We note from Figure 8 and Figure 9 that in most instances, the countries in which the predictions are least (most) accurate are also the countries in which the prediction intervals are widest (narrowest). This direct correlation reinforces the consistency of our model. We have normalized the MIS in Figure 9 before plotting the maps for ease of interpretation.
In terms of Coverage, MES-LSTM is in instances outperformed by the benchmark methods. This Coverage is an area where the model can be improved. However, there are some crucial areas where the model improves on the skill of its counterparts. Our methodology suggests that the hybrid MES-LSTM is indeed able to outperform statistical methods and deep learning techniques at both forecasting tasks and prediction interval construction for morbidity and mortality data with exogenous factors. In terms of the overall prediction error, there is a significant improvement over the benchmark models considered. Our model reports forecast consistently within a tight range for multiple independent trials. We also note that MES-LSTM offers the narrowest prediction intervals for all the predictands for all geographical regions at all the significance levels considered.

5. Conclusions

We introduce a hybrid model, MES-LSTM, for multivariate prediction and forecast uncertainty quantification and apply it to morbidity and mortality data with exogenous factors. The univariate counterpart, Smyl’s ES-RNN [2], has been shown to perform well in the univariate case, outperforming both pure machine learning and pure statistical methods. We hypothesise that our multivariate extension also outperforms statistical and machine learning models at both forecasting tasks and constructing prediction intervals. With the methodology presented and the aggregated datasets considered, MES-LSTM generally improves upon the skill of its classical probabilistic and pure deep learning counterparts.
MES-LSTM shows consistent outperformance with forecast accuracy and the MIS of the prediction intervals constructed at all significance levels considered. There remains room for improvement when it comes to the coverage of the prediction intervals.
In this paper we mostly limit our attention to the multivariate setting (except in Section 2.1 where we use the univariate exposition as a building block before introducing our model). Future work may include running our model on univariate datasets as well. The benchmarks can also be applied with ease since both SARIMAX and VARMAX are univariate models if no exogenous inputs are declared, MLR is fit using OLS, and gradient boosting techniques can also be applied to univariate data.
Applying the kind of techniques discussed in this paper to varied data with expedience is still a major limitation in related research. For example, the M5 Competitions although arguably among the most important forecast competitions globally, only considers retail units for one supermarket chain. Future work may also include applying our model to more multivariate datasets from a broader cross-section of industries and applications beyond morbidity and mortality modeling.
We motivate our choice of benchmark models in Section 2.5, but we also consider future work comparing MES-LSTM against more deep learning models such as convolutional, attention and transformer models. We also consider future applications where an adaptation or extension of our model can be applied, such as in multivariate anomaly detection. Explainability and interpretability of our model and its results is also an avenue worth considering for future work.

Supplementary Materials

The following supporting information can be downloaded at: https://github.com/zulucomputer/MES_LSTM, code repository: MES-LSTM.

Author Contributions

Conceptualization, T.M. and T.L.v.Z.; methodology, T.M. and T.L.v.Z.; software, T.M.; validation, T.M.; formal analysis, T.M. and T.L.v.Z.; investigation, T.M. and T.L.v.Z.; resources, T.M.; data curation, T.M.; writing—original draft preparation, T.M.; writing—review and editing, T.M. and T.L.v.Z.; visualization, T.M. and T.L.v.Z.; supervision, T.L.v.Z.; project administration, T.M.. 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

The data presented in this study are openly available in Our World in Data repository at https://github.com/owid/covid-19-data/tree/master/public/data (accessed on 23 October 2021), references [53,54].

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Lim, B.; Arik, S.Ö.; Loeff, N.; Pfister, T. Temporal Fusion Transformers for interpretable multi-horizon time series forecasting. Int. J. Forecast. 2021, 37, 1748–1764. [Google Scholar] [CrossRef]
  2. Smyl, S. A hybrid method of exponential smoothing and recurrent neural networks for time series forecasting. Int. J. Forecast. 2020, 36, 75–85. [Google Scholar] [CrossRef]
  3. Hyndman, R.J.; Koehler, A.B.; Snyder, R.D.; Grose, S. A state space framework for automatic forecasting using exponential smoothing methods. Int. J. Forecast. 2002, 18, 439–454. [Google Scholar] [CrossRef] [Green Version]
  4. Jaeger, H. The “Echo State” Approach to Analysing and Training Recurrent Neural Networks; GMD Report 148; GMD—German National Research Institute for Computer Science: Hanover, Germany, 2001. [Google Scholar]
  5. Hochreiter, S.; Schmidhuber, J. Long Short-Term Memory. Neural Comput. 1997, 9, 1735–1780. [Google Scholar] [CrossRef]
  6. Hochreiter, S.; Bengio, Y.; Frasconi, P. Gradient flow in recurrent nets: The difficulty of learning long-term dependencies. In A Field Guide to Dynamical Recurrent Neural Networks; Kolen, J.F., Kremer, S.C., Eds.; IEEE Press: Piscataway, NJ, USA, 2001. [Google Scholar]
  7. Makridakis, S.; Spiliotis, E.; Assimakopoulos, V. The M4 Competition: 100,000 time series and 61 forecasting methods. Int. J. Forecast. 2020, 36, 54–74. [Google Scholar] [CrossRef]
  8. Redd, A.; Khin, K.; Marini, A. Fast ES-RNN: A GPU Implementation of the ES-RNN Algorithm. arXiv 2019, arXiv:1907.03329. [Google Scholar]
  9. Beeram, S.R.; Kuchibhotla, S. Time Series Analysis on Univariate and Multivariate Variables: A Comprehensive Survey. In Communication Software and Networks; Satapathy, S.C., Bhateja, V., Ramakrishna Murty, M., Gia Nhu, N., Kotti, J., Eds.; Springer: Singapore, 2021; pp. 119–126. [Google Scholar]
  10. Bharathi Priya, C.; Arulanand, N. Univariate and multivariate models for Short-term wind speed forecasting. Mater. Today Proc. 2021. [Google Scholar] [CrossRef]
  11. Olkin, I.; Sampson, A. Multivariate Analysis: Overview. In International Encyclopedia of the Social and Behavioral Sciences; Smelser, N.J., Baltes, P.B., Eds.; Pergamon: Oxford, UK, 2001; pp. 10240–10247. [Google Scholar]
  12. Jones, R.H. Exponential Smoothing for Multivariate Time Series. J. R. Stat. Soc. Ser. B Methodol. 1966, 28, 241–251. [Google Scholar] [CrossRef]
  13. Enns, P.G.; Machak, J.A.; Spivey, W.A.; Wrobleski, W.J. Forecasting Applications of an Adaptive Multiple Exponential Smoothing Model. Manag. Sci. 1982, 28, 1035–1044. [Google Scholar] [CrossRef]
  14. Trigg, D.W.; Leach, A.G. Exponential Smoothing with an Adaptive Response Rate. OR 1967, 18, 53–59. [Google Scholar] [CrossRef]
  15. Harvey, A.C. Analysis and Generalisation of a Multivariate Exponential Smoothing Model. Manag. Sci. 1986, 32, 374–380. [Google Scholar] [CrossRef]
  16. Pfeffermann, D.; Allon, J. Multivariate exponential smoothing: Method and practice. Int. J. Forecast. 1989, 5, 83–98. [Google Scholar] [CrossRef]
  17. Tan, F. Regression analysis and prediction using LSTM model and machine learning methods. J. Phys. Conf. Ser. 2021, 1982, 012013. [Google Scholar] [CrossRef]
  18. Hu, Y.; O’Donncha, F.; Palmes, P.; Burke, M.; Filgueira, R.; Grant, J. A spatio-temporal LSTM model to forecast across multiple temporal and spatial scales. arXiv 2021, arXiv:2108.11875. [Google Scholar]
  19. Kırbaş, I.; Sözen, A.; Tuncer, A.D.; Kazancioğlu, F.Ş. Comparative analysis and forecasting of COVID-19 cases in various European countries with ARIMA, NARNN and LSTM approaches. Chaos Solitons Fractals 2020, 138, 110015. [Google Scholar] [CrossRef]
  20. Ibrahim, M.; Jemei, S.; Wimmer, G.; Hissel, D. Nonlinear autoregressive neural network in an energy management strategy for battery/ultra-capacitor hybrid electrical vehicles. Electr. Power Syst. Res. 2016, 136, 262–269. [Google Scholar] [CrossRef]
  21. Chandra, R.; Jain, A.; Chauhan, D.S. Deep learning via LSTM models for COVID-19 infection forecasting in India. arXiv 2021, arXiv:2101.11881. [Google Scholar]
  22. Chimmula, V.K.R.; Zhang, L. Time series forecasting of COVID-19 transmission in Canada using LSTM networks. Chaos Solitons Fractals 2020, 135, 109864. [Google Scholar] [CrossRef]
  23. Shahid, F.; Zameer, A.; Muneeb, M. Predictions for COVID-19 with deep learning models of LSTM, GRU and Bi-LSTM. Chaos Solitons Fractals 2020, 140, 110212. [Google Scholar] [CrossRef] [PubMed]
  24. Chung, J.; Gülçehre, Ç.; Cho, K.; Bengio, Y. Empirical Evaluation of Gated Recurrent Neural Networks on Sequence Modeling. In Proceedings of the NIPS 2014 Deep Learning and Representation Learning Workshop, Montreal, QC, Canada, 12 December 2014. [Google Scholar]
  25. Mathonsi, T.; van Zyl, T.L. Multivariate Anomaly Detection based on Prediction Intervals Constructed using Deep Learning. arXiv 2021, arXiv:2110.03393. [Google Scholar]
  26. Hu, M.J.C.; Root, H.E. Application of the Adaline System to Weather Forecasting; Technical Report 6775-1; Stanford Electronic Laboratories: Stanford, CA, USA, 1964. [Google Scholar]
  27. Mathonsi, T.; v. Zyl, T.L. Prediction Interval Construction for Multivariate Point Forecasts Using Deep Learning. In Proceedings of the 2020 7th International Conference on Soft Computing Machine Intelligence (ISCMI), Stockholm, Sweden, 14–15 November 2020; pp. 88–95. [Google Scholar]
  28. Oreshkin, B.N.; Carpov, D.; Chapados, N.; Bengio, Y. N-BEATS: Neural basis expansion analysis for interpretable time series forecasting. arXiv 2020, arXiv:1905.10437. [Google Scholar]
  29. Olivares, K.G.; Challu, C.; Marcjasz, G.; Weron, R.; Dubrawski, A. Neural basis expansion analysis with exogenous variables: Forecasting electricity prices with NBEATSx. arXiv 2021, arXiv:2104.05522. [Google Scholar]
  30. Makridakis, S.; Spiliotis, E. The M5 Competition and the Future of Human Expertise in Forecasting. Foresight Int. J. Appl. Forecast. 2021, 60, 33–37. [Google Scholar]
  31. Makridakis, S.; Spiliotis, E.; Assimakopoulos, V. The M5 competition: Background, organization, and implementation. Int. J. Forecast. 2021. [Google Scholar] [CrossRef]
  32. Wen, Y.; Vicol, P.; Ba, J.; Tran, D.; Grosse, R. Flipout: Efficient Pseudo-Independent Weight Perturbations on Mini-Batches. In Proceedings of the International Conference on Learning Representations, Vancouver, BC, Canada, 30 April–3 May 2018. [Google Scholar]
  33. Blundell, C.; Cornebise, J.; Kavukcuoglu, K.; Wierstra, D. Weight Uncertainty in Neural Networks. In Proceedings of the 32nd International Conference on International Conference on Machine Learning—Volume 37. JMLR.org, 2015, ICML’15, Lille, France, 7–9 July; 2015; pp. 1613–1622. [Google Scholar]
  34. Joyce, J.M. Kullback-Leibler Divergence. In International Encyclopedia of Statistical Science; Springer: Berlin/Heidelberg, Germany, 2011; pp. 720–722. [Google Scholar] [CrossRef]
  35. Dillon, J.V.; Langmore, I.; Tran, D.; Brevdo, E.; Vasudevan, S.; Moore, D.A.; Patton, B.; Alemi, A.A.; Hoffman, M.; Saurous, R. TensorFlow Distributions. arXiv 2017, arXiv:1711.10604. [Google Scholar]
  36. Gal, Y.; Ghahramani, Z. Dropout As a Bayesian approximation: Representing Model Uncertainty in Deep Learning. In Proceedings of the 33rd International Conference on International Conference on Machine Learning. JMLR.org, ICML’16, New York, NY, USA, 19–24 June 2016; Volume 48, pp. 1050–1059. [Google Scholar]
  37. Davison, A.C.; Hinkley, D.V. Bootstrap Methods and Their Application; Cambridge University Press: New York, NY, USA, 2013. [Google Scholar]
  38. Hesterberg, T. What Teachers Should Know about the Bootstrap: Resampling in the Undergraduate Statistics Curriculum. Am. Stat. 2014, 69, 371–386. [Google Scholar] [CrossRef] [Green Version]
  39. Lever, J.; Krzywinski, M.; Altman, N. Points of Significance: Model selection and overfitting. Nat. Methods 2016, 13, 703–704. [Google Scholar] [CrossRef]
  40. Akaike, H. Information theory and an extension of the maximum likelihood principle. In Second International Symposium on Information Theory; Petrov, B.N., Csaki, F., Eds.; Akadémiai Kiado: Budapest, Hungary, 1973; pp. 267–281. [Google Scholar]
  41. Matthews, D.E. Multiple Linear Regression. In Encyclopedia of Biostatistics; American Cancer Society: Atlanta, GA, USA, 2005; Chapter 5; pp. 119–133. [Google Scholar]
  42. Kingma, D.P.; Ba, J. Adam: A Method for Stochastic Optimization. In Proceedings of the 3rd International Conference on Learning Representations, ICLR 2015, San Diego, CA, USA, 7–9 May 2015. [Google Scholar]
  43. Makridakis, S.; Hibon, M. The M3-Competition: Results, conclusions and implications. Int. J. Forecast. 2000, 16, 451–476. [Google Scholar] [CrossRef]
  44. Koehler, A. Commentaries on the M3-Competition. Int. J. Forecast. 2001, 17, 537–584. [Google Scholar]
  45. Goodwin, P.; Lawton, R. On the asymmetry of the symmetric MAPE. Int. J. Forecast. 1999, 15, 405–408. [Google Scholar] [CrossRef]
  46. Gneiting, T.; Raftery, A.E. Strictly Proper Scoring Rules, Prediction, and Estimation. J. Am. Stat. Assoc. 2007, 102, 359–378. [Google Scholar] [CrossRef]
  47. Hannan, E.J.; Deistler, M. The Statistical Theory of Linear Systems. Econom. Theory 1992, 8, 135–143. [Google Scholar]
  48. Arunraj, N.; Ahrens, D.; Fernandes, M. Application of SARIMAX Model to Forecast Daily Sales in Food Retail Industry. Int. J. Oper. Res. Inf. Syst. 2016, 7, 1–21. [Google Scholar] [CrossRef]
  49. Salinas, D.; Flunkert, V.; Gasthaus, J.; Januschowski, T. DeepAR: Probabilistic forecasting with autoregressive recurrent networks. Int. J. Forecast. 2020, 36, 1181–1191. [Google Scholar] [CrossRef]
  50. Ke, G.; Meng, Q.; Finley, T.; Wang, T.; Chen, W.; Ma, W.; Ye, Q.; Liu, T.Y. LightGBM: A highly efficient gradient boosting decision tree. Adv. Neural Inf. Process. Syst. 2017, 30, 3146–3154. [Google Scholar]
  51. Makridakis, S.; Spiliotis, E.; Assimakopoulos, V. The M5 Accuracy Competition: Results, Findings and Conclusions. Available online: https://www.researchgate.net/publication/344487258_The_M5_Accuracy_competition_Results_findings_and_conclusions (accessed on 23 October 2021).
  52. Makridakis, S.; Spiliotis, E.; Assimakopoulos, V.; Chen, Z.; Gaba, A.; Tsetlin, I.; Winkler, R. The M5 Uncertainty competition: Results, findings and conclusions. Int. J. Forecast. 2021. [Google Scholar] [CrossRef]
  53. Mathieu, E.; Ritchie, H.; Ortiz-Ospina, E.; Roser, M.; Hasell, J.; Appel, C.; Giattino, C. A global database of COVID-19 vaccinations. Nat. Hum. Behav. 2021, 5, 947–953. [Google Scholar] [CrossRef]
  54. Hasell, J.; Mathieu, E.; Beltekian, D.; Macdonald, B.; Giattino, C.; Ortiz-Ospina, E.; Roser, M.; Ritchie, H. A cross-country database of COVID-19 testing. Sci. Data 2020, 7, 345–347. [Google Scholar] [CrossRef]
  55. Diebold, F.; Mariano, R. Comparing Predictive Accuracy. J. Bus. Econ. Stat. 1995, 13, 253–263. [Google Scholar]
  56. Mean Absolute Percentage Error. In Encyclopedia of Production and Manufacturing Management; Swamidass, P.M. (Ed.) Springer: Boston, MA, USA, 2000; p. 462. [Google Scholar]
Figure 1. MES-LSTM Data Flowchart.
Figure 1. MES-LSTM Data Flowchart.
Forecasting 04 00001 g001
Figure 2. MES-LSTM Architecture Diagram.
Figure 2. MES-LSTM Architecture Diagram.
Forecasting 04 00001 g002
Figure 3. Forecast Accuracy in the SADC Region. (a) sMAPE. (b) RMSE.
Figure 3. Forecast Accuracy in the SADC Region. (a) sMAPE. (b) RMSE.
Forecasting 04 00001 g003
Figure 4. Prediction Interval Accuracy in the SADC Region. (a) MIS ( α = 0.05 ). (b) MIS ( α = 0.1 ). (c) MIS ( α = 0.2 ). (d) Coverage Score ( α = 0.05 ). (e) Coverage Score ( α = 0.1 ). (f) Coverage Score ( α = 0.2 ).
Figure 4. Prediction Interval Accuracy in the SADC Region. (a) MIS ( α = 0.05 ). (b) MIS ( α = 0.1 ). (c) MIS ( α = 0.2 ). (d) Coverage Score ( α = 0.05 ). (e) Coverage Score ( α = 0.1 ). (f) Coverage Score ( α = 0.2 ).
Forecasting 04 00001 g004
Figure 5. Forecast Accuracy Distribution Boxplots for All Trials in South Africa. (a) sMAPE for total cases. (b) RMSE for total cases. (c) sMAPE for total deaths. (d) RMSE for total deaths.
Figure 5. Forecast Accuracy Distribution Boxplots for All Trials in South Africa. (a) sMAPE for total cases. (b) RMSE for total cases. (c) sMAPE for total deaths. (d) RMSE for total deaths.
Forecasting 04 00001 g005
Figure 6. Forecast Accuracy in South Africa. (a) sMAPE. (b) RMSE.
Figure 6. Forecast Accuracy in South Africa. (a) sMAPE. (b) RMSE.
Forecasting 04 00001 g006
Figure 7. Prediction Interval Accuracy in South Africa. (a) MIS ( α = 0.05 ). (b) MIS ( α = 0.1 ). (c) MIS ( α = 0.2 ). (d) Coverage Score ( α = 0.05 ). (e) Coverage Score ( α = 0.1 ). (f) Coverage Score ( α = 0.2 ).
Figure 7. Prediction Interval Accuracy in South Africa. (a) MIS ( α = 0.05 ). (b) MIS ( α = 0.1 ). (c) MIS ( α = 0.2 ). (d) Coverage Score ( α = 0.05 ). (e) Coverage Score ( α = 0.1 ). (f) Coverage Score ( α = 0.2 ).
Forecasting 04 00001 g007
Figure 8. MES-LSTM Forecast Accuracy Ranked for Each Country in the SADC Region. (a) sMAPE for total cases. (b) sMAPE for total deaths.
Figure 8. MES-LSTM Forecast Accuracy Ranked for Each Country in the SADC Region. (a) sMAPE for total cases. (b) sMAPE for total deaths.
Forecasting 04 00001 g008
Figure 9. MES-LSTM Prediction Interval Accuracy (normalized MIS) Ranked for Each Country in the SADC Region. (a) total cases ( α = 0.05 ). (b) total cases ( α = 0.1 ). (c) total cases ( α = 0.2 ). (d) total deaths ( α = 0.05 ). (e) total deaths ( α = 0.1 ). (f) total deaths ( α = 0.2 ).
Figure 9. MES-LSTM Prediction Interval Accuracy (normalized MIS) Ranked for Each Country in the SADC Region. (a) total cases ( α = 0.05 ). (b) total cases ( α = 0.1 ). (c) total cases ( α = 0.2 ). (d) total deaths ( α = 0.05 ). (e) total deaths ( α = 0.1 ). (f) total deaths ( α = 0.2 ).
Forecasting 04 00001 g009
Table 1. Configuration Grid for Deep Learning Layer Hyperparameter Search Space.
Table 1. Configuration Grid for Deep Learning Layer Hyperparameter Search Space.
HyperparameterSearch Space
LSTM size50, 55, 60, …, 150
epochs15, 20, 25, …, 75
batch size8, 16, 24, …, 64
input window7, 14, 21
Table 2. OWID COVID-19 Dataset Summary.
Table 2. OWID COVID-19 Dataset Summary.
MetricsSourceUpdatedCountries
VaccinationsOfficial data collated by the Our World in Data teamDaily217
Tests & positivityOfficial data collated by the Our World in Data teamWeekly136
Hospital & ICUOfficial data collated by the Our World in Data teamWeekly34
Confirmed casesJHU CSSE COVID-19 DataDaily194
Confirmed deathsJHU CSSE COVID-19 DataDaily194
Reproduction rateArroyo-Marioli F, Bullano F, Kucinskas S, Rondón-Moreno CDaily184
Policy responsesOxford COVID-19 Government Response TrackerDaily186
Other variables of interestInternational organizations (UN, World Bank, OECD, IHME…)Fixed240
Table 3. OWID COVID-19 Dataset Feature List.
Table 3. OWID COVID-19 Dataset Feature List.
VariableDescription
total casesTotal confirmed cases of COVID-19
new casesNew confirmed cases of COVID-19
total cases per millionTotal confirmed cases of COVID-19 per 1,000,000 people
new cases per millionNew confirmed cases of COVID-19 per 1,000,000 people
total deathsTotal deaths attributed to COVID-19
new deathsNew deaths attributed to COVID-19
total deaths per millionTotal deaths attributed to COVID-19 per 1,000,000 people
new deaths per millionNew deaths attributed to COVID-19 per 1,000,000 people
icu patientsNumber of COVID-19 patients in intensive care units (ICUs) on a given day
icu patients per millionNumber of COVID-19 patients in ICUs on a given day per 1,000,000 people
hosp patientsNumber of COVID-19 patients in hospital on a given day
weekly icu admissionsNumber of COVID-19 patients newly admitted to ICUs in a given week
weekly icu admissions per millionNumber of COVID-19 patients newly admitted to ICUs in a given week per 1,000,000 people
weekly hosp admissionsNumber of COVID-19 patients newly admitted to hospitals in a given week
weekly hosp admissions per millionNumber of COVID-19 patients newly admitted to hospitals in a given week per 1,000,000 people
stringency indexGovernment Response Stringency Index: composite measure based on 9 response indicators
reproduction rateReal-time estimate of the effective reproduction rate (R) of COVID-19
total testsTotal tests for COVID-19
new testsNew tests for COVID-19 (only calculated for consecutive days)
positive rateShare of COVID-19 tests that are positive, rolling 7-day average (inverse of tests per case)
tests per caseTests conducted per new confirmed case of COVID-19, rolling 7-day average (inverse of positive rate)
total vaccinationsTotal number of COVID-19 vaccination doses administered
people vaccinatedTotal number of people who received at least one vaccine dose
people fully vaccinatedTotal number of people who received all doses
new vaccinationsNew COVID-19 vaccination doses administered (only calculated for consecutive days)
total vaccinations per hundredTotal number of COVID-19 vaccination doses administered per 100 people
people vaccinated per hundredTotal number of people who received at least one vaccine dose per 100 people
people fully vaccinated per hundredTotal number of people who received all doses prescribed by the vaccination protocol per 100 people
locationGeographical location
dateDate of observation
populationPopulation in 2020
population densityNumber of people divided by land area, measured in square kilometers
median ageMedian age of the population, UN projection for 2020
aged 65 olderShare of the population that is 65 years and older, most recent year available
aged 70 olderShare of the population that is 70 years and older in 2015
gdp per capitaGross domestic product at purchasing power parity
extreme povertyShare of the population living in extreme poverty
cardiovasc death rateDeath rate from cardiovascular disease in 2017
diabetes prevalenceDiabetes prevalence (% of population aged 20 to 79) in 2017
female smokersShare of women who smoke, most recent year available
male smokersShare of men who smoke, most recent year available
handwashing facilitiesShare of the population with basic handwashing facilities on premises
hospital beds per thousandHospital beds per 1000 people, most recent year available since 2010
life expectancyLife expectancy at birth in 2019
human development indexComposite average achievement in (i) a long, healthy life (ii) knowledge (iii) standard of living
excess mortalityExcess mortality P-scores for all ages
Table 4. Forecast Accuracy Averaged Over All Trials for total cases in the SADC Region.
Table 4. Forecast Accuracy Averaged Over All Trials for total cases in the SADC Region.
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
CountrysMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSE
Angola0.7563.168.928,023.45.628,524.559.023,811.676.435,442.3107.159,732.677.635,830.6
Botswana1.65817.785.594,414.15.832,635.262.972,983.099.5125,387.671.0123,392.6114.6137,334.7
Comoros1.152.516.5623.35.332,005.150.11443.46.2313.823.61058.617.6704.2
DRC0.8468.372.625,987.35.329,933.941.917,302.512.87047.827.615,527.683.934,102.8
Eswatini1.3617.759.118,348.95.731,572.061.217,619.463.623,417.037.916,687.6110.633,055.4
Lesotho0.7167.247.27324.45.528,662.433.95484.335.26478.7137.824,942.542.47603.3
Madagascar1.3636.635.112,019.85.529,387.445.613,719.511.15495.18.83889.122.39014.0
Malawi1.3817.522.011,967.05.930,163.214.18183.410.47629.09.75956.942.223,504.7
Mauritius3.82056.899.89891.65.829,677.491.18643.8179.517,135.7242.932,875.6171.316,742.4
Mozambique1.11685.05.07457.65.229,234.13.04438.92.53946.290.5125,768.710.315,089.2
Namibia1.11508.85.27516.35.626,149.92.32969.012.017,579.125.332,551.77.710,010.1
Seychelles0.9266.759.98908.65.427,596.062.18596.811.42428.147.410,115.299.014,797.0
South Africa5.026,979.24.8150,416.45.630,420.97.8212,612.02.887,376.08.2265,998.04.0118,139.5
Tanzania0.3134.6116.315,445.16.030,900.796.512,839.8184.125,060.9636.987,188.8194.925,818.8
Zambia1.22499.06.415,567.75.828,686.92.04333.47.316,766.972.1143,490.32.16120.9
Zimbabwe1.11518.58.610,652.25.432,284.25.77251.28.412,296.76.49733.62.64164.0
Table 5. Forecast Accuracy Averaged Over All Trials for total deaths in the SADC Region.
Table 5. Forecast Accuracy Averaged Over All Trials for total deaths in the SADC Region.
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
CountrysMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSE
Angola0.919.874.6783.56.62886.760.8687.089.91055.771.61038.189.41052.1
Botswana1.026.186.11203.96.72909.977.21128.897.61576.515.7363.9120.81806.0
Comoros1.52.412.516.76.23069.472.466.815.627.313.520.610.916.0
DRC1.012.067.2470.16.13059.638.2326.42.434.211.6128.974.0594.3
Eswatini1.114.249.6435.17.02594.258.8490.046.3525.635.3403.195.1801.0
Lesotho0.85.447.2222.96.92790.242.4207.146.8249.797.4516.244.5240.8
Madagascar1.212.248.1330.36.62820.671.5431.74.244.62.020.441.7335.9
Malawi1.228.727.1518.96.63072.620.4416.114.5349.614.2314.946.2958.7
Mauritius1.739.9103.0109.66.93014.0104.4110.3173.1183.1300.2341.7172.7183.1
Mozambique1.121.95.196.76.43269.74.585.64.998.79.2180.115.6281.4
Namibia1.141.97.9333.86.13200.64.9174.919.6848.917.2601.229.3913.9
Seychelles1.77.071.954.07.13288.282.458.95.98.343.547.7116.988.8
South Africa4.9446.27.87902.45.92773.410.48515.810.710,806.616.115,438.96.56276.2
Tanzania0.33.8114.7425.66.73143.2113.7423.5179.3685.9362.31379.1193.0712.9
Zambia1.347.76.6266.86.62806.54.3174.27.5301.41.987.811.7420.1
Zimbabwe1.153.46.5298.26.33067.78.1361.014.8791.55.8289.76.7345.0
Table 6. Prediction Interval Accuracy Averaged Over All Trials for total cases in SADC ( α = 0.05 ).
Table 6. Prediction Interval Accuracy Averaged Over All Trials for total cases in SADC ( α = 0.05 ).
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
CountryMISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverage
Angola1910.895.2116,739.10.055,663.781.654,875.90.0902,714.30.0814,594.00.0660,826.00.0
Botswana11,735.685.2378,936.20.0164,794.477.6171,350.60.04,572,270.60.01,203,716.20.04259,387.70.0
Comoros172.997.4360.087.63908.484.45064.10.03085.740.91790.159.15461.2100.0
DRC2351.897.6102,410.90.045,538.065.268,391.50.0143,127.30.0137,288.50.0413,486.50.0
Eswatini1837.391.086,314.20.044,987.279.644,252.90.0518,283.514.3140,160.10.0683,626.10.0
Lesotho750.497.424,269.20.420,065.389.018,693.30.0218,810.30.0310,359.20.024,172.355.8
Madagascar2310.783.625,720.516.930,953.783.119,934.056.3139,138.30.05270.5100.048,987.3100.0
Malawi2503.388.027,408.238.840,635.978.931,982.90.060,588.070.233,628.7100.0303,117.655.3
Mauritius2460.290.144,971.40.021,957.877.643,120.50.0625,931.10.0441,038.40.0592,480.40.0
Mozambique5249.294.217,924.292.168,002.586.03197.746.223,040.1100.01,364,340.70.083,378.322.9
Namibia4487.293.118,930.593.953,947.479.71726.959.248,9847.00.028,333.238.845,068.167.3
Seychelles728.293.132,422.80.020,364.273.717,835.914.368,568.10.0103,106.70.0232,264.30.0
South Africa193,075.680.7348,860.797.71,418,713.286.6239,009.3100.0740,131.9100.01,061,162.0100.0828,447.2100.0
Tanzania943.696.267,427.50.032,459.577.367,350.00.0990,720.20.01,279,781.10.01,018,128.20.0
Zambia8972.089.224,151.696.489,095.373.58316.616.6489,501.10.01,509,742.00.036,167.695.8
Zimbabwe4770.487.723,667.685.863,299.277.92987.9100.0367,165.90.014,904.895.816,359.3100.0
Table 7. Prediction Interval Accuracy Averaged Over All Trials for total deaths in SADC ( α = 0.05 ).
Table 7. Prediction Interval Accuracy Averaged Over All Trials for total deaths in SADC ( α = 0.05 ).
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
CountryMISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverage
Angola53.294.03206.00.03348.177.12089.50.029,346.80.024,022.40.023,844.10.0
Botswana106.493.34803.40.04357.075.11706.310.653,087.10.01079.048.951,432.70.0
Comoros5.995.312.586.3318.678.3189.90.0575.50.034.5100.0225.3100.0
DRC46.195.71725.40.01636.284.01013.020.4163.4100.0336.5100.04297.020.4
Eswatini49.090.72,236.00.02350.490.2671.60.08795.542.97693.30.010,342.20.0
Lesotho22.897.6795.30.31302.885.2677.50.08941.90.011,845.10.01408.623.3
Madagascar46.585.4733.911.81787.377.7894.22.1244.456.3108.1100.01108.4100.0
Malawi89.488.81223.529.53526.685.71202.70.03309.861.71153.1100.015,170.231.9
Mauritius75.874.0468.60.0484.579.9454.80.06978.10.08379.10.06861.60.0
Mozambique66.894.2244.791.21928.775.070.942.1341.8100.0602.022.92707.022.9
Namibia134.091.3587.290.83411.981.7101.489.721,239.20.023,742.40.010,490.60.0
Seychelles5.891.0188.70.0258.676.1143.50.033.477.6694.20.01984.90.0
South Africa5785.979.810,713.197.497,311.684.79589.217.663,626.148.133,910.2100.026,489.6100.0
Tanzania28.494.71853.40.01911.185.91844.10.027,048.40.035,267.80.028,062.00.0
Zambia150.089.7429.394.93701.577.6429.319.16940.66.3458.3100.01731.877.1
Zimbabwe169.987.3810.485.85004.784.6119.7100.026,898.90.0746.095.84778.920.8
Table 8. Forecast Accuracy Distribution for All Trials for total cases in South Africa.
Table 8. Forecast Accuracy Distribution for All Trials for total cases in South Africa.
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
sMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSE
mean5.026,979.24.8150,416.45.630,420.97.8212,612.02.887,376.08.2265,998.04.0118,139.5
std1.15641.03.8121,306.01.312,885.40.11192.20.00.00.00.00.00.0
Table 9. Forecast Accuracy Distribution for All Trials for total deaths in South Africa.
Table 9. Forecast Accuracy Distribution for All Trials for total deaths in South Africa.
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
sMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSEsMAPERMSE
mean4.9446.27.87902.45.92773.410.48515.810.710,806.616.115,438.96.56276.2
std1.2106.05.35578.82.21259.70.161.20.00.00.00.00.00.0
Table 10. Prediction Interval Accuracy Distribution for All Trials for total cases in South Africa ( α = 0.05 ).
Table 10. Prediction Interval Accuracy Distribution for All Trials for total cases in South Africa ( α = 0.05 ).
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
MISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverage
mean193,075.680.7348,860.797.71,418,713.286.6239,009.3100.0740,131.9100.01,061,162.0100.0828,447.2100.0
std13,881.311.276,242.613.70.030.21674.90.00.00.00.00.00.00.0
Table 11. Prediction Interval Accuracy Distribution for All Trials for total deaths in South Africa ( α = 0.05 ).
Table 11. Prediction Interval Accuracy Distribution for All Trials for total deaths in South Africa ( α = 0.05 ).
MES-LSTMLSTMLGBDeepARVARMAXSARIMAXMLR
MISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverageMISCoverage
mean5785.979.810,713.197.497,311.684.79589.217.663,626.148.133,910.2100.026,489.6100.0
std1714.115.13448.015.60.028.5723.96.50.00.00.00.00.00.0
Table 12. Student’s t-test for Forecast RMSE (H 0 : Benchmark Forecasts Outperform MES-LSTM).
Table 12. Student’s t-test for Forecast RMSE (H 0 : Benchmark Forecasts Outperform MES-LSTM).
Total CasesTotal Deaths
LSTMLGBDeepARVARMAXSARIMAXMLRLSTMLGBDeepARVARMAXSARIMAXMLR
statistic−6.014−1.448−190.477−63.342−250.673−95.605−7.906−10.891−389.954−578.058−836.515−325.283
p-value0.0000.0770.0000.0000.0000.0000.0000.0000.0000.0000.0000.000
Table 13. Student’s t-test for Forecast sMAPE (H 0 : Benchmark Forecasts Outperform MES-LSTM).
Table 13. Student’s t-test for Forecast sMAPE (H 0 : Benchmark Forecasts Outperform MES-LSTM).
Total CasesTotal Deaths
LSTMLGBDeepARVARMAXSARIMAXMLRLSTMLGBDeepARVARMAXSARIMAXMLR
statistic0.270−1.883−15.45512.180−17.3835.616−3.216−2.422−27.328−29.110−56.140−8.166
p-value0.6060.0320.0001.0000.0001.0000.0010.0090.0000.0000.0000.000
Table 14. Student’s t-test for Prediction Interval MIS (H 0 : Benchmark Prediction Intervals Outperform MES-LSTM).
Table 14. Student’s t-test for Prediction Interval MIS (H 0 : Benchmark Prediction Intervals Outperform MES-LSTM).
Total CasesTotal Deaths
LSTMLGBDeepARVARMAXSARIMAXMLRLSTMLGBDeepARVARMAXSARIMAXMLR
statistic−5.328−25.791−2.851−22.095−34.220−25.119−2.299−37.924−10.070−40.222−20.029−14.501
p-value0.0000.0000.0040.0000.0000.0000.0130.0000.0000.0000.0000.000
Table 15. Student’s t-test for Prediction Interval Coverage (H 0 : Benchmark Prediction Intervals Outperform MES-LSTM).
Table 15. Student’s t-test for Prediction Interval Coverage (H 0 : Benchmark Prediction Intervals Outperform MES-LSTM).
Total CasesTotal Deaths
LSTMLGBDeepARVARMAXSARIMAXMLRLSTMLGBDeepARVARMAXSARIMAXMLR
statistic−1.87701.61060.2267−2.7459−2.7459−2.7459−2.8639−0.22748.37103.5521−3.5613−3.5613
p-value0.96660.05670.41100.99520.99520.99520.99680.58950.00000.00060.99940.9994
Table 16. Diebold-Mariano test for Forecast accuracy (H 0 : Benchmark Forecasts Outperform MES-LSTM).
Table 16. Diebold-Mariano test for Forecast accuracy (H 0 : Benchmark Forecasts Outperform MES-LSTM).
Total CasesTotal Deaths
LSTMLGBDeepARVARMAXSARIMAXMLRLSTMLGBDeepARVARMAXSARIMAXMLR
statistic−19.817−277.776−144.279−12.665−16.160−8.048−5.567−374.711−112.500−7.066−11.817−43.647
p-value0.0000.0000.0000.0000.0000.0000.0000.0000.0000.0000.0000.000
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Share and Cite

MDPI and ACS Style

Mathonsi, T.; van Zyl, T.L. A Statistics and Deep Learning Hybrid Method for Multivariate Time Series Forecasting and Mortality Modeling. Forecasting 2022, 4, 1-25. https://0-doi-org.brum.beds.ac.uk/10.3390/forecast4010001

AMA Style

Mathonsi T, van Zyl TL. A Statistics and Deep Learning Hybrid Method for Multivariate Time Series Forecasting and Mortality Modeling. Forecasting. 2022; 4(1):1-25. https://0-doi-org.brum.beds.ac.uk/10.3390/forecast4010001

Chicago/Turabian Style

Mathonsi, Thabang, and Terence L. van Zyl. 2022. "A Statistics and Deep Learning Hybrid Method for Multivariate Time Series Forecasting and Mortality Modeling" Forecasting 4, no. 1: 1-25. https://0-doi-org.brum.beds.ac.uk/10.3390/forecast4010001

Article Metrics

Back to TopTop