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

Adaptive County Level COVID-19 Forecast Models: Analysis and Improvement

Stewart W Doe
Department of Computer Engineering
University of Maine
Orono, ME 04469
&Tyler Russell Seekins
Department of Chemical Engineering
University of Maine
Orono, ME 04469
&David Fitzpatrick
Department of Engineering Physics/Mathematics
University of Maine
Orono, ME 04473
&Dawsin Blanchard
Department of Computer Science
University of Maine
Orono, ME 04473
&Salimeh Yasaei Sekeh
Department of Computer Science
University of Maine
Orono, ME 04473
Authors contributed equally to this paper and are listed alphabeticallyCorresponding author - Email: salimeh.yasaei@maine.edu
Abstract

Accurately forecasting county level COVID-19 confirmed cases is crucial to optimizing medical resources. Forecasting emerging outbreaks pose a particular challenge because many existing forecasting techniques learn from historical seasons trends. Recurrent neural networks (RNNs) with LSTM-based cells are a logical choice of model due to their ability to learn temporal dynamics. In this paper we adapt the state and county level influenza model, TDEFSI-LONLY, proposed in Wang et al. (2020) to national and county level COVID-19 data. We show that this model poorly forecasts the current pandemic. We analyze the two week ahead forecasting capabilities of the TDEFSI-LONLY model with combinations of regularization techniques. Effective training of the TDEFSI-LONLY model requires data augmentation, to overcome this challenge we utilize an SEIR model and present an inter-county mixing extension to this model to simulate sufficient training data. Further, we propose an alternate forecast model, County Level Epidemiological Inference Recurrent Network (CLEIR-Net) that trains an LSTM backbone on national confirmed cases to learn a low dimensional time pattern and utilizes a time distributed dense layer to learn individual county confirmed case changes each day for a two weeks forecast. We show that the best, worst, and median state forecasts made using CLEIR-Net model are respectively New York, South Carolina, and Montana.

1 Introduction

The ongoing novel COVID-19 pandemic has strained United States healthcare systems increasing the importance of optimizing medical resource allocation. This optimization will depend on the accuracy and precision of the models used to forecast confirmed cases in a given area W. Yang (2016); C. Doms (2018); C. Murray (2020b, a); S. Mehrotra (2020). To the best of our knowledge, current COVID-19 modeling literature primarily consists of two main approaches: SEIR modeling and Recurrent Neural Network (RNN) forecasting national trends for the purpose of determining transmission parameters and evaluating the effectiveness of national policies A.J. Kucharski (2020); Y. Fang (2020); J.T. Wu (2020); Coelho (2020); V. Reddy (2020); Dandekar and Barbastathis (2016). The SEIR model has a long history in epidemiology Kermack and McKendrick (1927) and the benefit of this model is the direct mathematical modeling of disease transmission which can be fit to known data as was seen at the outbreak in Wuhan A.J. Kucharski (2020); Y. Fang (2020); J.T. Wu (2020); C. Anastassopoulou (2020). The SEIR model is particularly useful for policy makers as the measurable constants that affect the transmission and disease dynamics can be easily monitored. Its vulnerability is its lack of complexity to represent the full range of the pandemics transmission dynamics. This becomes evident when forecasting at the county level in an interconnected region like the United States.

Recurrent Neural Networks (RNNs) are known to perform well when learning sequential patterns and are often applied to capture dynamic temporal behavior in time series. Similar to other types of deep networks, RNN training requires a large number of data to handle the high complexity associated with dimensionality. Possibly the largest challenge in forecasting COVID-19 is overcoming the curse of dimensionality with the limited data available. Here, there is simply not enough data to justify a complex model with millions of parameters and explanatory features. One solution is using simulated data from a deterministic epidemiological model to supplement real data. For simplicity of the process we may simulate epidemics using randomized but relevant parameter sets. The results are then used to train an RNN model.

We adapt a variant of an influenza epidemic forecast model, TDEFSI, proposed by Wang et al. (2020) to forecast the COVID-19 pandemic in county level. TDEFSI features a single branch RNN with two-stacked LSTM layers to capture the time pattern in the times series training data. The authors utilize the technique of data augmentation: the generation of SEIR simulated data to be used as training data. However, the standard SEIR models neglect migration to and from the modeled region which might change the proportion of the labeled populations. This is not a suitable assumption when modeling individual counties since cross county flows remain significant even under lockdowns in urban areas such as New York City due to their interconnection and close proximity. In our paper, this is amended by incorporating an inflow and outflow term into each labeled population’s Ordinary Differential Equation (ODE).

In this work, we propose a novel, state-of-the-art, architecture of RNN, County Level Epidemiological Inference Recurrent Network (CLEIR-Net), that requires fewer parameters, thereby mitigating overfitting, and, considerably improving both forecast error and training time. The approach reduces the number of parameters using a hierarchy of relationships to learn a mapping from a low dimensional, national level, signal to a high dimensional, county level, signal.

2 Related Work

From the onset of the pandemic epidemiologists began using deterministic SEIR modeling in Wuhan, China to estimate the basic reproductive number and forecast infections A.J. Kucharski (2020); Y. Fang (2020); J.T. Wu (2020); C. Anastassopoulou (2020). Several teams have used machine learning models to produce national forecasts of confirmed cases in Canada, Brazil, Wuhan, Italy, South Korea, and the United States, as found in Coelho (2020); V. Reddy (2020); Dandekar and Barbastathis (2016). During the writing of this paper we found Nicholas Soures (2020) used a combined LSTM network and SEIR architecture with mobility data to model county level confirmed cases for SEIR parameter estimation and measuring the effect of population mobility. At the time that we started this project there were no published models used to forecast high resolution county-level data for COVID-19 to date. This led us to adapt forecasting models used for other epidemics, specifically the TDEFSI, described in Wang et al. (2020).

Three variants of the TDEFSI models were developed to forecast influenza epidemics. Two of these utilize the two branch architecture and provide superior results. However, the models require previous seasons data to train making them unusable for the COVID-19 pandemic due to its novelty. The third variant is TDEFSI-LONLY with a one branch structure. This model along with proposed regularization terms were trained on SEIR simulated New Jersey data and outperformed LSTM[Hochreiter and Schmidhuber (1997)], AdapLSTM[S. Venna and Nichols (2019)]. The TDEFSI-LONLY model employs data augmentation, the generation of additional simulated data, for training at a higher resolution than exists in their datasets. This resolves the overfitting issue associated with deep neural networks that require many parameters. This paper’s application of data augmentation is to create an entirely simulated sample for training allowing the use of the real COVID-19 dataset for validation. In this study we explore the forecasting capability of the TDEFSI-LONLY model trained on SEIR generated data. We compare LONLY along with techniques found in Wang et al. (2020) and a dropout regularization technique Nitish Srivastava (2014) and Our new CLEIR-Net model overcomes some of the practical parameter training issues of LONLY method.

3 County Level Forecast Models

3.1 Adapted TDEFSI Model

In this section, we adapt the TDEFSI model proposed in Wang et al. (2020) to the COVID-19 forecasting problem. The the output of each step in the TDEFSI model has a dimension for each county, allowing the network to learn spatial relationships, without requiring knowledge of specific relationships beforehand. Let 𝐲=(y1,y2,,yT,)\mathbf{y}=(y_{1},y_{2},\ldots,y_{T},\ldots) denote the sequence of the natural logs of daily nationwide incidence, where yty_{t}\in\mathbb{R}. Let 𝐲C=(y1C,y2C,,yTC,)\mathbf{y}^{C}=(y_{1}^{C},y_{2}^{C},\ldots,y_{T}^{C},\ldots) denote the sequence of daily incidence for a particular county C𝒟C\in\mathcal{D}, where |𝒟|=K\lvert\mathcal{D}\lvert=K is the number of counties. Let 𝐲t=(ytCC𝒟)\mathbf{y}^{\prime}_{t}=(y^{C}_{t}\forall C\in\mathcal{D}). The objective is defined as predicting both nationwide and county-level incidence at day tt, where t=T+1t=T+1, denoted as 𝐳t=(yt,𝐲t)\mathbf{z}_{t}=(y_{t},\mathbf{y}^{\prime}_{t}). The TDEFSI loss function is given as:

minθL(θ)=t𝐳t𝐳^t22+μϕ(𝐳^t)+λδ(𝐳^t),\displaystyle\min\limits_{\mathbf{\theta}}L(\mathbf{\theta})=\displaystyle\sum\limits_{t}\|\mathbf{z}_{t}-\widehat{\mathbf{z}}_{t}\|_{2}^{2}+\mu\phi(\widehat{\mathbf{z}}_{t})+\lambda\delta(\widehat{\mathbf{z}}_{t}), (1)

where ϕ(𝐳^t)\phi(\widehat{\mathbf{z}}_{t}) and δ(𝐳^t)\delta(\widehat{\mathbf{z}}_{t}) are activity regularizers added to the outputs for spatial and non-negative consistency respectively, and λ\lambda and μ\mu are penalty parameters. Since RNNs are not affected by the temporal scale of its input sequence, (1) does not need to be adjusted to account for the fact that COVID-19 data is updated daily as opposed to the weekly ILI data. Wang et al. (2020) only considered ILI data for individual states and their counties, whereas for COVID-19 we consider all counties in the nation. Min-max normalization is used on the county-level data so that 𝐲[0,1]\mathbf{y}^{\prime}\in[0,1]. Whereas Wang et al. (2020) use the sum of 𝐲t\mathbf{y}_{t}^{\prime} for yty_{t}, here yty_{t} is the natural log of the sum of 𝐲t\mathbf{y}_{t}^{\prime}. This is done to normalize yty_{t} relative to 𝐲t\mathbf{y}_{t}^{\prime} while preserving the dependency of yty_{t} on 𝐲t\mathbf{y}_{t}^{\prime}. Without this normalization, yty_{t} would be significantly larger than any ytC𝐲ty_{t}^{C}\in\mathbf{y}_{t}^{\prime} for a large KK, and would dominate the gradients used to optimize (1). This modification to yty_{t} requires that the regularization term ϕ(𝐳^t)\phi(\widehat{\mathbf{z}}_{t}) be modified to be

ϕ(𝐳^t)=|exp(y^t)C𝒟y^tC|.\displaystyle\phi(\widehat{\mathbf{z}}_{t})=\lvert\exp{(\widehat{y}_{t})}-\sum_{C\in\mathcal{D}}\widehat{y}_{t}^{C}\rvert. (2)

In Section 4.1, we use simulated data from the county level adapted SEIR model Section 3.2 to supplement available real data and analyze the adapted TDEFSI model. We provide more details on the architecture of the model in Supplementary Material.

3.2 CLEIR-Net: Design Details

Notations and Parameters

Denote nCn_{C} the number of counties, nTFn_{TF} the number of features represented by the LSTM backbone, nDn_{D} the number of dense units, Ct(i)C^{(i)}_{t} LSTM cell state, nFn_{F} the number of forecast, and nXn_{X} the number of additional features. In our CLEIR-Net model we define a set of trainable parameters, θE:=θEncode\theta_{E}:=\theta_{Encode}, θE(2×nTF,nTF×nTF)\theta_{E}\in(\mathbb{R}^{2\times n_{TF}},\ \mathbb{R}^{n_{TF}\times n_{TF}}) θR:=θRemember\theta_{R}:=\theta_{Remember},θR(nTF×nTF,nTF×nTF)\theta_{R}\in(\mathbb{R}^{n_{TF}\times n_{TF}},\ \mathbb{R}^{n_{TF}\times n_{TF}}), θF:=θForecast\theta_{F}:=\theta_{Forecast}, θF(nTF×nTF,nTF×nTF)\theta_{F}\in(\mathbb{R}^{n_{TF}\times n_{TF}},\ \mathbb{R}^{n_{TF}\times n_{TF}}), θTD:=θTimeDistributed\theta_{TD}:=\theta_{Time\ Distributed}, θTD2×nC\theta_{TD}\in\mathbb{R}^{2\times n_{C}}, and for the input, middle, and output layers of the County distributed dense layer θCD:=θCountyDistributed\theta_{CD}:=\theta_{County\ Distributed}, θCD((nX+2)×nD\theta_{CD}\in(\mathbb{R}^{(n_{X}+2)\times n_{D}},  (nD+1)×nD,(nD+1)×1\mathbb{R}^{(n_{D}+1)\times n_{D}},\ \mathbb{R}^{(n_{D}+1)\times 1}).

Refer to caption
Figure 1: The CLEIR-Net architecture consists of an LSTM backbone, time distributed layer, and a county distributed layer. Cells with shared color have shared weights. Each LSTM backbone consists of an encode cell, remember cell, and, extendable forecast cell.

Description

Our proposed CLEIR-Net architecture, Figure 1 is designed to both to minimize the number of trainable parameters and more closely align with underlying physical phenomenon than the TDEFSI architecture. The goal of CLEIR-Net is to learn to separate a high dimensional county level signal from a low dimensional national signal through a time dependent, time distributed, and county distributed hierarchy. The network is trained to encode complex national infection dynamics with a low dimensional time varying signal through an LSTM backbone when given the previous day’s national confirmed cases, days elapsed since the first national recorded case, and prior day’s LSTM cell state. Time invariant relationships are learned using a time distributed dense layer across all counties given the time pattern learned by the LSTM. County invariant relationships are then learned by a county distributed layer given each counties underlying time pattern and any additional county level features. Predictions from the county distributed layer are added to the previous day’s county level recorded cases to predict current day’s value. Using such a hierarchical representation allows us to expand the dimension of the input from the national to the county level without requiring a corresponding increase in parameters.

The architecture consists of an LSTM backbone, time distributed layer, and a county distributed layer. The LSTM backbone consists of an encode cell, remember cell, and, extendable forecast cell as shown in Figure 1. The encode cell is responsible for learning to incorporate the national total recorded cases and elapsed time into the backbone time pattern, given its past batch cell state. The remember cell is responsible for remembering forecasting cell’s state between batches, enabling longer term network memory without exposure to large gradients during backpropagation. The forecast cell is responsible for propagating the time pattern forward in time. Longer horizons can be forecast by repeating the forecast cell and using the preceding cell’s output as input to the next. For each step in time, the time distributed layer expands the low dimensional time features learned by the forecast cell into a high dimensional county level signal. Given the county level time feature and other county level features, the county distributed layer then learns to predict each counties change in confirmed cases.

To formulate the CLEIR-Net model, denote the function of a standard LSTM cell hi,Ci=L(hi1,Ci1|θ)\langle h_{i},C_{i}\rangle=L(h_{i-1},C_{i-1}|\theta), linear dense layer y=f(x|θ)y=f(x|\theta), and nonlinear dense layer, h=σ(y|θ)h=\sigma(y|\theta) where ff and σ\sigma are linear and non-linear activation functions. Now let tt be the number of days elapsed since the first recorded national confirmed case and let I(t)+nCI(t)\in\mathbb{Z}^{+^{n_{C}}} be the vector of true county level end of day confirmed cases. The encoder and remember LSTMs are given by:

h1,Ct(0)=L((I(t)),t,Ct1(0)|θE),h0,Ct(1)=L(h1,Ct1(1)|θR),\displaystyle\langle h_{-1},C^{(0)}_{t}\rangle=L\left(\left\langle\sum(I(t)),t\right\rangle,C^{(0)}_{t-1}|\theta_{E}\right),\;\;\langle h_{0},C^{(1)}_{t}\rangle=L(h_{-1},C^{(1)}_{t-1}|\theta_{R}), (3)

where h,CnTFh,C\in\mathbb{R}^{n_{TF}}. Let i1,,nFi\in 1,\ldots,n_{F} be the index of the day in the forecast horizon. The extendable forecasting unit consists of a forecasting LSTM vertebrae, with a time distributed linear layer CLEIR-Net (Variant I), and with a combination of both time and county distributed layers CLEIR-Net (Variant II). The forecasting LSTM vertebrae is given by:

hi,Ct+i(1)=L(hi1,Ct+i1(1)|θF),hiC=f(hi|θTD),\displaystyle\langle h_{i},C^{(1)}_{t+i}\rangle=L(h_{i-1},C^{(1)}_{t+i-1}|\theta_{F}),\;\;\;\;h_{i}^{C}=f(h_{i}|\theta_{TD}), (4)

where hiCh_{i}^{C} is the time distributed linear layer and hiCnCh_{i}^{C}\in\mathbb{R}^{n_{C}}. Let 𝐗nX×nC\mathbf{X}\in\mathbb{R}^{n_{X}\times n_{C}} be an additional county level feature matrix and let 𝐙(nX+1)×nC\mathbf{Z}\in\mathbb{R}^{(n_{X}+1)\times n_{C}} be the concatenation of XX with hiCh_{i}^{C} along the county axis, and let jj be the county index. The final layer predicts the change in each county’s confirmed cases given it’s current temporal feature through the following:

ΔI(t+i)j=σ(zj|θCD),ΔI(t+i)nC.\displaystyle\Delta I(t+i)_{j}=\sigma(z_{j}|\theta_{CD}),\qquad\Delta I(t+i)\in\mathbb{R}^{n_{C}}. (5)

For i1nFi\in 1...n_{F}, the forecast end of day recorded cases denoted by I^(t+i)\widehat{I}(t+i) is then:

I^(t+i)=ΔI(t+i)+I^(t+i1),whereI^(t+1)=ΔI(t+1)+I(t),fori=1.\displaystyle\widehat{I}(t+i)=\Delta I(t+i)+\widehat{I}(t+i-1),\;\;\hbox{where}\;\;\hat{I}(t+1)=\Delta I(t+1)+I(t),\;\;\hbox{for}\;i=1. (6)

A detailed description of CLEIR-Net architecture is provided in the Supplementary Materials.

Spatial Mixing Extension to SEIR by Incorporating Inter-County Flow

The TDEFSI-LONLY model requires simulated training data supplemental to the JHU set used for testing. We trained using time series data generated using an inter-county population flow extended SEIR model similar to the model described in Bonnasse-Gahot et al. (2018). The full ODEs can be found in the supplementary material. For more compact form for efficient computation, let nCn_{C} be the total number of counties. we denote pip_{i} total population of county ii, i{1,2,,NnC}i\in\{1,2,\ldots,N_{n_{C}}\}, pk,ip_{k,i} Population with status kk in county ii, k{S,E,I,R}k\in\{S,\ E,\ I,\ R\}, where S, E, I, R stands for Susceptible (S), Exposed (E), Infected (I), Recovered (R) respectively. Let xk,i:=pk,i/pix_{k,i}:=\displaystyle p_{k,i}\big{/}p_{i}, and fi,jf_{i,j} be total population flow of people from county ii to jj such that fi,j=fj,if_{i,j}=f_{j,i} and fi,i=0f_{i,i}=0 for guaranteeing each county has no net change in population. 𝐅bal=𝐅diag(𝟏T𝐅)\mathbf{F}^{bal}=\mathbf{F}-diag(\mathbf{1}^{T}\mathbf{F}). The matrix 𝐅bal\mathbf{F}^{bal} has the important property that 𝐅bal×𝟏=0\sum\mathbf{F}^{bal}\times\mathbf{1}=0, guaranteeing the conservation laws are satisfied. Then we have the following system of ODEs

d(𝐩S(t))dt=𝐅bal×𝐱S(t)𝜷𝐩I(t)𝐱S(t),d(𝐩E(t))dt=𝐅bal×𝐱E(t)+𝜷𝐩I(t)𝐱S(t)σ𝐩E(t),d(𝐩I(t))dt=𝐅bal×𝐱I(t)+σ𝐩E(t)γ𝐩I(t),d(𝐩R(t))dt=𝐅bal×𝐱R(t)+γ𝐩I(t).\displaystyle\begin{array}[]{ccl}\displaystyle\frac{d(\mathbf{p}_{S}(t))}{dt}=\mathbf{F}^{bal}\times\mathbf{x}_{S}(t)-\boldsymbol{\beta}\odot\mathbf{p}_{I}(t)\odot\mathbf{x}_{S}(t),\\ \displaystyle\frac{d(\mathbf{p}_{E}(t))}{dt}=\mathbf{F}^{bal}\times\mathbf{x}_{E}(t)+\boldsymbol{\beta}\odot\mathbf{p}_{I}(t)\odot\mathbf{x}_{S}(t)-\sigma\mathbf{p}_{E}(t),\\ \displaystyle\frac{d(\mathbf{p}_{I}(t))}{dt}=\mathbf{F}^{bal}\times\mathbf{x}_{I}(t)+\sigma\mathbf{p}_{E}(t)-\gamma\mathbf{p}_{I}(t),\;\;\displaystyle\frac{d(\mathbf{p}_{R}(t))}{dt}=\mathbf{F}^{bal}\times\mathbf{x}_{R}(t)+\gamma\mathbf{p}_{I}(t).\end{array} (10)

𝐩k(t)\mathbf{p}_{k}(t) is then solved for iteratively using Euler’s method, see Biswas et al. (2013), using 𝐩k(t+h)=𝐩k(t)+hd(𝐩k(t))dt\displaystyle\mathbf{p}_{k}(t+h)=\mathbf{p}_{k}(t)+h\frac{d(\mathbf{p}_{k}(t))}{dt}, where hh is learning parameters. Next, assume that fi,j=min(pi,pj)/(di,jμflow)f_{i,j}=\displaystyle\min(p_{i},p_{j})\big{/}(d_{i,j}\mu_{flow}) and βi=ρi/μspread\beta_{i}=\displaystyle\rho_{i}/\mu_{spread}, where di,jd_{i,j} is the spatial distance between ii to jj, ρi\rho_{i} is the population density of ii, and, μflow\mu_{flow}, μspread\mu_{spread} are the resistances to population flow, and infection spread respectively. The system is then controlled by the four parameters, μflow\mu_{flow}, μspread\mu_{spread}, σ\sigma, γ\gamma and the initial conditions, which are estimated as follows

pE,i(0)Possion(piλE),pI,i(0)Possion(piλEλI)pR,i(0)=0,pS,i(0)=pipE,i(0)pI,i(0),\displaystyle\begin{array}[]{ccl}\displaystyle p_{E,i}(0)\sim Possion(p_{i}\lambda_{E}),\;\;\;p_{I,i}(0)\sim Possion(p_{i}\lambda_{E}\lambda_{I})\\[8.0pt] p_{R,i}(0)=0,\;\;\;p_{S,i}(0)=p_{i}-p_{E,i}(0)-p_{I,i}(0),\end{array} (13)

Where λE\lambda_{E} and λI\lambda_{I} represent the prevalence of exposure in the susceptible population, and the prevalence of infection in the exposed population at time zero, respectively. A detailed breakdown explanation of each equation is included in the Supplementary Materials.

4 Experimental Results

COVID-19 Dataset

The dataset featured is JHU confirmed cases data for US counties which is updated daily. It provided a time series of confirmed cases from 1/22/20 to 5/31/20 along with latitude and longitudinal information for each county. We use this data or a subset of this data as a single sample for the adapted TDEFSI and CLEIR-Net. Note, due to limited testing capability in the US these confirmed cases numbers are the lower bound of the actual number of infections. This paper is forecasting the number of recorded cases, rather than infections.

4.1 Evaluation of Adapted TDEFSI Model

A total of 1024 SEIR simulations as described in Section 3.2 were run to train the adapted TDEFSI-LONLY model as described in Section 3.1, with an additional 16 simulations for validation. The network was trained for 300 epochs with a patience of 50. Four experiments were run: without any regularization, with dropouts, non-negative constraint regularization, and spacial consistency regularization. The final losses and MSE for each experiment are reported in Table 1. We provide the detailed list of parameters and number of hidden layers in the Supplementary Materials.

Table 1: Results of training the TDEFSI-LONLY model with different regularization methods.
None Dropout Dropout + δ(𝐳^t)\delta(\widehat{\mathbf{z}}_{t}) Dropout + δ(𝐳^t)\delta(\widehat{\mathbf{z}}_{t}) + ϕ(𝐳^t)\phi(\widehat{\mathbf{z}}_{t})
Train MSE 2.57178e-5 5.24136e-5 1.54713e-4 2.444813e-4
Valid MSE 2.50214e-5 2.83442e-5 6.43349e-5 9.341941e-5
Train Loss - - 1.75519e-4 5.094754e-4
Valid Loss - - 8.26531e-5 1.906986e-4

Figure 2a shows the MSE of 𝐲^t\widehat{\mathbf{y}}^{\prime}_{t} for each day in the forecasts for 5/18/20 to 5/31/20 based on yt{y}_{t} from 1/22/20 to 5/17/20 made using the adapted TDFESI networks, and Figure 2b shows the absolute error of y^t\widehat{y}_{t} for each day in that forecast.

Refer to caption
(a)
Refer to caption
(b)
Figure 2: (a) MSE with the bounds of ±15\pm\frac{1}{5} of the standard error of the two week county forecast and (b) absolute error of two week nationwide total forecast for TDEFSI models for Naïve No-Change Benchmark, Dropout (Nitish Srivastava (2014)), Dropout with penalty δ(𝐳^t)\delta(\widehat{\mathbf{z}}_{t}), and Dropout with penalty δ(𝐳^t)+ϕ(𝐳^t)\delta(\widehat{\mathbf{z}}_{t})+\phi(\hat{\mathbf{z}}_{t}) in TDEFSI models.

4.2 CLEIR-Net Forecast Results

The model is trained with features from the 1/22/20 to 5/2/20 period, targets from 1/23/20 to 5/16/20 with validation features from 5/3/20 to 5/4/20 and targets from 5/3/20 to 5/17/20. The trained model is tested by making a single 14 day forecast over 5/18/20 to 5/31/20 for all counties. The county level temporal patterns are supplemented with standard normalized county level latitudelatitude, longitudelongitude, populationpopulation, and populationdensitypopulation\ density Killeen et al. (2020), as well as log(population)\log(population) and log(populationdensity)\log(population\ density) prior to the application of the county distributed dense layer. We represent nTFn_{TF} features in the LSTM backbone and use 3 layers of nDn_{D} units in the county distributed branch taking σ\sigma to be the ReLU activation. Both training and inference use batch size of 1, with batches taken in sequential order, and previous encoding cell state shared with the next batch. Each batch uses the vector of the previous end of day’s recorded confirmed cases to forecast a target matrix of size (nC,nF)(n_{C},n_{F}). Dropout is applied to the targets at a rate of 0.250.25 during training to mitigate overfitting.

Refer to caption
(a)
Refer to caption
(b)
Figure 3: (a) The relationship between the number of parameters in various configurations of CLEIR-Net models and both the Mean Squared Error (MSE) of forecasts using those models, as well as the the number of features in the dense and the LSTM layers of those models. Note that the number of trainable parameters is scaled using scientific notation as notated in the bottom right corner of the plot. (b) Individual and mean training and validation curves for CLEIR-Net models.

We perform a capacity study 2 by randomly sampling 20 configurations from {nD,nTF|10nD50, 1nTF5}\{n_{D},n_{TF}\in\mathbb{Z}|\quad 10\leq n_{D}\geq 50,\ 1\leq n_{TF}\geq 5\} with equal probability. While there is no clear trend in forecast mean squared error; we observe that a network with nTF=5,nD=20n_{TF}=5,\ n_{D}=20 is reproducible and lightweight. Anecdotally, training proceeds best on the edge of instability, encouraging annealing of the network towards more stable configurations. Different size networks learn in different regimes, and capacity must be tuned in conjunction with dropout rate. We note that sharing cell state between sequential batches is essential for network convergence to an effective forecasting configuration. Using both the time distributed and county distributed dense layers is substantially more effective than using only a time distributed, or a time distributed, county distributed layer. Additionally, predictions from all 20 model configurations are ensembled by averaging and scored over the forecast horizon. The ensembled predictions perform better than any single model’s predictions, even in the presence of poor scoring component models. Due to the lightweight nature of of the architecture, ensembled predictions are easily obtained, mitigating the instability inherent in dropout and common in RNN architectures.

Refer to caption
Figure 4: The best, worst, and median state forecasts made using CLEIR-Net Model, based on the ratio of the MSE of the forecast to the MSE of the naïve no change benchmark.

The best and worst performing model forecasts are collected in Figure 4. Figure 6 shows the second through fourth worst and the forth through second best forecasts made using CLEIR-Net model. Additional forecasts are provided in the Supplementary Material. Best predicted by CLEIR-Net are large, connected, counties. In particular, the top five best scoring state forecasts were the New York and four adjacent states: Pennsylvania, Massachusetts, New Jersey, and Connecticut. Worst predicted are small or isolated counties, such as Hawaii, and Montana. Also, poorly predicted are states with peculiar dynamics relative to the rest of the nation. For example, the five best predicted states exhibit the early stages of curve flattening, while Arkansas, and Wisconsin, the fourth and fifth worst predictions have an accelerating number of cases. Figure 5 illustrates this via a map showing the MSE for the contiguous states.

Refer to caption
Figure 5: A map showing the mean square error for the 48 contiguous states. Darker values represent a lower MSE. Here we can see the trends where the model performs the worst for low connected counties. This is most easily observed in the trend seen through the very rural mid-west states.
Refer to caption
Figure 6: The second through fourth worst, and the fourth through second best forecasts made using CLEIR-Net Model, based on the ratio of the MSE of the forecast to the MSE of the naïve no change benchmark.

A summary of the forecast performance and size of all the models explored in this paper is presented in Table 2. All methods were used to forecast for 5/18/20 to 5/31/20. We observe that CLEIR-Net requires significantly low numbers of parameter to train versus the adapted TDFESI model.

Table 2: A comparison of the number of parameters and the MSE of forecasts made with the benchmarks, CLEIR-Net variants, and adapted TDFESI models.
Model Variant MSE Total Parameters
Benchmark Naïve No Change 108276 -
CLEIR-Net Average Ensemble of 20 69870 -
Best Scoring 70905 10945
Median Scoring 75707 35847
Worst Scoring 188677 24923
TDFESI None 17798679 1038405
Dropout 18178904 1038405
Dropout + δ(𝐳^t)\delta(\widehat{\mathbf{z}}_{t}) 18950460 1038405
Dropout + δ(𝐳^t)\delta(\widehat{\mathbf{z}}_{t}) + ϕ(𝐳^t)\phi(\widehat{\mathbf{z}}_{t}) 11495507 1038405

5 Discussion

As expected, adding regularization terms to the loss function of the TDEFSI model increased the final loss and MSE, see Table 1. However, regularization did improve the generalization of the model, making it less likely to overfit the simulated training data. As seen in Figure 2a, combining the regularization methods improved the model’s county level forecasting performance, but underperforms the naïve no-change benchmark. The dropout method was the only regularization technique to improve the national forecasting performance, even outperforming the naïve no-change benchmark when forecasting more than four days out. While the TDEFSI model is viable for ILI forecasts as shown by Wang et al. (2020), the minor adaptations to the TDEFSI model tested here were insufficient to make the model a viable method for forecasting COVID-19 confirmed case data. More extreme adaptations or altogether different architectures, such as CLEIR-Net, must be considered.

There are many patterns superimposed on top of underlying pandemic dynamics, such as state, national, and temporal variations in policies for social distancing. This requires the careful balancing of capacity to fit complex observations without overfitting. CLEIR-Net is lightweight and scalable in terms of features and targets due to its hierarchical construction. While the number of features used by the LSTM backbone should be kept low since the time distributed has weights of shape (nTF+1)×nC(n_{TF}+1)\times n_{C} future constructions might rethink this step. Further, there is likely room to learn stronger signals from appropriate features with existing capacity. Naturally, we should seek the smallest set of features for the neural network with the most explanatory power. This could be through the addition of mobility or policy data.

Limitations and Future Work

There are several experiments we wish to see explored. These models national forecasts could be improved through optimizing the SEIR model parameters. The sampling ranges of SEIR parameters could be extended to allow more diversity of simulation to ensure we do not restrict the model’s ability to capture all of the observed patterns. Future work on CLEIR-Net could consider improving the realism of the model and the connection of the network with underlying dynamics, such as by incorporating SEIR mechanics. Additional county level features might be incorporated at the county distributed layer. This same work could be done with the models trained on JHU global confirmed cases. In this case the countries would take the place of the counties in the current models and a world forecast would take the place of the national forecast in the current models. Additional work could be done to apply these methods to other measures of epidemiological progression, such as hospitalizations, death, and recovery rate.

6 Broader Impact

Two critical steps in the medical resource supply chain are procurement and deployment. For each, decision makers require their own specialized forecasting tools. The power of the proposed CLEIR-Net architecture is it’s ability to forecast over a large area concurrently at a higher resolution and for less computational expense than existing models. The model can give healthcare administrators in charge of medical resource allocation a two week lead time to optimize nationwide resource deployment to areas with the highest need and save lives. Meanwhile, many existing models, which are simpler and less computationally expensive, are sufficient to forecast single dimension national or regional pandemic dynamics and can reliably do so over longer horizons than two weeks to the benefit of system administrators in charge of procurement who must predict national and regional resource demand.

7 Acknowledgement

The authors would like to thank John Brindley, Mohsen Alizadeh Noghani, and Jens Early Hansen for their contribution to primary results established during the course “COS598 - Machine Learning” at University of Maine.

References

  • A.J. Kucharski [2020] C. Diamond Y. Liu J. Edmunds S. Funk R.M. Eggo F. Sun M. Jit J.D. Munday et al. A.J. Kucharski, T.W. Russell. Early dynamics of transmission and control of COVID-19: a mathematical modelling study. Wiley, 2020. doi: 0.1016/S1473-3099(20)30144-4.
  • Biswas et al. [2013] B N Biswas, Somnath Chatterjee, S Mukherjee, and Subhradeep Pal. A discussion on euler method: A review. Electronic Journal of Mathematical Analysis and Applications, 1:294–317, 06 2013.
  • Bonnasse-Gahot et al. [2018] Laurent Bonnasse-Gahot, Henri Berestycki, Marie-Aude Depuiset, Mirta B Gordon, Sebastian Roché, Nancy Rodriguez, and Jean-Pierre Nadal. Epidemiological modelling of the 2005 french riots: a spreading wave and the role of contagion. Scientific reports, 8(1):1–20, 2018.
  • C. Anastassopoulou [2020] A. Tsakris C. Siettos C. Anastassopoulou, L. Russo. Data-based analysis, modelling and forecasting of the covid-19 outbreak. PLoS ONE, 15(3), 2020.
  • C. Doms [2018] J. Shaman C. Doms, S.C. Kramer. Assessing the use of influenza forecasts and epidemiological modeling in public health decision making in the united states. Scientific Reports, 8, 2018.
  • C. Murray [2020a] IHME COVID-19 health service utilization forecasting team C. Murray. Forecasting the impact of the first wave of the covid-19 pandemic on hospital demand and deaths for the usa and european economic area countries. medRxiv, 2020a. URL https://doi.org/10.1101/2020.04.21.20074732.
  • C. Murray [2020b] IHME COVID-19 health service utilization forecasting team C. Murray. Forecasting covid-19 impact on hospital bed-days, icu-days, ventilator-days and deaths by us state in the next 4 months. medRxiv, 2020b. URL https://doi.org/10.1101/2020.03.27.20043752.
  • Coelho [2020] M. Ribeiroab R. Silva V. Mariani L. Coelho. Short-term forecasting covid-19 cumulative confirmed cases: Perspectives for brazil. Chaos, Solitons & Fractals, 2020. doi: https://doi-org.wv-o-ursus-proxy02.ursus.maine.edu/10.1016/j.chaos.2020.109853.
  • Dandekar and Barbastathis [2016] R. Dandekar and G. Barbastathis. Quantifying the effect of quarantine control in covid-19 infectious spread using machine learning. medRxiv, 2016. doi: https://doi.org/10.1101/2020.04.03.20052084.
  • Hochreiter and Schmidhuber [1997] S. Hochreiter and J. Schmidhuber. Long short-term memory. Neural Computation, 9:1735–1780, 1997.
  • J.T. Wu [2020] G.M. Leung J.T. Wu, K. Leung. Nowcasting and forecasting the potential domestic and international spread of the 2019-ncov outbreak originating in wuhan, china: a modelling study. The Lancet, 395(10225):689–697, 2020.
  • Kermack and McKendrick [1927] W. 0. Kermack and A. G. McKendrick. A contribution to the mathematical theory of epidemics. Proceedings of the Royal Society, Biological Sciences, 115:700–721, 1927.
  • Killeen et al. [2020] Benjamin D. Killeen, Jie Ying Wu, Kinjal Shah, Anna Zapaishchykova, Philipp Nikutta, Aniruddha Tamhane, Shreya Chakraborty, Jinchi Wei, Tiger Gao, Mareike Thies, and Mathias Unberath. A county-level dataset for informing the united states’ response to covid-19, 2020.
  • Nicholas Soures [2020] Zachariah Carmichael Anurag Daram Dimpy P. Shah Kal Clark Lloyd Potter Dhireesha Kudithipudi Nicholas Soures, David Chambers. Sirnet: Understanding social distancing measures with hybrid neural network model for covid-19 infectious spread. MATRIX-AI Consortium, 2020.
  • Nitish Srivastava [2014] Alex Krizhevsky Ilya Sutskever Ruslan Salakhutdinov Nitish Srivastava, Geoffrey Hinton. Dropout: A simple way to prevent neural networks from over?tting. In Journal of Machine Learning Research 15, 2014.
  • Noshad et al. [2018] M. Noshad, Y. Zeng, and A.O Hero. Scalable mutual information estimation using dependence graphs. Available on arXiv: 1801.09125, 2018.
  • S. Mehrotra [2020] M. Barah F. Luo K. Schantz S. Mehrotra, H. Rahimian. A model of supply-chain decisions for resource sharing with an application to ventilator allocation to combat covid-19. Naval Research Logistics, 2020. doi: 10.1002/nav.21905.
  • S. Venna and Nichols [2019] R. Gottumukkala V. Raghavan A. Maida S. Venna, A. Tavanaei and S. Nichols. A novel data-driven model for real-time influenza forecasting. IEEE Access, 7:7691–7701, 2019.
  • V. Reddy [2020] L. Zhang V. Reddy. Time series forecasting of covid-19 transmission in canada using lstm networks. Chaos, Solitons & Fractals, 135, 2020. doi: https://doi.org/10.1016/j.chaos.2020.109864.
  • W. Yang [2016] J. Shaman W. Yang, D.R. Olson. Forecasting influenza outbreaks in boroughs and neighborhoods of new york city. Public Library Of Science, 12, 2016.
  • Wang et al. [2020] L. Wang, J. Chen, and M. Marathe. Tdefsi: Theory guided deep learning based epidemic forecasting with synthetic information. Available on arXiv: 2002.04663, 2020.
  • Y. Fang [2020] M. Penny Y. Fang, Y. Nie. Transmission dynamics of the covid-19 outbreak and effectiveness of government interventions: A data-driven analysis. Journel of Medical Virology, 92:645–659, 2020.

Supplementary Materials

1 Spatial mixing Extension to SEIR

1.1 The SEIR model

The SEIR model assigns one of four status to a proportion of the total population in a space with constant population. It then builds a set of ordinary differential equations (ODEs) which describe rate of change of each status population. We use a version of the SEIR model that neglects birth and death effects and assumes a lack of any vaccination though it assumes recovered patients gain permanent resistance. The model is identical to one found in Y. Fang [2020] which is recreated below.

d(pS,i(t))dt=βipI,i(t)xS,i(t),d(pE,i(t))dt=βipI,i(t)xS,i(t)σpE,i(t),d(pI,i(t))dt=σpE,i(t)γpI,i(t),d(pR,i(t))dt=γpI,i(t),S+E+I+R=N.\displaystyle\begin{array}[]{l}\displaystyle\frac{d(p_{S,i}(t))}{dt}=\displaystyle-\beta_{i}p_{I,i}(t)x_{S,i}(t),\;\;\;\displaystyle\frac{d(p_{E,i}(t))}{dt}=\beta_{i}p_{I,i}(t)x_{S,i}(t)-\sigma p_{E,i}(t),\\ \displaystyle\frac{d(p_{I,i}(t))}{dt}=\sigma p_{E,i}(t)-\gamma p_{I,i}(t),\;\;\;\displaystyle\frac{d(p_{R,i}(t))}{dt}=\gamma p_{I,i}(t),\;\;\;\displaystyle S+E+I+R=N.\end{array} (16)

We denote pip_{i} to be the total population of county ii, and pk,ip_{k,i} to be the population with status kk in county ii, where k{S,E,I,R}k\in\{S,\ E,\ I,\ R\}. xk,i:=pk,i/pix_{k,i}:=\displaystyle p_{k,i}\big{/}p_{i} is the proportion of the population with status kk. The parameters, β\beta, σ\sigma, and γ\gamma, along with initial conditions govern the dynamics of the epidemic. This model does not account for any interaction between the given county’s population and all other U.S. counties.

1.2 County Mixing SEIR Derivation

A conservation law for the population of the county requires the rate of population accumulation to equal the rate of population inflow minus the rate of population outflow plus the rate of population generation. The population generation term is given by our SEIR equations. We assume no change in the county population requiring the population flow and generation terms to add to zero. Additionally, intuitively we know the SEIR equations which govern the transition of status should not induce population accumulation or depreciation. This requires our population flow terms to balance.

We decided on population mixing terms that would account for the change in a status’ proportion of the population without changing the total county population. To do this, the inflow term for given kk population in county ii is a foreign county’s population flow into county ii multiplied by the foreign county’s proportion of population with status kk summed over all foreign counties. Symmetrically, the outflow term is the same population flow variable, but this time multiplied by proportion of population with status kk in county ii summed over each foreign county. The multiplication of the proportions, which must sum to one, and the flow terms, which are equivalent across ODEs for a county pair, ensure the county population does not change.

Let fi,jf_{i,j} be the total population flow of people from county ii to jj such that fi,j=fj,if_{i,j}=f_{j,i} and fi,i=0f_{i,i}=0. These conditions guarantee each county has no net change in population. The derivatives of pk,ip_{k,i}, k{S,E,I,R}k\in\{S,E,I,R\} can be written as

d(pS,i(t))dt=jfi,jxS,jxS,ijfj,iβipI,i(t)xS,i(t),d(pE,i(t))dt=jfi,jxE,jxE,ijfj,i+βipI,i(t)xS,i(t)σpE,i(t),d(pI,i(t))dt=jfi,jxI,jxI,ijfj,i+σpE,i(t)γpI,i(t),d(pR,i(t))dt=jfi,jxR,jxR,ijfj,i+γpI,i(t).\displaystyle\begin{array}[]{l}\displaystyle\frac{d(p_{S,i}(t))}{dt}=\displaystyle\sum_{j}f_{i,j}x_{S,j}-x_{S,i}\sum_{j}f_{j,i}-\beta_{i}p_{I,i}(t)x_{S,i}(t),\\ \displaystyle\frac{d(p_{E,i}(t))}{dt}=\sum_{j}f_{i,j}x_{E,j}-x_{E,i}\sum_{j}f_{j,i}+\beta_{i}p_{I,i}(t)x_{S,i}(t)-\sigma p_{E,i}(t),\\ \displaystyle\frac{d(p_{I,i}(t))}{dt}=\sum_{j}f_{i,j}x_{I,j}-x_{I,i}\sum_{j}f_{j,i}+\sigma p_{E,i}(t)-\gamma p_{I,i}(t),\\ \displaystyle\frac{d(p_{R,i}(t))}{dt}=\sum_{j}f_{i,j}x_{R,j}-x_{R,i}\sum_{j}f_{j,i}+\gamma p_{I,i}(t).\end{array} (21)

We can write this system of equations more concisely if we vectorize each equation. This can be done by creating a flow matrix, 𝐅\mathbf{F}. The elements are made up of the aforementioned fi,jf_{i,j} terms. Again, using the constraints fi,j=fj,if_{i,j}=f_{j,i} and fi,i=0f_{i,i}=0 we create a symmetric flow matrix with a diagonal of zeros. Here, the iith column represents population outflows from county ii and the iith row represents population inflows to county ii. Lastly, we need our matrix to satisfy our constant population constraint. In other words, we want the diagonals of the matrix to be the negative sum of the other elements in their row. This can be done by subtracting the diagonal of one transpose 𝐅={fij}ij\mathbf{F}=\left\{f_{ij}\right\}_{ij}, written as 𝐅bal=𝐅diag(𝟏T𝐅)\mathbf{F}^{bal}=\mathbf{F}-diag(\mathbf{1}^{T}\mathbf{F}). This matrix exhibits the property 𝐅bal×𝟏=0\sum\mathbf{F}^{bal}\times\mathbf{1}=0, guaranteeing the conservation laws are satisfied.

2 Discussion on CLEIR-Net Model

2.1 CLEIR-Net Training

The network is trained over a sequence of inputs where the target is to forecast the number of recorded infections for each county for each of the next nFn_{F} days in the future, given the days elapsed since the first national recorded infection, tt, the vector of the current day’s county level recorded infections, I(t)I(t), and, crucially, the time invariant county level features, latitude, longitude, population, population density, log of population and population density. A batch size of one is used where each sample consists of a single given day of the pandemic and the corresponding targets are the days in it’s forecast horizon. That is, a sequence of overlapping samples, taken in sequential order. Additionally, each batch’s encoder and remember cells use the cell and hidden states from the previous batch’s encoder and remember cells as their initial states and provide their output states to the next sample’s corresponding cells. Sharing states between batches allows the LSTM cell to effectively utilize its memory property over the entire sequence but limit gradient exposure to short sequences. An initial state of zero is used for the first sample in the sequence.

2.2 CLEIR-Net Forecasting

After training, learned weights are used to forecast future infection trajectories. Since the model learns to use states from past batches, effective inference requires the model be initialized, post learning and prior to forecasting, by making sequential predictions over the entire training data.

2.3 CLEIR-Net Components

The network’s basic definitions, inputs, targets, and outputs for a single batch are summarized here.

Definitions

  • nF:=nForecastn_{F}:=n_{Forecast} Number of days in the forecast horizon

  • nTF:=nTimeFeaturesn_{TF}:=n_{Time\ Features} Number of time features to model in the LSTM backbone

  • nC:=nCountiesn_{C}:=n_{Counties} Number of counties in the prediction space

  • nX:=nCountyLevelFeaturesn_{X}:=n_{CountyLevelFeatures} Number of additional county level features used by the county distributed dense layer

  • nD:=nDenseUnitsn_{D}:=n_{Dense\ Units} Number of units in the county distributed dense layer

Inputs:

  • tt: Time elapsed in days since first nationally recorded infection

  • I(t)I(t): Current day’s county level infections

  • XX: Time invariant county level features

  • Ct1(E)C^{(E)}_{t-1}: State of the previous batch’s encoder cell

  • ht1(E)h^{(E)}_{t-1}: State of the current batch’s encoder cell

  • Ct1(R)C^{(R)}_{t-1}: State of the previous batch’s remember cell

  • ht1(R)h^{(R)}_{t-1}: State of the current batch’s remember cell

Targets:

The goal of the network is to forecast the end of day recorded infections for each US county for each day in the forecast horizon, therefore our targets are the following.

  • I(t+i)i1nFI(t+i)\quad\forall\ i\in 1...n_{F}: Actual end of day recorded county level infections for the ithi^{th} day in the forecast horizon.

Outputs: The corresponding model predicted infections are then denoted by the following.

  • I^(t+i)i1nF\hat{I}(t+i)\quad\forall\ i\in 1...n_{F}: Predicted end of day county level infections for the ithi^{th} day in the forecast horizon.

Additionally, each batch share’s the hidden and cell states of it’s encoder and remember LSTMs with the following batch.

  • Ct(E)C^{(E)}_{t}: Cell state of the current batch’s encoder cell

  • ht1(E)h^{(E)}_{t-1}: Hidden state of the current batch’s encoder cell

  • Ct(R)C^{(R)}_{t}: Cell state of the current batch’s remember cell

  • ht1(R)h^{(R)}_{t-1}: Hidden state of the current batch’s remember cell

The LSTM backbone of the model consists of an encoder cell and remember cell which translate the national total recorded infections and days elapsed into a low dimensional time varying pattern, and a repeatable forecast cell which propagates the time pattern into the future.

Encoder Cell:

  • Purpose: The encoder cell, given the previous batch’s encoder state, transforms the total national recorded infections, I(t)\sum I(t), and days elapsed since the first nationally recorded infection into a low dimensional time varying pattern.

  • Inputs: tt, I(t)\sum I(t), Ct1(E)C^{(E)}_{t-1}, ht1(E)h^{(E)}_{t-1}

  • Outputs: Ct(E)C^{(E)}_{t}, ht(E)h^{(E)}_{t}

  • Parameters: θE:=θEncode\theta_{E}:=\theta_{Encode}, θE(2×nTF,nTF×nTF)\theta_{E}\in(\mathbb{R}^{2\times n_{TF}},\ \mathbb{R}^{n_{TF}\times n_{TF}})

Remember Cell:

  • Purpose: The remember cell, given the context from it’s previous state, and the output representation from the encoder, learns to remember the current state of the LSTM backbone used by the repeated forecast cell.

  • Inputs: Ct1(R)C^{(R)}_{t-1}, ht1(R)h^{(R)}_{t-1}, ht(E)h^{(E)}_{t}

  • Outputs: Ct(R)C^{(R)}_{t}, ht(R)h^{(R)}_{t}

  • Parameters: θR:=θRemember\theta_{R}:=\theta_{Remember},θR(nTF×nTF,nTF×nTF)\theta_{R}\in(\mathbb{R}^{n_{TF}\times n_{TF}},\ \mathbb{R}^{n_{TF}\times n_{TF}}),

Forecast Cell:

  • Purpose: The forecast cell is similar to the remember cell in that its function is to model the underlying low dimensional time pattern. However, while the remember cell incorporates information both from the encoder cell and its own previous state, the forecast cell uses only the LSTM backbone state. For the first day in the forecast, the cell propagates the current state from the remember cell into the future. To achieve multiple days in the forecast horizon, the forecast cell is repeated, with each consecutive cell after the first taking the state from the previous cell as input.

  • Inputs: Ct+i1(F)C^{(F)}_{t+i-1}, ht+i1(F)h^{(F)}_{t+i-1} when i>1i>1, Ct(R)C^{(R)}_{t}, ht(R)h^{(R)}_{t} otherwise

  • Outputs: Ct+i(F)C^{(F)}_{t+i}, ht+i(F)h^{(F)}_{t+i}

  • Parameters: θF:=θForecast\theta_{F}:=\theta_{Forecast}, θFnTF×nTF\theta_{F}\in\mathbb{R}^{n_{TF}\times n_{TF}},

The time and county distributed layers are used to enforce a hierarchical framework of shared factors. The time distributed layer uses the same parameters across all time steps to learn a time pattern underlying each county, given the low dimensional patterns from the backbone. Then, given the underlying time pattern for each county, the county distributed layer predicts the day to day change in infections using the same set of explanatory factors shared by each county.

Time Distributed Layer:

  • Purpose: If we consider the low dimensional time pattern learned by the LSTM backbone to be a mixed signal representing the underlying national dynamics, then the goal of the time distributed linear layer is to separate the national time pattern into its county level components, providing a county level time dependent condition on which the county distributed layer is applied.

  • Inputs: ht+i(F)h^{(F)}_{t+i}

  • Outputs: ht+i(C)h^{(C)}_{t+i}

  • Parameters: θTD:=θTimeDistributed\theta_{TD}:=\theta_{Time\ Distributed}, θTD2×nC\theta_{TD}\in\mathbb{R}^{2\times n_{C}}

County Distributed Layer:

  • Purpose: Given descriptive factors comparable across counties, latitude, longitude, population, population density, and log population and population density, and the county level time feature learned by the time distributed layer, the county distributed layer predicts the county level daily changes in infections for all counties, ΔI(t)\Delta I(t).

  • Inputs: ht+i(C)h^{(C)}_{t+i}, XX

  • Outputs: ΔI(t+i)\Delta I(t+i)

  • Parameters: θCD:=θCountyDistributed\theta_{CD}:=\theta_{County\ Distributed}, θCD((nX+2)×nD\theta_{CD}\in(\mathbb{R}^{(n_{X}+2)\times n_{D}},  (nD+1)×nD,(nD+1)×1\mathbb{R}^{(n_{D}+1)\times n_{D}},\ \mathbb{R}^{(n_{D}+1)\times 1}) (For the input, hidden, and output layers of the County distributed dense layer.)

Final Prediction:

  • Purpose: The predicted changes in infection, ΔI(t+i1)\Delta I(t+i-1), are added to the previous day’s predicted county level infections, I^(t+i1)\hat{I}(t+i-1), to determine the current day’s predicted infections, I^(t+i)\hat{I}(t+i).

  • Inputs: ΔI(t+i1)\Delta I(t+i-1), and I^(t+i1)\hat{I}(t+i-1) when i>1i>1, or I(t)I(t) otherwise

  • Outputs: I^(t+i)\hat{I}(t+i)

  • Parameters None

3 Experimental Setup

3.1 CLEIR-Net Forecast

Network parameters are optimized by minimizing the weighted mean squared error (MSE) between the forecast and target matrices with NAdam with a learning rate of 0.001. Each sample is weighted by a factor of wi,j=(log(Populationj+1)log(i+1))1w_{i,j}=(\log(Population_{j}+1)\log(i+1))^{-1}, where ii is the target number of days ahead in the forecast, and jj is the county. Training is stopped when the validation loss is unimproved for 30 epochs at which point weights from the best performing epoch are used for inference. Random dropout is applied to the targets during training at a rate of 0.25 to mitigate overfitting to any particular county’s patterns. Light L1 and L2 regularization of 0.00005 are applied to the kernel and bias weights of all dense layers and to all recurrent weights to improve conditioning of the gradient. Forecasting is performed using learned parameters by resetting cell states and making predictions with a batch size of one in sequential order over all available days in the input range; ensuring the memory property is active during inference. Predictions from the last available day are taken as the forecast.
Prior to training, 4 counties from New York are removed from the data. Bronx, Kings, Queens, and Richmond counties have no recorded cases in the JHU data and are believed to be aggregated into the New York City totals.

Table 3 compares the forecast performance of the CLEIR-Net architecture both with the county distributed layer (Variant II) and without (Variant I). In both cases the time distributed layer is used to transform the national time pattern into the county level time patterns. Variant I uses the time distributed layer to directly predict the county level daily recorded infection changes while Variant II uses the county distributed layer to make further refinements to the output of the time distributed layer to predict the the county level daily recorded infection changes. In both cases, predicted changes in infections are added to the previous days predicted infections for each day forecast into the future and the cost is computed between predicted and recorded infections over the entire forecast. We train both variants using both mean squared logarithmic error and mean squared error to forecast a 7 day horizon. Variant I slightly outperforms the naïve no-change benchmark by all measures. When trained using the mean squared error objective, Variant II significantly outperforms the mean squared error of Variant I and the naïve no-change benchmark. This yields a more meaningful predicted national change in cases but at the expense of the mean squared logarithmic error, reducing accuracy in counties with lower recorded infections.

Table 3: Forecast metrics for both CLEIR-Net variants trained with MSE and MSLE loss functions, and the naïve no-change benchmark. The Mean Squared Error (MSE), Mean Squared Logarithmic Error (MSLE), Mean Absolute Error (MAE), and Predicted Confirmed Case Increase (PCCI) of the forecasts using each method.
Variant I Objective Variant II Objective
Metric 7 Day Naïve Benchmark MSLE MSE MSLE MSE
MSE 34190.0000 34095.0000 33727.0000 34102.000 14191.000
MSLE 0.0366 0.0337 0.0342 0.033 1.149
MAE 28.9100 28.4600 27.3900 28.400 30.850
PCCI 0.0000 4279.0000 10024.0000 4851.000 140971.000

3.2 Adapted TDEFSI Experiments

The architecture of the model used in the TDEFSI experiments in Section 4.1 is adapted specifically from the TDEFSI-LONLY model. This consists of kk LSTM layers, each with a latent dimension of H(i)H^{(i)}, followed by a dense layer with HH outputs, and a final dense layer with K+1K+1 outputs. The input sequence to the network is 𝐲\mathbf{y}, and the output sequence is 𝐳^\widehat{\mathbf{z}}. All TDEFSI-LONLY experiments used the parameters k=2k=2, H(i)=128H^{(i)}=128, H=256H=256, λ=0.01\lambda=0.01, μ=0.0001\mu=0.0001 when relevant, which Wang et al. [2020] found to be optimal for their data.

3.3 County Dependency

Through determining the dependency between confirmed case of counties we can predict which counties are likely to be accurately forecasted by CLEIR-Net. The model, seeking county level and national level trends, fits itself to counties which are more inter-connected with other counties since their influence on each other induces overall trends. Our approach is to determine a non-linear dependency between counties by calculating the mutual information (MI), between counties to determine the connection between counties.

To estimate the MI between two counties, CC and CC^{\prime}, denoted ρ(C,C):=MI^(C,C)\rho(C,C^{\prime}):=\widehat{MI}(C,C^{\prime}), we use the hash-based method, proposed in Noshad et al. [2018]. However, it is prohibitively expensive to compute the MI between every county pair. Furthermore, intuitively there is lower dependency between counties that are far apart. Therefore, we compute MI between a county and its neighbors and average over all neighbors. We use the US Census Bureau’s county adjacency data to determine neighbors. Our approach is described in Algorithm 1.

Input : Time series confirmed case data for all counties, Neighbor data for all counties
Output : Average County Dependency ρ¯\overline{\rho}
foreach County do
 foreach Neighbor do
    ρ\rho = MI^\widehat{MI} (County, Neighbor)
   end foreach
 ρ¯\overline{\rho} = Average ρ\rho
 
end foreach
foreach ρ¯\overline{\rho} do
 ρ¯\overline{\rho} = (ρ¯min(ρ¯))/(min(ρ¯)max(ρ¯))(\overline{\rho}-min(\overline{\rho}))/(min(\overline{\rho})-max(\overline{\rho}))
 
end foreach
Algorithm 1 Confirmed Case Dependency between Counties

The dependency values and error for the 48 contiguous states are shown in Figures 7 and 8, respectively. We observe the correlation between the dependency values and error of counties after training. We show that the inverse correlation between dependency and error is significantly high.

Refer to caption
Figure 7: A map showing the dependency values, ρ¯\overline{\rho}, for the 48 contiguous states. Darker values represent a higher average dependency. As expected we observe that the more rural counties, especially as seen in the very rural mid-west states, have low inter-county dependency. We also observe a pattern of highly connected counties acting as centralized hubs, with higher connectivity of their neighbors, dissipating outwards.
Refer to caption
Figure 8: A map showing the mean square error for the 48 contiguous states. Darker values represent a higher MSE. Note that this figure is the inverse of Figure 5 to highlight the inverse correlation between this figure and Figure 7

Note that by calculating the county dependency we can get a quick estimate of which counties won’t be accurately forcasted by the CLEIR-Net model before having to train it. This information is crucial to have as soon as possible because if we want to delegate resources based on the results of the model we have to know and disclose the limitations so that they can be planned around ahead of time. There are further potential applications for the dependency values as well. Notable to this work is potentially estimating flow rates between counties in the spatial mixing extension to SEIR outlined in Section 1.

3.4 Additional Figures for Results

Figure 9 shows the CLEIR-Net forecasts for all states and the District of Columbia, except those already shown in Section 4.2, Figure 6.

Refer to caption
(a)
Figure 9: First twenty (alphabetically) CLEIR-Net forecasts for all states and the District of Columbia, except those already shown in Figures 4 and 6. See Figure 9b for last twenty.
Refer to caption
(b)
Figure 9: Last twenty (alphabetically) CLEIR-Net forecasts for all states and the District of Columbia, except those already shown in Figures 4 and 6. See Figure 9a for first twenty.