SlideShare a Scribd company logo
Machine Learning-
Based Model to
Predict the Disease
Severity and
Outcome inCovid-19
Patients
Presented By :
AYANA RUKASAR
Agenda
Introduction
Problem Statement
Motivation
Objective
Work Progress
WorkTo Be Done
Literature Survey
Research Gap
Dataset Used
Methodology
Conclusion
References
Introduction
 Coronaviruses are a large family of viruses that are
known to cause illness ranging from the common
cold to more severe diseases such as Middle East
Respiratory Syndrome (MERS) and Severe Acute
Respiratory Syndrome (SARS). A novel coronavirus
(COVID-19) was identified in 2019 in Wuhan, China.
 A pandemic disease, COVID-19, has caused trouble
worldwide by infecting millions of people. The studies
that apply artificial intelligence (AI) and machine learning
(ML) methods for various purposes against the COVID-19
outbreak have increased because of their significant
advantages. Although AI/ML applications provide
satisfactory solutions to COVID-19 disease, these
solutions can have a wide diversity. This increase in the
number of AI/ML studies and diversity in solutions can
confuse deciding which AI/ML technique is suitable for
which COVID-19 purposes.
Problem
Statement
Its 25th MarchAfternoon and India has reported its 9th death
with 562 total confirmed cases due to COVID-19. Fresh cases
from Manipur, Bihar, Gujrat, and Madhya Pradesh have been
reported by the Union Ministry of Health and FamilyWelfare . As
the coronavirus outbreak continues to spread in the country, the
question that we as Indians are trying to answer is:
Its 25th MarchAfternoon and India has reported its 9th death
with 562 total confirmed cases due to COVID-19. Fresh cases
from Manipur, Bihar, Gujrat, and Madhya Pradesh have been
reported by the Union Ministry of Health and FamilyWelfare . As
the coronavirus outbreak continues to spread in the country, the
question that we as Indians are trying to answer is:
"Will India be able to tackle this pandemic or are we going to
witness another Italy/ S.Korea/Wuhan?"
e able to tackle this pandemic or are we going to witness
another Italy/ S.Korea/Wuhan?"
Motivation
 . The current COVID-19 pandemic is showing
negative effects on human health as well as on
social and economic life.
Objective of the Research
 We need a strong model that predicts how the virus could spread across different
countries and regions.The goal of this task is to build a model that predicts the
spread of the virus in the next 7 days.
Work Progress
Literature Survey has been
done.
Different machine
learning models has
been applied and their
respective accuracy has
been calculated.
Work to be
done
Drafting of review article
We will analyse the outbreak of coronavirus
across various regions, visualize them using
charts and graphs and predict the number of
upcoming cases for the next 10 days using
Linear Regression and SVM model in Python.
Literature
Survey
 The literature survey of 5 research papers from the
journal of national and international importance has
been done so far and are given below.
Literature
Survey
Authors
Journal Outbreak Infection Machine Learning
Ruirui
Liang
Transboundary and
Emerging Diseases
Swine fever Random Forest
R Gupta Infection Disease
Modelling
Dengue Classification &
Regression tree
(CART)
Sina F.
Ardabili
Infectious Disease susceptible–infected–
recovered (SIR) and
susceptible-exposed-
infectious-removed
(SEIR) models
Genetic algorithm
(GA).
LiteratureSurvey
Authors Journal Outbreak
Infection
Machine Learning
Abbas A, Classification of COVID-19 chest X-ray images deep convolutional neural
network
Sethy PK Detection of coronavirus
disease (COVID-19)
diagnosis support vector machine
ResearchGap
There are three major subfields that can be
considered as future works.
Improvement of the
mechanism used for
collection and
management of datasets.
Finding suitable algorithms
for analysing the collected
data .
Investigating each major
coronary artery,separately.
Various ML methods and data processing techniques
have been proposed for Machine Learning-Based
Model to Predict the Disease Severity and Outcome in
Covid-19 Patients, there are few avenues for
improvement that require deep attention.
DatasetUsed
Italy dataset has been used and this database contains
188 attributes out of which a subset of 14 of them has
been used.
 Country/Region
 Confirmed
 Deaths
 Recovered
 Active
 New cases
 New Deaths
 New Recovered
Methodology
Different machine learning models has been applied and
their respective accuracy has been calculated.
Random Forest
SupportVector Machine
Classification And Regression trees
Genetic Algorithm
ANN (Artificial Neutral Network)
Random Forest
Algorithm
 Random Forest is a popular machine learning algorithm
that belongs to the supervised learning technique. It can
be used for both Classification and Regression problems in
ML. It is based on the concept of ensemble
learning, which is a process of combining multiple
classifiers to solve a complex problem and to improve the
performance of the model.
 As the name suggests, “It is a classifier that contains a
number of decision trees on various subsets of the
given dataset and takes the average to improve the
predictive accuracy of that dataset." Instead of relying
on one decision tree, the random forest takes the
prediction from each tree and based on the majority votes
of predictions, and it predicts the final output.
 The greater number of trees in the forest leads to higher
accuracy and prevents the problem of overfitting
Machine Learning Final presentation
SupportVector Machine
 SupportVector Machine or SVM is one of the most popular supervised learning
algorithms, which is used for classification as well as regression problems.
However, mainly, it is used for classification problems.
 The goal of the SVM algorithm is to create the best line or decision boundary that
can segregate n-dimensional space into classes so that we can easily put the new
data point in the correct category in the future.This best decision boundary is
called a hyperplane.
Machine Learning Final presentation
ANN (Artificial
Neutral
Network)
Artificial neural network (ANN) is a machine learning approach that
models human brain and consists of a number of artificial neurons.
Neuron in ANNs tends to have fewer connections than biological
neurons.
Each neuron in ANN receives a number of inputs.
An activation function is applied to these inputs which results in
activation level of neuron (output value of the neuron).
Knowledge about the learning task is given in the form of examples
called training examples.
The ANN elements can be defined as:
Input Layer: It consists of neurons which represents features or variables for
problem solving.
Output Layer: It consists of neurons which represents result of calculation in cell
body.
Weights: It is strength of connection between the neurons.
Activation function: It is function to obtain output according problem which is to
be solved.
Learning Function: It is also called optimization function. It is used to obtain
minimum error by updating weights.
Hidden layer: It is optional & it depends on ANN architecture.
21
Fig.: Basic Representation Artificial Neural
Network(ANN) [11]
Genetic
Algorithm
 The genetic algorithm is a method for solving
both constrained and unconstrained
optimization problems that is based on natural
selection, the process that drives biological
evolution. The genetic algorithm repeatedly
modifies a population of individual solutions.
Machine Learning Final presentation
Classification &
Regression
Trees
 Decision Trees are an important type of algorithm for
predictive modeling machine learning.
 The classical decision tree algorithms have been around for
decades and modern variations like random forest are among
the most powerful techniques available.
 In this post you will discover the humble decision tree
algorithm known by it’s more modern name CART which
stands for Classification And Regression Trees. After reading
this post, you will know:
• The many names used to describe the CART algorithm for
machine learning.
• The representation used by learned CART models that is
actually stored on disk.
• How a CART model can be learned from training data.
• How a learned CART model can be used to make predictions
on unseen data.
• Additional resources that you can use to learn more about
CART and related algorithms.
Machine Learning Final presentation
Tasks to be
Performed
Analysing the present condition in India
Is this trend similar to Italy/S. Korea/ Wuhan
Exploring the world wide data
Forecasting the world wide COVID-19 cases
using Prophet
Conclusion
COVID-19 is still an unclear infectious disease, which
means we can only obtain an accurate SEIR prediction
after the outbreak ends.The outbreak spreads are
largely influenced by each country’s policy and social
responsibility.As data transparency is crucial inside the
government, it is also our responsibility not to spread
unverified news and to remain calm in this situation.
The Machine Learning-Based Model to Predict the
Disease Severity and Outcome in Covid-19 Patients
project has shown the importance of information
dissemination that can help in improving response
time, and help planning in advance to help reduce risk.
Further studies need to be done to help contain the
outbreak as soon as possible.
References
 https://www.javatpoint.com/machine-learning-random-forest-
algorithm
 https://www.javatpoint.com/machine-learning-classification-
regression-tree-classification-algorithm
 https://www.javatpoint.com/support-vector-machine-algorithm-
for-machine-learning
 https://www.javatpoint.com/artificial-neural-network
THANKYOU

More Related Content

PPTX
Machine learning ppt
PPTX
FAKE NEWS DETECTION PPT
PPT
introduction to machine learning pdf.ppt
PPTX
Machine Learning project presentation
PPTX
Deep learning health care
PPTX
Prediction of heart disease using machine learning.pptx
PPTX
Thesis presentation: Applications of machine learning in predicting supply risks
PPT
1.hs building blocks
Machine learning ppt
FAKE NEWS DETECTION PPT
introduction to machine learning pdf.ppt
Machine Learning project presentation
Deep learning health care
Prediction of heart disease using machine learning.pptx
Thesis presentation: Applications of machine learning in predicting supply risks
1.hs building blocks

What's hot (20)

PPT
Machine Learning presentation.
PPT
Machine Learning
PPTX
Image classification with Deep Neural Networks
PPTX
Machine learning
PDF
Performance Metrics for Machine Learning Algorithms
PPTX
Presentation on supervised learning
PDF
Classification Based Machine Learning Algorithms
PDF
Machine learning Algorithms
PPTX
Machine Learning for Disease Prediction
PPTX
Convolutional Neural Network and Its Applications
PPTX
Introduction to Machine Learning
PDF
An introduction to Machine Learning
PPT
Machine learning
PPT
2.4 rule based classification
PDF
Machine learning
PDF
Deep learning - A Visual Introduction
PPTX
Image classification using CNN
PPTX
Decision Trees
PPTX
Machine learning overview
PPTX
Machine learning ppt
Machine Learning presentation.
Machine Learning
Image classification with Deep Neural Networks
Machine learning
Performance Metrics for Machine Learning Algorithms
Presentation on supervised learning
Classification Based Machine Learning Algorithms
Machine learning Algorithms
Machine Learning for Disease Prediction
Convolutional Neural Network and Its Applications
Introduction to Machine Learning
An introduction to Machine Learning
Machine learning
2.4 rule based classification
Machine learning
Deep learning - A Visual Introduction
Image classification using CNN
Decision Trees
Machine learning overview
Machine learning ppt
Ad

Similar to Machine Learning Final presentation (20)

PDF
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuning
PPTX
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
PDF
Plant Leaf Diseases Identification in Deep Learning
DOCX
Monkeypox Detection using Modified VGG16 & Custom CNN Model-- FULL DOCUMENT.docx
PDF
Health Care Application using Machine Learning and Deep Learning
PDF
Covid-19 Detection using Chest X-Ray Images
PDF
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...
PDF
Accurate prediction of chronic diseases using deep learning algorithms
PDF
Forecasting COVID-19 using Polynomial Regression and Support Vector Machine
PDF
IRJET- Disease Analysis and Giving Remedies through an Android Application
DOCX
PDF
Comprehensive study: machine learning approaches for COVID-19 diagnosis
PDF
Analysis of Machine Learning Techniques for Breast Cancer Prediction
PPTX
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONS
DOCX
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
PDF
Machine learning in biology
PPTX
slide share Artificial intelligence .pptx
PDF
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELS
PPTX
Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...
PDF
A deep learning-based approach for early detection of disease in sugarcane pl...
Enhancing COVID-19 forecasting through deep learning techniques and fine-tuning
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
Plant Leaf Diseases Identification in Deep Learning
Monkeypox Detection using Modified VGG16 & Custom CNN Model-- FULL DOCUMENT.docx
Health Care Application using Machine Learning and Deep Learning
Covid-19 Detection using Chest X-Ray Images
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...
Accurate prediction of chronic diseases using deep learning algorithms
Forecasting COVID-19 using Polynomial Regression and Support Vector Machine
IRJET- Disease Analysis and Giving Remedies through an Android Application
Comprehensive study: machine learning approaches for COVID-19 diagnosis
Analysis of Machine Learning Techniques for Breast Cancer Prediction
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONS
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
Machine learning in biology
slide share Artificial intelligence .pptx
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELS
Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...
A deep learning-based approach for early detection of disease in sugarcane pl...
Ad

More from AyanaRukasar (9)

PPTX
META-LEARNING.pptx
PPTX
ApplicationProtocols_Rukasar,Ayana.pptx
PPTX
Support Vector Machine ppt presentation
PPTX
Object Oriented Programming ppt presentation
PPTX
Machine learning based model to predict the disease severity and outcome in c...
PPTX
Instagram ppt
PPTX
Git hub ppt presentation
PPTX
Facebook ppt
PPTX
Cyber bullying
META-LEARNING.pptx
ApplicationProtocols_Rukasar,Ayana.pptx
Support Vector Machine ppt presentation
Object Oriented Programming ppt presentation
Machine learning based model to predict the disease severity and outcome in c...
Instagram ppt
Git hub ppt presentation
Facebook ppt
Cyber bullying

Recently uploaded (20)

PDF
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
PDF
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
PDF
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
PPTX
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
PDF
Model Code of Practice - Construction Work - 21102022 .pdf
PPTX
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
PDF
PPT on Performance Review to get promotions
PPTX
Foundation to blockchain - A guide to Blockchain Tech
PDF
Arduino robotics embedded978-1-4302-3184-4.pdf
PPTX
bas. eng. economics group 4 presentation 1.pptx
PPTX
Geodesy 1.pptx...............................................
PPTX
Lesson 3_Tessellation.pptx finite Mathematics
PDF
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
PPTX
additive manufacturing of ss316l using mig welding
PDF
Well-logging-methods_new................
DOCX
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
PPTX
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
PPT
Project quality management in manufacturing
PPTX
CH1 Production IntroductoryConcepts.pptx
PPTX
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx
July 2025 - Top 10 Read Articles in International Journal of Software Enginee...
BMEC211 - INTRODUCTION TO MECHATRONICS-1.pdf
SM_6th-Sem__Cse_Internet-of-Things.pdf IOT
MCN 401 KTU-2019-PPE KITS-MODULE 2.pptx
Model Code of Practice - Construction Work - 21102022 .pdf
CARTOGRAPHY AND GEOINFORMATION VISUALIZATION chapter1 NPTE (2).pptx
PPT on Performance Review to get promotions
Foundation to blockchain - A guide to Blockchain Tech
Arduino robotics embedded978-1-4302-3184-4.pdf
bas. eng. economics group 4 presentation 1.pptx
Geodesy 1.pptx...............................................
Lesson 3_Tessellation.pptx finite Mathematics
Evaluating the Democratization of the Turkish Armed Forces from a Normative P...
additive manufacturing of ss316l using mig welding
Well-logging-methods_new................
ASol_English-Language-Literature-Set-1-27-02-2023-converted.docx
Recipes for Real Time Voice AI WebRTC, SLMs and Open Source Software.pptx
Project quality management in manufacturing
CH1 Production IntroductoryConcepts.pptx
KTU 2019 -S7-MCN 401 MODULE 2-VINAY.pptx

Machine Learning Final presentation

  • 1. Machine Learning- Based Model to Predict the Disease Severity and Outcome inCovid-19 Patients Presented By : AYANA RUKASAR
  • 2. Agenda Introduction Problem Statement Motivation Objective Work Progress WorkTo Be Done Literature Survey Research Gap Dataset Used Methodology Conclusion References
  • 3. Introduction  Coronaviruses are a large family of viruses that are known to cause illness ranging from the common cold to more severe diseases such as Middle East Respiratory Syndrome (MERS) and Severe Acute Respiratory Syndrome (SARS). A novel coronavirus (COVID-19) was identified in 2019 in Wuhan, China.  A pandemic disease, COVID-19, has caused trouble worldwide by infecting millions of people. The studies that apply artificial intelligence (AI) and machine learning (ML) methods for various purposes against the COVID-19 outbreak have increased because of their significant advantages. Although AI/ML applications provide satisfactory solutions to COVID-19 disease, these solutions can have a wide diversity. This increase in the number of AI/ML studies and diversity in solutions can confuse deciding which AI/ML technique is suitable for which COVID-19 purposes.
  • 4. Problem Statement Its 25th MarchAfternoon and India has reported its 9th death with 562 total confirmed cases due to COVID-19. Fresh cases from Manipur, Bihar, Gujrat, and Madhya Pradesh have been reported by the Union Ministry of Health and FamilyWelfare . As the coronavirus outbreak continues to spread in the country, the question that we as Indians are trying to answer is: Its 25th MarchAfternoon and India has reported its 9th death with 562 total confirmed cases due to COVID-19. Fresh cases from Manipur, Bihar, Gujrat, and Madhya Pradesh have been reported by the Union Ministry of Health and FamilyWelfare . As the coronavirus outbreak continues to spread in the country, the question that we as Indians are trying to answer is: "Will India be able to tackle this pandemic or are we going to witness another Italy/ S.Korea/Wuhan?" e able to tackle this pandemic or are we going to witness another Italy/ S.Korea/Wuhan?"
  • 5. Motivation  . The current COVID-19 pandemic is showing negative effects on human health as well as on social and economic life.
  • 6. Objective of the Research  We need a strong model that predicts how the virus could spread across different countries and regions.The goal of this task is to build a model that predicts the spread of the virus in the next 7 days.
  • 7. Work Progress Literature Survey has been done. Different machine learning models has been applied and their respective accuracy has been calculated.
  • 8. Work to be done Drafting of review article We will analyse the outbreak of coronavirus across various regions, visualize them using charts and graphs and predict the number of upcoming cases for the next 10 days using Linear Regression and SVM model in Python.
  • 9. Literature Survey  The literature survey of 5 research papers from the journal of national and international importance has been done so far and are given below.
  • 10. Literature Survey Authors Journal Outbreak Infection Machine Learning Ruirui Liang Transboundary and Emerging Diseases Swine fever Random Forest R Gupta Infection Disease Modelling Dengue Classification & Regression tree (CART) Sina F. Ardabili Infectious Disease susceptible–infected– recovered (SIR) and susceptible-exposed- infectious-removed (SEIR) models Genetic algorithm (GA).
  • 11. LiteratureSurvey Authors Journal Outbreak Infection Machine Learning Abbas A, Classification of COVID-19 chest X-ray images deep convolutional neural network Sethy PK Detection of coronavirus disease (COVID-19) diagnosis support vector machine
  • 12. ResearchGap There are three major subfields that can be considered as future works. Improvement of the mechanism used for collection and management of datasets. Finding suitable algorithms for analysing the collected data . Investigating each major coronary artery,separately. Various ML methods and data processing techniques have been proposed for Machine Learning-Based Model to Predict the Disease Severity and Outcome in Covid-19 Patients, there are few avenues for improvement that require deep attention.
  • 13. DatasetUsed Italy dataset has been used and this database contains 188 attributes out of which a subset of 14 of them has been used.  Country/Region  Confirmed  Deaths  Recovered  Active  New cases  New Deaths  New Recovered
  • 14. Methodology Different machine learning models has been applied and their respective accuracy has been calculated. Random Forest SupportVector Machine Classification And Regression trees Genetic Algorithm ANN (Artificial Neutral Network)
  • 15. Random Forest Algorithm  Random Forest is a popular machine learning algorithm that belongs to the supervised learning technique. It can be used for both Classification and Regression problems in ML. It is based on the concept of ensemble learning, which is a process of combining multiple classifiers to solve a complex problem and to improve the performance of the model.  As the name suggests, “It is a classifier that contains a number of decision trees on various subsets of the given dataset and takes the average to improve the predictive accuracy of that dataset." Instead of relying on one decision tree, the random forest takes the prediction from each tree and based on the majority votes of predictions, and it predicts the final output.  The greater number of trees in the forest leads to higher accuracy and prevents the problem of overfitting
  • 17. SupportVector Machine  SupportVector Machine or SVM is one of the most popular supervised learning algorithms, which is used for classification as well as regression problems. However, mainly, it is used for classification problems.  The goal of the SVM algorithm is to create the best line or decision boundary that can segregate n-dimensional space into classes so that we can easily put the new data point in the correct category in the future.This best decision boundary is called a hyperplane.
  • 19. ANN (Artificial Neutral Network) Artificial neural network (ANN) is a machine learning approach that models human brain and consists of a number of artificial neurons. Neuron in ANNs tends to have fewer connections than biological neurons. Each neuron in ANN receives a number of inputs. An activation function is applied to these inputs which results in activation level of neuron (output value of the neuron). Knowledge about the learning task is given in the form of examples called training examples.
  • 20. The ANN elements can be defined as: Input Layer: It consists of neurons which represents features or variables for problem solving. Output Layer: It consists of neurons which represents result of calculation in cell body. Weights: It is strength of connection between the neurons. Activation function: It is function to obtain output according problem which is to be solved. Learning Function: It is also called optimization function. It is used to obtain minimum error by updating weights. Hidden layer: It is optional & it depends on ANN architecture.
  • 21. 21 Fig.: Basic Representation Artificial Neural Network(ANN) [11]
  • 22. Genetic Algorithm  The genetic algorithm is a method for solving both constrained and unconstrained optimization problems that is based on natural selection, the process that drives biological evolution. The genetic algorithm repeatedly modifies a population of individual solutions.
  • 24. Classification & Regression Trees  Decision Trees are an important type of algorithm for predictive modeling machine learning.  The classical decision tree algorithms have been around for decades and modern variations like random forest are among the most powerful techniques available.  In this post you will discover the humble decision tree algorithm known by it’s more modern name CART which stands for Classification And Regression Trees. After reading this post, you will know: • The many names used to describe the CART algorithm for machine learning. • The representation used by learned CART models that is actually stored on disk. • How a CART model can be learned from training data. • How a learned CART model can be used to make predictions on unseen data. • Additional resources that you can use to learn more about CART and related algorithms.
  • 26. Tasks to be Performed Analysing the present condition in India Is this trend similar to Italy/S. Korea/ Wuhan Exploring the world wide data Forecasting the world wide COVID-19 cases using Prophet
  • 27. Conclusion COVID-19 is still an unclear infectious disease, which means we can only obtain an accurate SEIR prediction after the outbreak ends.The outbreak spreads are largely influenced by each country’s policy and social responsibility.As data transparency is crucial inside the government, it is also our responsibility not to spread unverified news and to remain calm in this situation. The Machine Learning-Based Model to Predict the Disease Severity and Outcome in Covid-19 Patients project has shown the importance of information dissemination that can help in improving response time, and help planning in advance to help reduce risk. Further studies need to be done to help contain the outbreak as soon as possible.
  • 28. References  https://www.javatpoint.com/machine-learning-random-forest- algorithm  https://www.javatpoint.com/machine-learning-classification- regression-tree-classification-algorithm  https://www.javatpoint.com/support-vector-machine-algorithm- for-machine-learning  https://www.javatpoint.com/artificial-neural-network