SlideShare a Scribd company logo
1 of 29
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
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.
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.
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.
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

What's hot

Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...SlideTeam
 
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...Praxitelis Nikolaos Kouroupetroglou
 
Machine learning ppt.
Machine learning ppt.Machine learning ppt.
Machine learning ppt.ASHOK KUMAR
 
Machine learning overview
Machine learning overviewMachine learning overview
Machine learning overviewprih_yah
 
Machine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsMachine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsLarry Smarr
 
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...Simplilearn
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Simplilearn
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Suraj Aavula
 
Introduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersIntroduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersFunctional Imperative
 
Introduction To Machine Learning
Introduction To Machine LearningIntroduction To Machine Learning
Introduction To Machine LearningKnoldus Inc.
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning ExplainedMelanie Swan
 
Machine learning ppt
Machine learning ppt Machine learning ppt
Machine learning ppt Poojamanic
 
Machine learning seminar ppt
Machine learning seminar pptMachine learning seminar ppt
Machine learning seminar pptRAHUL DANGWAL
 
Types of Machine Learning
Types of Machine LearningTypes of Machine Learning
Types of Machine LearningSamra Shahzadi
 
Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?Marina Santini
 
Knn Algorithm presentation
Knn Algorithm presentationKnn Algorithm presentation
Knn Algorithm presentationRishavSharma112
 

What's hot (20)

Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
Artificial Intelligence Machine Learning Deep Learning Ppt Powerpoint Present...
 
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
Presentation - Msc Thesis - Machine Learning Techniques for Short-Term Electr...
 
Machine learning ppt.
Machine learning ppt.Machine learning ppt.
Machine learning ppt.
 
Machine learning overview
Machine learning overviewMachine learning overview
Machine learning overview
 
Machine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsMachine Learning in Healthcare Diagnostics
Machine Learning in Healthcare Diagnostics
 
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
Machine Learning Tutorial Part - 1 | Machine Learning Tutorial For Beginners ...
 
PPT.pptx
PPT.pptxPPT.pptx
PPT.pptx
 
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
Supervised and Unsupervised Learning In Machine Learning | Machine Learning T...
 
Convolution Neural Network (CNN)
Convolution Neural Network (CNN)Convolution Neural Network (CNN)
Convolution Neural Network (CNN)
 
Introduction to Machine Learning Classifiers
Introduction to Machine Learning ClassifiersIntroduction to Machine Learning Classifiers
Introduction to Machine Learning Classifiers
 
Introduction To Machine Learning
Introduction To Machine LearningIntroduction To Machine Learning
Introduction To Machine Learning
 
Deep Learning Explained
Deep Learning ExplainedDeep Learning Explained
Deep Learning Explained
 
Deep learning and Healthcare
Deep learning and HealthcareDeep learning and Healthcare
Deep learning and Healthcare
 
Machine learning ppt
Machine learning ppt Machine learning ppt
Machine learning ppt
 
Machine learning seminar ppt
Machine learning seminar pptMachine learning seminar ppt
Machine learning seminar ppt
 
Types of Machine Learning
Types of Machine LearningTypes of Machine Learning
Types of Machine Learning
 
Machine learning
Machine learningMachine learning
Machine learning
 
Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?Lecture 1: What is Machine Learning?
Lecture 1: What is Machine Learning?
 
Knn Algorithm presentation
Knn Algorithm presentationKnn Algorithm presentation
Knn Algorithm presentation
 
Machine Can Think
Machine Can ThinkMachine Can Think
Machine Can Think
 

Similar to Machine Learning Final presentation

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
 
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...Dr. Amir Mosavi, PhD., P.Eng.
 
Plant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep LearningPlant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep LearningCSEIJJournal
 
Health Care Application using Machine Learning and Deep Learning
Health Care Application using Machine Learning and Deep LearningHealth Care Application using Machine Learning and Deep Learning
Health Care Application using Machine Learning and Deep LearningIRJET Journal
 
Covid-19 Detection using Chest X-Ray Images
Covid-19 Detection using Chest X-Ray ImagesCovid-19 Detection using Chest X-Ray Images
Covid-19 Detection using Chest X-Ray ImagesIRJET Journal
 
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...Waqas Tariq
 
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- Disease Analysis and Giving Remedies through an Android Application
IRJET- Disease Analysis and Giving Remedies through an Android ApplicationIRJET- Disease Analysis and Giving Remedies through an Android Application
IRJET- Disease Analysis and Giving Remedies through an Android ApplicationIRJET Journal
 
Comprehensive study: machine learning approaches for COVID-19 diagnosis
Comprehensive study: machine learning approaches for COVID-19 diagnosis Comprehensive study: machine learning approaches for COVID-19 diagnosis
Comprehensive study: machine learning approaches for COVID-19 diagnosis IJECEIAES
 
Analysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer PredictionAnalysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer PredictionDr. Amarjeet Singh
 
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONS
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONSTHE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONS
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONSManishReddy706923
 
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real LifeSimplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real LifePeea Bal Chakraborty
 
Machine learning in biology
Machine learning in biologyMachine learning in biology
Machine learning in biologyPranavathiyani G
 
slide share Artificial intelligence .pptx
slide share Artificial intelligence .pptxslide share Artificial intelligence .pptx
slide share Artificial intelligence .pptxPrinci Thapak
 
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELS
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELSCOVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELS
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELSIRJET Journal
 
Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...
Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...
Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...Servio Fernando Lima Reina
 
A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...IAESIJAI
 
The prediction of coronavirus disease 2019 outbreak on Bangladesh perspectiv...
The prediction of coronavirus disease 2019 outbreak on  Bangladesh perspectiv...The prediction of coronavirus disease 2019 outbreak on  Bangladesh perspectiv...
The prediction of coronavirus disease 2019 outbreak on Bangladesh perspectiv...IJECEIAES
 
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
 

Similar to Machine Learning Final presentation (20)

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
 
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...Rapid COVID-19 Diagnosis Using Deep Learning  of the Computerized Tomography ...
Rapid COVID-19 Diagnosis Using Deep Learning of the Computerized Tomography ...
 
Plant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep LearningPlant Leaf Diseases Identification in Deep Learning
Plant Leaf Diseases Identification in Deep Learning
 
Health Care Application using Machine Learning and Deep Learning
Health Care Application using Machine Learning and Deep LearningHealth Care Application using Machine Learning and Deep Learning
Health Care Application using Machine Learning and Deep Learning
 
Covid-19 Detection using Chest X-Ray Images
Covid-19 Detection using Chest X-Ray ImagesCovid-19 Detection using Chest X-Ray Images
Covid-19 Detection using Chest X-Ray Images
 
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...
Performance Evaluation of Neural Classifiers Through Confusion Matrices To Di...
 
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- Disease Analysis and Giving Remedies through an Android Application
IRJET- Disease Analysis and Giving Remedies through an Android ApplicationIRJET- Disease Analysis and Giving Remedies through an Android Application
IRJET- Disease Analysis and Giving Remedies through an Android Application
 
HPC FINAL PROJECT
HPC FINAL PROJECTHPC FINAL PROJECT
HPC FINAL PROJECT
 
Comprehensive study: machine learning approaches for COVID-19 diagnosis
Comprehensive study: machine learning approaches for COVID-19 diagnosis Comprehensive study: machine learning approaches for COVID-19 diagnosis
Comprehensive study: machine learning approaches for COVID-19 diagnosis
 
Analysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer PredictionAnalysis of Machine Learning Techniques for Breast Cancer Prediction
Analysis of Machine Learning Techniques for Breast Cancer Prediction
 
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONS
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONSTHE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONS
THE REACTION DATA ANALYSIS OFCOVID-19 VACCINATIONS
 
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real LifeSimplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
 
Machine learning in biology
Machine learning in biologyMachine learning in biology
Machine learning in biology
 
slide share Artificial intelligence .pptx
slide share Artificial intelligence .pptxslide share Artificial intelligence .pptx
slide share Artificial intelligence .pptx
 
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELS
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELSCOVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELS
COVID-19 FUTURE FORECASTING USING SUPERVISED MACHINE LEARNING MODELS
 
Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...
Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...Slima explainable deep learning using fuzzy logic human ist u fribourg ver 17...
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...
A deep learning-based approach for early detection of disease in sugarcane pl...A deep learning-based approach for early detection of disease in sugarcane pl...
A deep learning-based approach for early detection of disease in sugarcane pl...
 
The prediction of coronavirus disease 2019 outbreak on Bangladesh perspectiv...
The prediction of coronavirus disease 2019 outbreak on  Bangladesh perspectiv...The prediction of coronavirus disease 2019 outbreak on  Bangladesh perspectiv...
The prediction of coronavirus disease 2019 outbreak on Bangladesh perspectiv...
 
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
 

More from AyanaRukasar

META-LEARNING.pptx
META-LEARNING.pptxMETA-LEARNING.pptx
META-LEARNING.pptxAyanaRukasar
 
ApplicationProtocols_Rukasar,Ayana.pptx
ApplicationProtocols_Rukasar,Ayana.pptxApplicationProtocols_Rukasar,Ayana.pptx
ApplicationProtocols_Rukasar,Ayana.pptxAyanaRukasar
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentationAyanaRukasar
 
Object Oriented Programming ppt presentation
Object Oriented Programming ppt presentationObject Oriented Programming ppt presentation
Object Oriented Programming ppt presentationAyanaRukasar
 
Machine learning based model to predict the disease severity and outcome in c...
Machine learning based model to predict the disease severity and outcome in c...Machine learning based model to predict the disease severity and outcome in c...
Machine learning based model to predict the disease severity and outcome in c...AyanaRukasar
 
Git hub ppt presentation
Git hub ppt presentationGit hub ppt presentation
Git hub ppt presentationAyanaRukasar
 

More from AyanaRukasar (9)

META-LEARNING.pptx
META-LEARNING.pptxMETA-LEARNING.pptx
META-LEARNING.pptx
 
ApplicationProtocols_Rukasar,Ayana.pptx
ApplicationProtocols_Rukasar,Ayana.pptxApplicationProtocols_Rukasar,Ayana.pptx
ApplicationProtocols_Rukasar,Ayana.pptx
 
Support Vector Machine ppt presentation
Support Vector Machine ppt presentationSupport Vector Machine ppt presentation
Support Vector Machine ppt presentation
 
Object Oriented Programming ppt presentation
Object Oriented Programming ppt presentationObject Oriented Programming ppt presentation
Object Oriented Programming ppt presentation
 
Machine learning based model to predict the disease severity and outcome in c...
Machine learning based model to predict the disease severity and outcome in c...Machine learning based model to predict the disease severity and outcome in c...
Machine learning based model to predict the disease severity and outcome in c...
 
Instagram ppt
Instagram pptInstagram ppt
Instagram ppt
 
Git hub ppt presentation
Git hub ppt presentationGit hub ppt presentation
Git hub ppt presentation
 
Facebook ppt
Facebook pptFacebook ppt
Facebook ppt
 
Cyber bullying
Cyber bullyingCyber bullying
Cyber bullying
 

Recently uploaded

(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZTE
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort servicejennyeacort
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxDeepakSakkari2
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineeringmalavadedarshan25
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxPoojaBan
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx959SahilShah
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfAsst.prof M.Gokilavani
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and usesDevarapalliHaritha
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...VICTOR MAESTRE RAMIREZ
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130Suhani Kapoor
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 

Recently uploaded (20)

(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANVI) Koregaon Park Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort serviceGurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
Gurgaon ✡️9711147426✨Call In girls Gurgaon Sector 51 escort service
 
Biology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptxBiology for Computer Engineers Course Handout.pptx
Biology for Computer Engineers Course Handout.pptx
 
Internship report on mechanical engineering
Internship report on mechanical engineeringInternship report on mechanical engineering
Internship report on mechanical engineering
 
Heart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptxHeart Disease Prediction using machine learning.pptx
Heart Disease Prediction using machine learning.pptx
 
Application of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptxApplication of Residue Theorem to evaluate real integrations.pptx
Application of Residue Theorem to evaluate real integrations.pptx
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdfCCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
CCS355 Neural Network & Deep Learning Unit II Notes with Question bank .pdf
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
power system scada applications and uses
power system scada applications and usespower system scada applications and uses
power system scada applications and uses
 
Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...Software and Systems Engineering Standards: Verification and Validation of Sy...
Software and Systems Engineering Standards: Verification and Validation of Sy...
 
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Serviceyoung call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
young call girls in Rajiv Chowk🔝 9953056974 🔝 Delhi escort Service
 
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
VIP Call Girls Service Kondapur Hyderabad Call +91-8250192130
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 

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
  • 16.
  • 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.
  • 18.
  • 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.
  • 23.
  • 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.
  • 25.
  • 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