SlideShare a Scribd company logo
1 of 6
Download to read offline
Recurrent Neural Network and Auto-Regressive Recurrent
Neural Network for trend prediction of COVID-19 in India
Samya BOUHADDOUR1*
, Chaimae SAADI2
, Ibrahim BOUABDALLAOUI3
, Fatima GUEROUATE4
and Mohammed
SBIHI5
Laboratory of Analysis Systems, Processing Information and Industrial Management, EST Sale, Mohammed V University in Rabat,
Morocco
Abstract. On 31st December 2019 in Wuhan China, the first case of Covid-19 was reported in Wuhan,
Hubei province in China. Soon world health organization has declared contagious coronavirus disease
(COVID-19) as a global pandemic in the month of March 2020. Since then, researchers have focused on
using machine learning and deep learning techniques to predict future cases of Covid-19. Despite all the
research we still face the problem of not having a good and accurate prediction, and this is due to the complex
and non-linear data of Covid-19. In this study, we will implement RNN and Auto Regressive RNN. At first,
we implement LSTM and GRU in an independent way, then we will implement deepAR with LSTM and
GRU cells. For the evaluation of the obtained results, we will use the MAPE and RMSE metrics.
Abbreviations. ARIMA, Autoregressive Integrated Moving Average; Bi-GRU, Bidirectional Get Recurrent Unit; Bi-LSTM,
Bidirectional Long-Short Term Memory; Bi-Conv-LSTM, Bidirectional Convolutional Long-Short Term Memory; CNN,
Convolutional neural network ; Conv-LSTM, Convolutional Long-Short Term Memory; Covid-19, Coronavirus Disease 2019;
DeepAR, Deep Auto ’Regression; ED_LSTM, Encoder Decoder-LSTM; ES, Exponential Smoothing; EV, Explained Variance; GRU,
Get Recurrent Unit; LR, linear regression ; LSTM, Long Short-Term Memory; MAE, Mean Absolute Error; MAPE, Mean Absolute
Percentage Error; MSLE, Mean Squared Log Error; NB, Naive Bayes; RMSE, Root Mean Square Error; RMSLE, Root Mean Squared
Log Error; RNN, recurrent neural network ;R2_score, R-Squared (Coefficient of Determination) Regression Score; SARIMAX,
Seasonal Autoregressive Integrated Moving Average ; SVM, Support Vector Machine; SVR,Support Vector Regression; WHO, World
Health Organization;
1 Introduction
Coronavirus (COVID-19) is a respiratory disease of
severe acute respiratory syndrome. The first identified
was in December 2019 when a group of patients
presented a new form of viral pneumonia in Wuhan,
China. On March 11, 2020, the WHO, declared the new
coronavirus (2019-nCoV) outbreak as a global
pandemic. Since then, several preventive measures such
as containment, rapid testing, wearing masks, self-
quarantine, social distancing are applied by countries to
stop the spread of COVID-19 pandemic. The most
affected countries by COVID-19 are: USA, India,
Brazil,France,Germany,UK,Russia,S.Korea,Italy,Turke
y,Spain,Vietnam[1]. The first case of Covid-19 in India
was confirmed on 30 January 2020 in Kerala. A few
months later, the number of confirmed cases increased
daily. 97847 was the maximum number of confirmed
cases in 2020, specifically in September. From 5 April,
the number of cases began to reach 400,000 cases[2].
Fig. 1. Daily reported trends in India [3]
During this pandemic, machine learning or deep
learning techniques have gained immense interest from
researchers[4]. Most of the researches have been
focused on the prediction and forecasting the future
Covid-19 cases on short-term by implementing the
machine learning and deep learning techniques. These
researches and studies are aimed to take the proper
* Corresponding author: samyabouhaddour@research.emi.ac.ma
ITM Web of Conferences 46, 0 (2022)
ICEAS'22
2007 https://doi.org/10.1051/itmconf/20224602007
© The Authors, published by EDP Sciences. This is an open access article distributed under the terms of the Creative Commons Attribution License 4.0
(http://creativecommons.org/licenses/by/4.0/).
decisions in the future, whether it is for travel
restrictions or confinement or any other kind of
decision. In parallel, these researches have studied the
impact of this pandemic on different sectors such as
health, tourism....
Shahid et al. [5] have used a COVID-19 dataset and
has been modelled it using various regressors including
ARIMA, LSTM, GRU, and Bi-LSTM for future
predictions on confirmed cases, deaths, and recovered
cases for ten countries around the world (Brazil, China,
Germany, India, Israel, Italy, Russia, Spain, UK, USA).
The metrics used to assess performance are: MAE,
RMSE and r2_score. The results showed that the
ARIMA and SVR models are unable to track the trend
of the features with higher prediction error and negative
r2_score values. LSTM, GRU and Bi-LSTM proved to
be robust with higher accuracy rate.
Verma et al. [6] have led to a comparative study of
the RNN /CNN recurrent and convolutional recurrent
neural network models: vanilla LSTM, stacked LSTM,
ED_LSTM, Bi-LSTM, CNN and a hybrid CNN+LSTM
model to capture the complex trend of the COVID-19
epidemic. This study was done to predict future cases of
covid-19 in India and the United States. In order to
evaluate these models, they used the mean square error
RMSE and the mean absolute percentage error MAPE
as metrics. The results showed the robustness of the
LSTM model and the hybrid model CNN+LSTM+
compared to the other models.
Bhangu et al. [6] have focused on the monthly
analysis of time series of confirmed, cured and deceased
COVID-19 cases, which allows to identify the trend and
seasonality of the data. They used the ARIMA (auto-
regressive integrated moving average) and SARIMAX
(seasonal auto-regressive integrated moving averages
with exogenous regressor) models which was optimized
to have good results.
Tiwari et al. [7] have implemented machine
learning techniques, namely Naïve-Bayes, SVM and
linear regression to predict the future growth and effects
of the epidemic. Their demonstration showed that Naïve
Bayes gives better results and better predicts confirmed
Covid-19 cases with minimum MAE and MSE value.
The results predicted by Naïve Bayes are almost similar
to the actual confirmed Coronavirus cases.
Rustam et al. [8] have used four standard prediction
models, such as linear regression (LR), least absolute
shrinkage and selection operator (LASSO), support
vector machine (SVM), and exponential smoothing (ES)
to predict COVID-19 threat factors such as the number
of new infections, number of deaths, and number of
recoveries in the next 10 days. The results proved that
ES performed the best of all the models used followed
by LR and LASSO, while SVM performed poorly.
Ayoubi et al. [10] have used deep learning methods:
LSTM and Gru and their bidirectional extensions Bi-
LSTM, Bi-Conv-LSTM, Bi-Conv-LSTM and Bi-GRU
to make a prediction on future Covid-19 cases. The
results showed that the bidirectional models have a
lower error rate with the following metrics: EV, MAPE,
MSLE, RMSLE.
Table 1. Models reported in Literature for forecasting COVID-19 pandemic
Models and their parameters cited in Literature
Authors ARIMA SARIMA GRU LSTM BI-
LSTM
Other models Remarks
p d q (p,P) (d,D) (q,Q) (NL)
Number of
Layers
(Nl)
Number of
Layers
(NL)
Number
of Layers
Shahid
et al. [5]
1 1 1 NA NA NA 3 3 3 SVR They concluded
that Bi-LSTM as
the best model for
forecasting with
enhanced
accuracy.
Verma
et al. [9]
NA NA NA NA NA NA NA NA 250 vanilla
LSTM,
stacked
LSTM, ED-
LSTM,
CNN+LSTM
model hybrid
This study
reported that de
hybrid model as
the best model for
forecasting the
next 21 days cases
in India.
Bhangu
et al. [6]
2 1 0 (1,2) (1,1) (2,2) NA NA NA NA The chosen model
is able to capture
linear features but
is not able to
capture the
complex and non-
linear data of
Covid 19
ITM Web of Conferences 46, 0 (2022)
ICEAS'22
2007 https://doi.org/10.1051/itmconf/20224602007
2
Tiwari
et al. [7]
NA NA NA NA NA NA NA NA NA Naïve Bayes,
SVM, Linear
Regression
Study did not
include the deep
learning models.
Rustam
et al.
[8]
NA NA NA NA NA NA NA NA NA LR,
LASSO,SVM
,
ES
Study did not
include the deep
learning models.
Ayoubi
et
al.[10]
NA NA NA NA NA NA 3 3 3 Bi-
GRU,Conv-
LSTM, Bi-
Conv-LSTM
The results show
that the
bidirectional
models have
lower errors than
other models.
The structure of this paper is: Section two describes the
deep learning models that we used and the evaluation
metrics. In the third section, we present the Covid-19
2 Methodology and data
dataset, the experimental results, and the discussion.
Finally, conclusions are in the fourth section.
2.1 Experimental setup
The trend of COVID-19 epidemic is very dynamic and complex to be captured. To capture this complex trend, we
perform the following steps during training, testing and forecasting.
Table 2. Selection of data for experimentation.
Country Confirmed cases
India 08 May 2020
-
07 March 2021
Fig. 3. Confirmed cases in India
Fig. 2. Suggested Workflow
The general steps of this study are as follows:
-We used India's Covid-19 dataset of confirmed cases
from May 08, 2020 to March 07, 2021.Covid-19 time
series data is accessed from
https://data.covid19india.org/. The graphical
representation of confirmed cases shows an increasing
trend as shown in Figures 3.
ITM Web of Conferences 46, 0 (2022)
ICEAS'22
2007 https://doi.org/10.1051/itmconf/20224602007
3
-The dataset is a time series that we normalized in the
interval [0,1].
-For the training phase we used 80% of the dataset and
the rest for testing.
-In the first stage, we tested the deep learning models
LSTM, GRU, DeepAR with LSTM cells and DeepAR
with GRU cells. The experimental work is shown in
Fig.2.
-The models have been implemented using Python. In
order to evaluate these models, we used the following
metrics: RMSE and MAPE.
2.2 Mathematical modelling
Deep learning methods are used to make predictions on
data that can be linear or non-linear or both. When we
want to make predictions with time series, we often use
recurrent neural networks RNN which are known for
their robustness in predictions. What makes RNNs
robust is the way the information flows between the
cells. The input from the current time step and the output
from the previous time step will be introduced into the
RNN cells so that the current state of the model is
impacted by its previous states. RNN models cannot
remember past information that is faraway in time.
LSTM & GRU
GRU is a simplified version of the LSTM cell, it requires
the less training time with improved network
performance. In terms of operations, LSTM has two
different states transmitted between the cells: the cell
state and the hidden state which carry the long-term and
short-term memory respectively. On the contrary, GRU
have only one hidden state transferred between time
steps. LSTM has a cell state that stores and converts the
input cell memory to the output cell state. The
architecture of LSTM mainly consists of an input gate,
an output gate, a forget gate and an update gate. The
forget gate determines what to forget from the received
information, the input gate determines what information
to accept into the neuron, the output gate generates the
new long-term memory and the update gate updates the
cell. For GRU we have 2 gates: the update gate and the
reset gate, these two gates are trained to filter out any
Fig.6. Internal architecture of GRU cell[12]
DeepAR is a forecasting method based on
autoregressive RNN, which learns a global model from
the historical data of all series in the data set. DeepAR,
a methodology for producing accurate probabilistic
forecasts, based on training a recurrent autoregressive
neural network model on a large number of related time
series. DeepAR, which uses a real value as a past value.
DeepAR uses a recurrent neural network (RNN) as a
basic component and accepts past sequences and its
covariates as an input [13][14][15].
DeepAR use Long Short-Term Memory (LSTM) or
Gated Recurrent Unit (GRU) cells that takes the
previous time points and covariates as input[16].
The evaluation metrics used to assess the performance
of the proposed models were RMSE and MAPE which
are mathematically represented by the following
equations: Eq. (1) and Eq. (2).
irrelevant information. reset gate, these two gates are  = √
1
∑ ( − )2
(1)
trained to filter out any irrelevant information.  =1
1
 −
  = ∑ |
 =1
| ∗ 100 (2)
Where y is model predicted value, yi is actual value.
3 Results
Fig.5. Internal architecture of LSTM cell[11]
We first calculated the descriptive statistics of our data
concerning the confirmed cases, these statistics are
represented in the figures 7.
ITM Web of Conferences 46, 0 (2022)
ICEAS'22
2007 https://doi.org/10.1051/itmconf/20224602007
4
Fig.7. Descriptive statistics of the confirmed cases
The implementation of the models was done in Kaggle
using python 3.0.
We then consider individual models such as LSTM and
GRU. The structure of LSTM is as follows: LSTM layer
- Exclusion layer - Dense layer. The structure of GRU is
as follows: GRU layer and Dense layer. GRU and
LSTM can have the same structures and parameters.
We divided the input data into 80% for training and 20%
for testing and normalized them using MinMaxScaler,
its mathematical representation is presented in (3).
Fig.9. DeepAR with LSTM cells “testing data”
 =
− 
−  
(3)
Where Z is original time-series data, is normalized
time-series data,  is minimum value in the
timeseries, and  is the maximum value of the time
series.
At first, we implemented the models individually. For
GRU and LSTM had respectively 2 layers. We add a
dense layer to the model to connect each neuron to the
next neuron. To overcome the explosive gradient or
evanescent gradient problem, we used the ReLu
activation function. In DeepAR we kept the same
parameters that we selected with the individual models.
This means that DeepAR with LSTM cell and DeepAR
with GRU cell were implemented with two layers for
each cell type. As an optimizer, we used Adam and
RMSE to evaluate the models.
Fig.8. Fig. 8. DeepAR with LSTM cells “trainingdata”
Fig.10. DeepAR with GRU cells “training data”
Fig.11. DeepAR with GRU cells “testing data”
Table 3. MAPE AND RMSE comparison of all models.
Models MAPE RMSE
LSTM 0.2583 26231
GRU 0.3483 30745
DeepAR- LSTM cells 0.009218 10801.75
DeepAR- GRU cells 0.01112 20745.75
ITM Web of Conferences 46, 0 (2022)
ICEAS'22
2007 https://doi.org/10.1051/itmconf/20224602007
5
From the figures we can see that the DeepAR model
reacts well to the training phase, the data of this phase
are linear. On contrary, in the test phase the model does
not give very good results as in the training phase. This
is due to the complexity of the data as we have linear
and non-linear data. At the beginning the flow was
increasing weakly but from December 2021 the flow is
increasing rapidly. The problem we are confronted with
when working with the covid data is to find a model that
can detect these sudden and unexpected changes, and
this is where the data starts to be complex and the model
does not perform well.
By analyzing the results, we can see that the DeepAR-
LSTM cells model has given good results, but the GRU,
either in individual mode or by introducing it as a cell
for the DeepAR, remains less efficient.
4 Conclusion
The COVID-19 data of some countries are not linear
which is the case for India. From the results obtained we
can see that the Auto-Regressive Recurrent Neural
Network give good results compared to Recurrent
Neural Network.
From our research and those cited in the literature, we
can observe that we have not yet succeeded in having a
model that detects the complex trend of Covid-19. This
study has several limitations. Deep learning and
machine learning models remain weak in detecting the
complexity of this trend. What we see and propose as
future work is to work with hybrid models like RNN
with CNN to detect the complex trend of Covid flow.
References
1. “Worldometers.info,” 2020, [Online].
Available: https://www.worldometers.info/.
2. “World Health Organization (WHO),” 2020.
https://covid19.who.int/region/searo/country/in
.
3. “REUTERS Covid-19 Tracker.”
https://graphics.reuters.com/world-
coronavirus-tracker-and-maps/countries-and-
territories/india/.
4. S. Hanumanthu, “Role of Intelligent Computing
in COVID-19 Prognosis: A State-of-the-Art
Review,” Chaos, Solitons FractalsInterdiscip.
J. Nonlinear Sci. NonequilibriumComplex
Phenom., p. 109947, 2020, doi:
10.1016/j.chaos.2020.109947.
5. F. Shahid, A. Zameer, and M. Muneeb,
“Predictions for COVID-19 with deep learning
models of LSTM, GRU and Bi-LSTM,”
Chaos, Solitons Fractals Interdiscip. J.
Nonlinear Sci. Nonequilibrium Complex
Phenom., vol. 140, p. 110212, 2020, doi:
10.1016/j.chaos.2020.110212.
6. K. S. Bhangu, J. K. Sandhu, and L. Sapra,
“Time series analysis of COVID-19 cases,”
vol. 1, no. November 2020, pp. 40–48, 2022,
doi: 10.1108/WJE-09-2020-0431.
7. D. Tiwari, B. S. Bhati, and B. Nagpal,
“Pandemic coronavirus disease ( Covid-19 ):
World effects analysis and prediction using
machine-learning techniques,” vol. 2, no.
April, pp. 1–20, 2021, doi:
10.1111/exsy.12714.
8. F. Rustam et al., “COVID-19 Future
Forecasting Using,” vol. 4, pp. 1–12, 2020, doi:
10.1109/ACCESS.2020.2997311.
9. H. Verma, S. Mandal, and A. Gupta,
“Temporal deep learning architecture for
prediction of COVID-19 cases in India,” no.
January, 2020.
10. N. Ayoobi, D. Sharifrazi, R. Alizadehsani, and
A. Shoeibi, “Results in Physics Time series
forecasting of new cases and new deaths rate
for COVID-19 using deep learning methods,”
vol. 27, no. March, 2021, doi:
10.1016/j.rinp.2021.104495.
11. N. Science et al., “Time series forecasting of
Covid-19 using deep learning models : India-
USA comparative case study,” Chaos, Solitons
Fractals Interdiscip. J. Nonlinear Sci.
Nonequilibrium Complex Phenom., vol. 140, p.
110227, 2020, doi:
10.1016/j.chaos.2020.110227.
12. P. T. Yamak, “A Comparison between ARIMA
, LSTM , and GRU for Time Series
Forecasting,” 2017.
13. Y. Jeon and S. Seong, “Robust recurrent
network model for intermittent time-series
forecasting,” Int. J. Forecast., no. xxxx, 2021,
doi: 10.1016/j.ijforecast.2021.07.004.
14. D. Salinas, V. Flunkert, J. Gasthaus, and T.
Januschowski, “DeepAR : Probabilistic
forecasting with autoregressive recurrent
networks,” Int. J. Forecast., no. xxxx, 2019,
doi: 10.1016/j.ijforecast.2019.07.001.
15. V. Flunkert, D. Salinas, and J. Gasthaus,
“DeepAR : Probabilistic Forecasting with
Autoregressive Recurrent Networks,” 2017.
16. A. Tadjer, A. Hong, and R. B. Bratvold,
“Machine learning based decline curve analysis
for short-term oil production forecast,” 2021,
doi: 10.1177/01445987211011784.
ITM Web of Conferences 46, 0 (2022)
ICEAS'22
2007 https://doi.org/10.1051/itmconf/20224602007
6

More Related Content

Similar to itmconf_iceas2022_02007.pdf

PREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHES
PREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHESPREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHES
PREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHESIRJET Journal
 
review-mathematical-AI.pdf
review-mathematical-AI.pdfreview-mathematical-AI.pdf
review-mathematical-AI.pdfDavidbham
 
Covid 19 Prediction in India using Machine Learning
Covid 19 Prediction in India using Machine LearningCovid 19 Prediction in India using Machine Learning
Covid 19 Prediction in India using Machine LearningYogeshIJTSRD
 
INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...
INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...
INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...ijaia
 
Susceptible exposed infectious recovered-machine learning for COVID-19 predi...
Susceptible exposed infectious recovered-machine learning for  COVID-19 predi...Susceptible exposed infectious recovered-machine learning for  COVID-19 predi...
Susceptible exposed infectious recovered-machine learning for COVID-19 predi...IJECEIAES
 
Virtual Expert -Disease Prediction Using Machine Learning
Virtual Expert -Disease Prediction Using Machine LearningVirtual Expert -Disease Prediction Using Machine Learning
Virtual Expert -Disease Prediction Using Machine LearningIRJET Journal
 
Prediction analysis on the pre and post COVID outbreak assessment using machi...
Prediction analysis on the pre and post COVID outbreak assessment using machi...Prediction analysis on the pre and post COVID outbreak assessment using machi...
Prediction analysis on the pre and post COVID outbreak assessment using machi...IJICTJOURNAL
 
A Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningA Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningIRJET Journal
 
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMSREVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMSIRJET Journal
 
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuning
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuningEnhancing COVID-19 forecasting through deep learning techniques and fine-tuning
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuningIJECEIAES
 
Forecasting COVID-19 using Polynomial Regression and Support Vector Machine
Forecasting COVID-19 using Polynomial Regression and Support Vector MachineForecasting COVID-19 using Polynomial Regression and Support Vector Machine
Forecasting COVID-19 using Polynomial Regression and Support Vector MachineIRJET Journal
 
IRJET- A Prediction Engine for Influenza Pandemic using Healthcare Analysis
IRJET- A Prediction Engine for Influenza  Pandemic using Healthcare AnalysisIRJET- A Prediction Engine for Influenza  Pandemic using Healthcare Analysis
IRJET- A Prediction Engine for Influenza Pandemic using Healthcare AnalysisIRJET Journal
 
Role of Machine Learning Techniques in COVID-19 Prediction and Detection
Role of Machine Learning Techniques in COVID-19 Prediction and DetectionRole of Machine Learning Techniques in COVID-19 Prediction and Detection
Role of Machine Learning Techniques in COVID-19 Prediction and DetectionIRJET Journal
 
SPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODEL
SPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODELSPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODEL
SPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODELIRJET Journal
 
Integrated Health App
Integrated Health AppIntegrated Health App
Integrated Health AppIRJET Journal
 
Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...
Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...
Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...ijtsrd
 
A data mining analysis of COVID-19 cases in states of United States of America
A data mining analysis of COVID-19 cases in states of United  States of AmericaA data mining analysis of COVID-19 cases in states of United  States of America
A data mining analysis of COVID-19 cases in states of United States of AmericaIJECEIAES
 
Coronavirus disease 2019 detection using deep features learning
Coronavirus disease 2019 detection using deep features learningCoronavirus disease 2019 detection using deep features learning
Coronavirus disease 2019 detection using deep features learningIJECEIAES
 
Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...
Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...
Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...IRJET Journal
 

Similar to itmconf_iceas2022_02007.pdf (20)

PREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHES
PREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHESPREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHES
PREDICTION OF COVID-19 USING MACHINE LEARNING APPROACHES
 
review-mathematical-AI.pdf
review-mathematical-AI.pdfreview-mathematical-AI.pdf
review-mathematical-AI.pdf
 
Covid 19 Prediction in India using Machine Learning
Covid 19 Prediction in India using Machine LearningCovid 19 Prediction in India using Machine Learning
Covid 19 Prediction in India using Machine Learning
 
INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...
INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...
INSIGHT ABOUT DETECTION, PREDICTION AND WEATHER IMPACT OF CORONAVIRUS (COVID-...
 
Susceptible exposed infectious recovered-machine learning for COVID-19 predi...
Susceptible exposed infectious recovered-machine learning for  COVID-19 predi...Susceptible exposed infectious recovered-machine learning for  COVID-19 predi...
Susceptible exposed infectious recovered-machine learning for COVID-19 predi...
 
HPC FINAL PROJECT
HPC FINAL PROJECTHPC FINAL PROJECT
HPC FINAL PROJECT
 
Virtual Expert -Disease Prediction Using Machine Learning
Virtual Expert -Disease Prediction Using Machine LearningVirtual Expert -Disease Prediction Using Machine Learning
Virtual Expert -Disease Prediction Using Machine Learning
 
Prediction analysis on the pre and post COVID outbreak assessment using machi...
Prediction analysis on the pre and post COVID outbreak assessment using machi...Prediction analysis on the pre and post COVID outbreak assessment using machi...
Prediction analysis on the pre and post COVID outbreak assessment using machi...
 
A Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep LearningA Review Paper on Covid-19 Detection using Deep Learning
A Review Paper on Covid-19 Detection using Deep Learning
 
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMSREVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
REVIEW ON COVID DETECTION USING X-RAY AND SYMPTOMS
 
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuning
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuningEnhancing COVID-19 forecasting through deep learning techniques and fine-tuning
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuning
 
Forecasting COVID-19 using Polynomial Regression and Support Vector Machine
Forecasting COVID-19 using Polynomial Regression and Support Vector MachineForecasting COVID-19 using Polynomial Regression and Support Vector Machine
Forecasting COVID-19 using Polynomial Regression and Support Vector Machine
 
IRJET- A Prediction Engine for Influenza Pandemic using Healthcare Analysis
IRJET- A Prediction Engine for Influenza  Pandemic using Healthcare AnalysisIRJET- A Prediction Engine for Influenza  Pandemic using Healthcare Analysis
IRJET- A Prediction Engine for Influenza Pandemic using Healthcare Analysis
 
Role of Machine Learning Techniques in COVID-19 Prediction and Detection
Role of Machine Learning Techniques in COVID-19 Prediction and DetectionRole of Machine Learning Techniques in COVID-19 Prediction and Detection
Role of Machine Learning Techniques in COVID-19 Prediction and Detection
 
SPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODEL
SPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODELSPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODEL
SPECULATING CORONA VIRUS IMPLEMENT AMALGAM AI MODEL
 
Integrated Health App
Integrated Health AppIntegrated Health App
Integrated Health App
 
Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...
Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...
Health Risk Prediction Using Support Vector Machine with Gray Wolf Optimizati...
 
A data mining analysis of COVID-19 cases in states of United States of America
A data mining analysis of COVID-19 cases in states of United  States of AmericaA data mining analysis of COVID-19 cases in states of United  States of America
A data mining analysis of COVID-19 cases in states of United States of America
 
Coronavirus disease 2019 detection using deep features learning
Coronavirus disease 2019 detection using deep features learningCoronavirus disease 2019 detection using deep features learning
Coronavirus disease 2019 detection using deep features learning
 
Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...
Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...
Predicting COVID-19 Cases with Time Series Analysis: An LSTM Model with Multi...
 

Recently uploaded

Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...ScyllaDB
 
ADP Passwordless Journey Case Study.pptx
ADP Passwordless Journey Case Study.pptxADP Passwordless Journey Case Study.pptx
ADP Passwordless Journey Case Study.pptxFIDO Alliance
 
Tales from a Passkey Provider Progress from Awareness to Implementation.pptx
Tales from a Passkey Provider  Progress from Awareness to Implementation.pptxTales from a Passkey Provider  Progress from Awareness to Implementation.pptx
Tales from a Passkey Provider Progress from Awareness to Implementation.pptxFIDO Alliance
 
Vector Search @ sw2con for slideshare.pptx
Vector Search @ sw2con for slideshare.pptxVector Search @ sw2con for slideshare.pptx
Vector Search @ sw2con for slideshare.pptxjbellis
 
WebAssembly is Key to Better LLM Performance
WebAssembly is Key to Better LLM PerformanceWebAssembly is Key to Better LLM Performance
WebAssembly is Key to Better LLM PerformanceSamy Fodil
 
Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)
Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)
Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)Paige Cruz
 
Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...
Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...
Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...Skynet Technologies
 
Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontologyjohnbeverley2021
 
UiPath manufacturing technology benefits and AI overview
UiPath manufacturing technology benefits and AI overviewUiPath manufacturing technology benefits and AI overview
UiPath manufacturing technology benefits and AI overviewDianaGray10
 
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...ScyllaDB
 
AI mind or machine power point presentation
AI mind or machine power point presentationAI mind or machine power point presentation
AI mind or machine power point presentationyogeshlabana357357
 
Design Guidelines for Passkeys 2024.pptx
Design Guidelines for Passkeys 2024.pptxDesign Guidelines for Passkeys 2024.pptx
Design Guidelines for Passkeys 2024.pptxFIDO Alliance
 
CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)Wonjun Hwang
 
How to Check GPS Location with a Live Tracker in Pakistan
How to Check GPS Location with a Live Tracker in PakistanHow to Check GPS Location with a Live Tracker in Pakistan
How to Check GPS Location with a Live Tracker in Pakistandanishmna97
 
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...TrustArc
 
Introduction to FIDO Authentication and Passkeys.pptx
Introduction to FIDO Authentication and Passkeys.pptxIntroduction to FIDO Authentication and Passkeys.pptx
Introduction to FIDO Authentication and Passkeys.pptxFIDO Alliance
 
Hyatt driving innovation and exceptional customer experiences with FIDO passw...
Hyatt driving innovation and exceptional customer experiences with FIDO passw...Hyatt driving innovation and exceptional customer experiences with FIDO passw...
Hyatt driving innovation and exceptional customer experiences with FIDO passw...FIDO Alliance
 
Continuing Bonds Through AI: A Hermeneutic Reflection on Thanabots
Continuing Bonds Through AI: A Hermeneutic Reflection on ThanabotsContinuing Bonds Through AI: A Hermeneutic Reflection on Thanabots
Continuing Bonds Through AI: A Hermeneutic Reflection on ThanabotsLeah Henrickson
 
Google I/O Extended 2024 Warsaw
Google I/O Extended 2024 WarsawGoogle I/O Extended 2024 Warsaw
Google I/O Extended 2024 WarsawGDSC PJATK
 
Design and Development of a Provenance Capture Platform for Data Science
Design and Development of a Provenance Capture Platform for Data ScienceDesign and Development of a Provenance Capture Platform for Data Science
Design and Development of a Provenance Capture Platform for Data SciencePaolo Missier
 

Recently uploaded (20)

Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
Event-Driven Architecture Masterclass: Integrating Distributed Data Stores Ac...
 
ADP Passwordless Journey Case Study.pptx
ADP Passwordless Journey Case Study.pptxADP Passwordless Journey Case Study.pptx
ADP Passwordless Journey Case Study.pptx
 
Tales from a Passkey Provider Progress from Awareness to Implementation.pptx
Tales from a Passkey Provider  Progress from Awareness to Implementation.pptxTales from a Passkey Provider  Progress from Awareness to Implementation.pptx
Tales from a Passkey Provider Progress from Awareness to Implementation.pptx
 
Vector Search @ sw2con for slideshare.pptx
Vector Search @ sw2con for slideshare.pptxVector Search @ sw2con for slideshare.pptx
Vector Search @ sw2con for slideshare.pptx
 
WebAssembly is Key to Better LLM Performance
WebAssembly is Key to Better LLM PerformanceWebAssembly is Key to Better LLM Performance
WebAssembly is Key to Better LLM Performance
 
Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)
Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)
Observability Concepts EVERY Developer Should Know (DevOpsDays Seattle)
 
Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...
Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...
Human Expert Website Manual WCAG 2.0 2.1 2.2 Audit - Digital Accessibility Au...
 
Six Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal OntologySix Myths about Ontologies: The Basics of Formal Ontology
Six Myths about Ontologies: The Basics of Formal Ontology
 
UiPath manufacturing technology benefits and AI overview
UiPath manufacturing technology benefits and AI overviewUiPath manufacturing technology benefits and AI overview
UiPath manufacturing technology benefits and AI overview
 
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
Event-Driven Architecture Masterclass: Engineering a Robust, High-performance...
 
AI mind or machine power point presentation
AI mind or machine power point presentationAI mind or machine power point presentation
AI mind or machine power point presentation
 
Design Guidelines for Passkeys 2024.pptx
Design Guidelines for Passkeys 2024.pptxDesign Guidelines for Passkeys 2024.pptx
Design Guidelines for Passkeys 2024.pptx
 
CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)CORS (Kitworks Team Study 양다윗 발표자료 240510)
CORS (Kitworks Team Study 양다윗 발표자료 240510)
 
How to Check GPS Location with a Live Tracker in Pakistan
How to Check GPS Location with a Live Tracker in PakistanHow to Check GPS Location with a Live Tracker in Pakistan
How to Check GPS Location with a Live Tracker in Pakistan
 
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
TrustArc Webinar - Unified Trust Center for Privacy, Security, Compliance, an...
 
Introduction to FIDO Authentication and Passkeys.pptx
Introduction to FIDO Authentication and Passkeys.pptxIntroduction to FIDO Authentication and Passkeys.pptx
Introduction to FIDO Authentication and Passkeys.pptx
 
Hyatt driving innovation and exceptional customer experiences with FIDO passw...
Hyatt driving innovation and exceptional customer experiences with FIDO passw...Hyatt driving innovation and exceptional customer experiences with FIDO passw...
Hyatt driving innovation and exceptional customer experiences with FIDO passw...
 
Continuing Bonds Through AI: A Hermeneutic Reflection on Thanabots
Continuing Bonds Through AI: A Hermeneutic Reflection on ThanabotsContinuing Bonds Through AI: A Hermeneutic Reflection on Thanabots
Continuing Bonds Through AI: A Hermeneutic Reflection on Thanabots
 
Google I/O Extended 2024 Warsaw
Google I/O Extended 2024 WarsawGoogle I/O Extended 2024 Warsaw
Google I/O Extended 2024 Warsaw
 
Design and Development of a Provenance Capture Platform for Data Science
Design and Development of a Provenance Capture Platform for Data ScienceDesign and Development of a Provenance Capture Platform for Data Science
Design and Development of a Provenance Capture Platform for Data Science
 

itmconf_iceas2022_02007.pdf

  • 1. Recurrent Neural Network and Auto-Regressive Recurrent Neural Network for trend prediction of COVID-19 in India Samya BOUHADDOUR1* , Chaimae SAADI2 , Ibrahim BOUABDALLAOUI3 , Fatima GUEROUATE4 and Mohammed SBIHI5 Laboratory of Analysis Systems, Processing Information and Industrial Management, EST Sale, Mohammed V University in Rabat, Morocco Abstract. On 31st December 2019 in Wuhan China, the first case of Covid-19 was reported in Wuhan, Hubei province in China. Soon world health organization has declared contagious coronavirus disease (COVID-19) as a global pandemic in the month of March 2020. Since then, researchers have focused on using machine learning and deep learning techniques to predict future cases of Covid-19. Despite all the research we still face the problem of not having a good and accurate prediction, and this is due to the complex and non-linear data of Covid-19. In this study, we will implement RNN and Auto Regressive RNN. At first, we implement LSTM and GRU in an independent way, then we will implement deepAR with LSTM and GRU cells. For the evaluation of the obtained results, we will use the MAPE and RMSE metrics. Abbreviations. ARIMA, Autoregressive Integrated Moving Average; Bi-GRU, Bidirectional Get Recurrent Unit; Bi-LSTM, Bidirectional Long-Short Term Memory; Bi-Conv-LSTM, Bidirectional Convolutional Long-Short Term Memory; CNN, Convolutional neural network ; Conv-LSTM, Convolutional Long-Short Term Memory; Covid-19, Coronavirus Disease 2019; DeepAR, Deep Auto ’Regression; ED_LSTM, Encoder Decoder-LSTM; ES, Exponential Smoothing; EV, Explained Variance; GRU, Get Recurrent Unit; LR, linear regression ; LSTM, Long Short-Term Memory; MAE, Mean Absolute Error; MAPE, Mean Absolute Percentage Error; MSLE, Mean Squared Log Error; NB, Naive Bayes; RMSE, Root Mean Square Error; RMSLE, Root Mean Squared Log Error; RNN, recurrent neural network ;R2_score, R-Squared (Coefficient of Determination) Regression Score; SARIMAX, Seasonal Autoregressive Integrated Moving Average ; SVM, Support Vector Machine; SVR,Support Vector Regression; WHO, World Health Organization; 1 Introduction Coronavirus (COVID-19) is a respiratory disease of severe acute respiratory syndrome. The first identified was in December 2019 when a group of patients presented a new form of viral pneumonia in Wuhan, China. On March 11, 2020, the WHO, declared the new coronavirus (2019-nCoV) outbreak as a global pandemic. Since then, several preventive measures such as containment, rapid testing, wearing masks, self- quarantine, social distancing are applied by countries to stop the spread of COVID-19 pandemic. The most affected countries by COVID-19 are: USA, India, Brazil,France,Germany,UK,Russia,S.Korea,Italy,Turke y,Spain,Vietnam[1]. The first case of Covid-19 in India was confirmed on 30 January 2020 in Kerala. A few months later, the number of confirmed cases increased daily. 97847 was the maximum number of confirmed cases in 2020, specifically in September. From 5 April, the number of cases began to reach 400,000 cases[2]. Fig. 1. Daily reported trends in India [3] During this pandemic, machine learning or deep learning techniques have gained immense interest from researchers[4]. Most of the researches have been focused on the prediction and forecasting the future Covid-19 cases on short-term by implementing the machine learning and deep learning techniques. These researches and studies are aimed to take the proper * Corresponding author: samyabouhaddour@research.emi.ac.ma ITM Web of Conferences 46, 0 (2022) ICEAS'22 2007 https://doi.org/10.1051/itmconf/20224602007 © The Authors, published by EDP Sciences. This is an open access article distributed under the terms of the Creative Commons Attribution License 4.0 (http://creativecommons.org/licenses/by/4.0/).
  • 2. decisions in the future, whether it is for travel restrictions or confinement or any other kind of decision. In parallel, these researches have studied the impact of this pandemic on different sectors such as health, tourism.... Shahid et al. [5] have used a COVID-19 dataset and has been modelled it using various regressors including ARIMA, LSTM, GRU, and Bi-LSTM for future predictions on confirmed cases, deaths, and recovered cases for ten countries around the world (Brazil, China, Germany, India, Israel, Italy, Russia, Spain, UK, USA). The metrics used to assess performance are: MAE, RMSE and r2_score. The results showed that the ARIMA and SVR models are unable to track the trend of the features with higher prediction error and negative r2_score values. LSTM, GRU and Bi-LSTM proved to be robust with higher accuracy rate. Verma et al. [6] have led to a comparative study of the RNN /CNN recurrent and convolutional recurrent neural network models: vanilla LSTM, stacked LSTM, ED_LSTM, Bi-LSTM, CNN and a hybrid CNN+LSTM model to capture the complex trend of the COVID-19 epidemic. This study was done to predict future cases of covid-19 in India and the United States. In order to evaluate these models, they used the mean square error RMSE and the mean absolute percentage error MAPE as metrics. The results showed the robustness of the LSTM model and the hybrid model CNN+LSTM+ compared to the other models. Bhangu et al. [6] have focused on the monthly analysis of time series of confirmed, cured and deceased COVID-19 cases, which allows to identify the trend and seasonality of the data. They used the ARIMA (auto- regressive integrated moving average) and SARIMAX (seasonal auto-regressive integrated moving averages with exogenous regressor) models which was optimized to have good results. Tiwari et al. [7] have implemented machine learning techniques, namely Naïve-Bayes, SVM and linear regression to predict the future growth and effects of the epidemic. Their demonstration showed that Naïve Bayes gives better results and better predicts confirmed Covid-19 cases with minimum MAE and MSE value. The results predicted by Naïve Bayes are almost similar to the actual confirmed Coronavirus cases. Rustam et al. [8] have used four standard prediction models, such as linear regression (LR), least absolute shrinkage and selection operator (LASSO), support vector machine (SVM), and exponential smoothing (ES) to predict COVID-19 threat factors such as the number of new infections, number of deaths, and number of recoveries in the next 10 days. The results proved that ES performed the best of all the models used followed by LR and LASSO, while SVM performed poorly. Ayoubi et al. [10] have used deep learning methods: LSTM and Gru and their bidirectional extensions Bi- LSTM, Bi-Conv-LSTM, Bi-Conv-LSTM and Bi-GRU to make a prediction on future Covid-19 cases. The results showed that the bidirectional models have a lower error rate with the following metrics: EV, MAPE, MSLE, RMSLE. Table 1. Models reported in Literature for forecasting COVID-19 pandemic Models and their parameters cited in Literature Authors ARIMA SARIMA GRU LSTM BI- LSTM Other models Remarks p d q (p,P) (d,D) (q,Q) (NL) Number of Layers (Nl) Number of Layers (NL) Number of Layers Shahid et al. [5] 1 1 1 NA NA NA 3 3 3 SVR They concluded that Bi-LSTM as the best model for forecasting with enhanced accuracy. Verma et al. [9] NA NA NA NA NA NA NA NA 250 vanilla LSTM, stacked LSTM, ED- LSTM, CNN+LSTM model hybrid This study reported that de hybrid model as the best model for forecasting the next 21 days cases in India. Bhangu et al. [6] 2 1 0 (1,2) (1,1) (2,2) NA NA NA NA The chosen model is able to capture linear features but is not able to capture the complex and non- linear data of Covid 19 ITM Web of Conferences 46, 0 (2022) ICEAS'22 2007 https://doi.org/10.1051/itmconf/20224602007 2
  • 3. Tiwari et al. [7] NA NA NA NA NA NA NA NA NA Naïve Bayes, SVM, Linear Regression Study did not include the deep learning models. Rustam et al. [8] NA NA NA NA NA NA NA NA NA LR, LASSO,SVM , ES Study did not include the deep learning models. Ayoubi et al.[10] NA NA NA NA NA NA 3 3 3 Bi- GRU,Conv- LSTM, Bi- Conv-LSTM The results show that the bidirectional models have lower errors than other models. The structure of this paper is: Section two describes the deep learning models that we used and the evaluation metrics. In the third section, we present the Covid-19 2 Methodology and data dataset, the experimental results, and the discussion. Finally, conclusions are in the fourth section. 2.1 Experimental setup The trend of COVID-19 epidemic is very dynamic and complex to be captured. To capture this complex trend, we perform the following steps during training, testing and forecasting. Table 2. Selection of data for experimentation. Country Confirmed cases India 08 May 2020 - 07 March 2021 Fig. 3. Confirmed cases in India Fig. 2. Suggested Workflow The general steps of this study are as follows: -We used India's Covid-19 dataset of confirmed cases from May 08, 2020 to March 07, 2021.Covid-19 time series data is accessed from https://data.covid19india.org/. The graphical representation of confirmed cases shows an increasing trend as shown in Figures 3. ITM Web of Conferences 46, 0 (2022) ICEAS'22 2007 https://doi.org/10.1051/itmconf/20224602007 3
  • 4. -The dataset is a time series that we normalized in the interval [0,1]. -For the training phase we used 80% of the dataset and the rest for testing. -In the first stage, we tested the deep learning models LSTM, GRU, DeepAR with LSTM cells and DeepAR with GRU cells. The experimental work is shown in Fig.2. -The models have been implemented using Python. In order to evaluate these models, we used the following metrics: RMSE and MAPE. 2.2 Mathematical modelling Deep learning methods are used to make predictions on data that can be linear or non-linear or both. When we want to make predictions with time series, we often use recurrent neural networks RNN which are known for their robustness in predictions. What makes RNNs robust is the way the information flows between the cells. The input from the current time step and the output from the previous time step will be introduced into the RNN cells so that the current state of the model is impacted by its previous states. RNN models cannot remember past information that is faraway in time. LSTM & GRU GRU is a simplified version of the LSTM cell, it requires the less training time with improved network performance. In terms of operations, LSTM has two different states transmitted between the cells: the cell state and the hidden state which carry the long-term and short-term memory respectively. On the contrary, GRU have only one hidden state transferred between time steps. LSTM has a cell state that stores and converts the input cell memory to the output cell state. The architecture of LSTM mainly consists of an input gate, an output gate, a forget gate and an update gate. The forget gate determines what to forget from the received information, the input gate determines what information to accept into the neuron, the output gate generates the new long-term memory and the update gate updates the cell. For GRU we have 2 gates: the update gate and the reset gate, these two gates are trained to filter out any Fig.6. Internal architecture of GRU cell[12] DeepAR is a forecasting method based on autoregressive RNN, which learns a global model from the historical data of all series in the data set. DeepAR, a methodology for producing accurate probabilistic forecasts, based on training a recurrent autoregressive neural network model on a large number of related time series. DeepAR, which uses a real value as a past value. DeepAR uses a recurrent neural network (RNN) as a basic component and accepts past sequences and its covariates as an input [13][14][15]. DeepAR use Long Short-Term Memory (LSTM) or Gated Recurrent Unit (GRU) cells that takes the previous time points and covariates as input[16]. The evaluation metrics used to assess the performance of the proposed models were RMSE and MAPE which are mathematically represented by the following equations: Eq. (1) and Eq. (2). irrelevant information. reset gate, these two gates are = √ 1 ∑ ( − )2 (1) trained to filter out any irrelevant information. =1 1 − = ∑ | =1 | ∗ 100 (2) Where y is model predicted value, yi is actual value. 3 Results Fig.5. Internal architecture of LSTM cell[11] We first calculated the descriptive statistics of our data concerning the confirmed cases, these statistics are represented in the figures 7. ITM Web of Conferences 46, 0 (2022) ICEAS'22 2007 https://doi.org/10.1051/itmconf/20224602007 4
  • 5. Fig.7. Descriptive statistics of the confirmed cases The implementation of the models was done in Kaggle using python 3.0. We then consider individual models such as LSTM and GRU. The structure of LSTM is as follows: LSTM layer - Exclusion layer - Dense layer. The structure of GRU is as follows: GRU layer and Dense layer. GRU and LSTM can have the same structures and parameters. We divided the input data into 80% for training and 20% for testing and normalized them using MinMaxScaler, its mathematical representation is presented in (3). Fig.9. DeepAR with LSTM cells “testing data” = − − (3) Where Z is original time-series data, is normalized time-series data, is minimum value in the timeseries, and is the maximum value of the time series. At first, we implemented the models individually. For GRU and LSTM had respectively 2 layers. We add a dense layer to the model to connect each neuron to the next neuron. To overcome the explosive gradient or evanescent gradient problem, we used the ReLu activation function. In DeepAR we kept the same parameters that we selected with the individual models. This means that DeepAR with LSTM cell and DeepAR with GRU cell were implemented with two layers for each cell type. As an optimizer, we used Adam and RMSE to evaluate the models. Fig.8. Fig. 8. DeepAR with LSTM cells “trainingdata” Fig.10. DeepAR with GRU cells “training data” Fig.11. DeepAR with GRU cells “testing data” Table 3. MAPE AND RMSE comparison of all models. Models MAPE RMSE LSTM 0.2583 26231 GRU 0.3483 30745 DeepAR- LSTM cells 0.009218 10801.75 DeepAR- GRU cells 0.01112 20745.75 ITM Web of Conferences 46, 0 (2022) ICEAS'22 2007 https://doi.org/10.1051/itmconf/20224602007 5
  • 6. From the figures we can see that the DeepAR model reacts well to the training phase, the data of this phase are linear. On contrary, in the test phase the model does not give very good results as in the training phase. This is due to the complexity of the data as we have linear and non-linear data. At the beginning the flow was increasing weakly but from December 2021 the flow is increasing rapidly. The problem we are confronted with when working with the covid data is to find a model that can detect these sudden and unexpected changes, and this is where the data starts to be complex and the model does not perform well. By analyzing the results, we can see that the DeepAR- LSTM cells model has given good results, but the GRU, either in individual mode or by introducing it as a cell for the DeepAR, remains less efficient. 4 Conclusion The COVID-19 data of some countries are not linear which is the case for India. From the results obtained we can see that the Auto-Regressive Recurrent Neural Network give good results compared to Recurrent Neural Network. From our research and those cited in the literature, we can observe that we have not yet succeeded in having a model that detects the complex trend of Covid-19. This study has several limitations. Deep learning and machine learning models remain weak in detecting the complexity of this trend. What we see and propose as future work is to work with hybrid models like RNN with CNN to detect the complex trend of Covid flow. References 1. “Worldometers.info,” 2020, [Online]. Available: https://www.worldometers.info/. 2. “World Health Organization (WHO),” 2020. https://covid19.who.int/region/searo/country/in . 3. “REUTERS Covid-19 Tracker.” https://graphics.reuters.com/world- coronavirus-tracker-and-maps/countries-and- territories/india/. 4. S. Hanumanthu, “Role of Intelligent Computing in COVID-19 Prognosis: A State-of-the-Art Review,” Chaos, Solitons FractalsInterdiscip. J. Nonlinear Sci. NonequilibriumComplex Phenom., p. 109947, 2020, doi: 10.1016/j.chaos.2020.109947. 5. F. Shahid, A. Zameer, and M. Muneeb, “Predictions for COVID-19 with deep learning models of LSTM, GRU and Bi-LSTM,” Chaos, Solitons Fractals Interdiscip. J. Nonlinear Sci. Nonequilibrium Complex Phenom., vol. 140, p. 110212, 2020, doi: 10.1016/j.chaos.2020.110212. 6. K. S. Bhangu, J. K. Sandhu, and L. Sapra, “Time series analysis of COVID-19 cases,” vol. 1, no. November 2020, pp. 40–48, 2022, doi: 10.1108/WJE-09-2020-0431. 7. D. Tiwari, B. S. Bhati, and B. Nagpal, “Pandemic coronavirus disease ( Covid-19 ): World effects analysis and prediction using machine-learning techniques,” vol. 2, no. April, pp. 1–20, 2021, doi: 10.1111/exsy.12714. 8. F. Rustam et al., “COVID-19 Future Forecasting Using,” vol. 4, pp. 1–12, 2020, doi: 10.1109/ACCESS.2020.2997311. 9. H. Verma, S. Mandal, and A. Gupta, “Temporal deep learning architecture for prediction of COVID-19 cases in India,” no. January, 2020. 10. N. Ayoobi, D. Sharifrazi, R. Alizadehsani, and A. Shoeibi, “Results in Physics Time series forecasting of new cases and new deaths rate for COVID-19 using deep learning methods,” vol. 27, no. March, 2021, doi: 10.1016/j.rinp.2021.104495. 11. N. Science et al., “Time series forecasting of Covid-19 using deep learning models : India- USA comparative case study,” Chaos, Solitons Fractals Interdiscip. J. Nonlinear Sci. Nonequilibrium Complex Phenom., vol. 140, p. 110227, 2020, doi: 10.1016/j.chaos.2020.110227. 12. P. T. Yamak, “A Comparison between ARIMA , LSTM , and GRU for Time Series Forecasting,” 2017. 13. Y. Jeon and S. Seong, “Robust recurrent network model for intermittent time-series forecasting,” Int. J. Forecast., no. xxxx, 2021, doi: 10.1016/j.ijforecast.2021.07.004. 14. D. Salinas, V. Flunkert, J. Gasthaus, and T. Januschowski, “DeepAR : Probabilistic forecasting with autoregressive recurrent networks,” Int. J. Forecast., no. xxxx, 2019, doi: 10.1016/j.ijforecast.2019.07.001. 15. V. Flunkert, D. Salinas, and J. Gasthaus, “DeepAR : Probabilistic Forecasting with Autoregressive Recurrent Networks,” 2017. 16. A. Tadjer, A. Hong, and R. B. Bratvold, “Machine learning based decline curve analysis for short-term oil production forecast,” 2021, doi: 10.1177/01445987211011784. ITM Web of Conferences 46, 0 (2022) ICEAS'22 2007 https://doi.org/10.1051/itmconf/20224602007 6