SlideShare a Scribd company logo
PREDICTION OF HEART
DISEASES AT EARLY
STAGES USING
MACHINE LEARNING
PROBLEM
STATEMENT
• The most commonly used method for
diagnosis of CAD by physicians is
angiography.
• But, it has major side effects and high
cost is associated with it.
• Moreover, analyzing too many factors, to
diagnose a patient, makes the physician’s
job difficult.
• Conventional methods for the diagnosis
of heart disease are mainly based on
analysis of patients medical history,
review of relevant symptoms by a
medical practitioner and physical
examination report.
• Hence, these methods often lead to imprecise diagnosis due
to human errors.
• Thus, there is a need of development of an automated
diagnostic system based on machine learning for heart
disease diagnosis that can resolve these problems.
• A dataset is formed by taking into consideration some of the
information of 779 individuals. The problem is : based on the
given information about each individual we have to calculate
that whether that individual will suffer from heart disease.
• So for implementation, we have created a code which
comprises of several machine learning algorithms and solves
the above problem statement along with a generic
comparison between the performances of different
algorithms in this case.
INTRODUCTION
• Healthcare is such an enormous domain. The use of data science is a
necessity for healthcare to form meaningful transformations. Using it in the
most efficient and powerful way to discover hidden correlations of risk
factors is the objective of this study.
• The aim is to analyze the coronary artery disease data sets and predict the
possibilities of a given patient to have heart disease. This study analyzes the
attributes' effect on the outcome of heart disease.
• The machine learning algorithms used for analysis were Logistic Regression,
Support Vector Machines (SVM), and Random Forest. The models' features
were tuned using ensemble methods of Stepwise Regression, Variable
Importance, Bortua, and Recursive Feature Elimination.
• These models were evaluated using cross-validation for the best models to
predict heart disease. The features in the data set were also evaluated
using parametric statistical techniques of chi-square tests and ANOVA.
• This study's goal is to find the most significant features of patients and the
most accurate machine learning algorithm for the most optimized and
tuned method for heart disease predictions.
• This report includes all the necessary visualizations, descriptions,
comments, and the results. It concludes with the significance of this study
to help combat heart disease.
LITERATURE SURVEY
Efficient heart
disease prediction
system using
decision tree -
Purushottam,
Kanak Saxena,
Richa Sharma.
• In this paper, effective mechanisms have
been used for chronic disease prediction
by mining the data containing historical
health records.
• Here, we used Naïve Bayes, Decision tree,
Support Vector Machine (SVM) and
Artificial Neural Networks (ANN) classifiers
for the diagnosis of diabetes and heart
disease.
An Automated Diagnostic
System for Heart Disease
Prediction Based on χ 2
Statistical Model and
Optimally Configured Deep
Neural Network -
LIAQAT ALI ATIQUR
RAHMAN , AURANGZEB
KHAN, etc
• To eliminate irrelevant features,
we propose to use χ 2 statistical
model while the optimally
configured deep neural network
(DNN) is searched by using
exhaustive search strategy.
• The proposed model achieves the
prediction accuracy of 93.33%.
The obtained results are
promising compared to the
previously reported methods. The
findings of the study suggest that
the proposed diagnostic system
can be used by physicians to
accurately predict heart disease.
An Optimized Stacked
Support Vector Machines
Based Expert System for
the Effective Prediction of
Heart Failure -
Liaqat Ali, Awais Niamat,
Javed Ali Khan,etc.
• In this paper, we introduce an expert
system that stacks two support
vector machine (SVM) models for the
effective prediction of HF. The first
SVM model is linear and
L 1 regularized. It has the capability to
eliminate irrelevant features by
shrinking their coefficients to zero.
The second SVM model is
L 2 regularized. It is used as a
predictive model. To optimize the
two models, we propose a hybrid grid
search algorithm (HGSA) that is
capable of optimizing the two models
simultaneously.
An Intelligent Learning
System Based on Random
Search Algorithm and
Optimized Random Forest
Model for Improved Heart
Disease Detection -
Ashir Javeed Shijie Zhou
Liao Yongjian
• System uses random search
algorithm (RSA) for features
selection and random forest
model for heart failure prediction.
The proposed diagnostic system is
optimized using grid search
algorithm. Two types of
experiments are performed to
evaluate the precision of the
proposed method.
• In the first experiment, only
random forest model is developed
while in the second experiment
the proposed RSA based random
forest model is developed.
Machine Learning and
End-to-End Deep
Learning for the
Detection of Chronic
Heart Failure From
Heart Sounds -
Martin Gjoreski, Anton
Gradišek,
• The method was evaluated on
recordings from 947 subjects from six
publicly available datasets and one
CHF dataset that was collected for
this study. Using the same evaluation
method as a recent PhysoNet
challenge, the proposed method
achieved a score of 89.3, which is 9.1
higher than the challenge's baseline
method. The method's aggregated
accuracy is 92.9%.
• Finally, we identified 15 expert
features that are useful for building
ML models to differentiate between
CHF phases with an accuracy of
93.2%.
PROPOSED CONCEPT
There are many disease prediction systems which do not use some of the
risk factors such as age, sex, blood pressure, cholesterol, diabetes, etc.
Without using these vital risk factors; result will not be much accurate. In
this paper; 12 important risk factors are used to predict heart disease in
accurate manner. Dataset is imported from UCI Machine Learning
Repository.
The technique mentioned in this paper will optimize the weights of neural
network. It deals with the population i.e individual input string. First it will
select the input string and assign a fitness value. Based on those fitness
value a new offspring will be generated. Then followed by the crossover
process it will generate possibly a fit string so as to obtain optimized weight.
The new string generated at each stage is possibly a better than the
previous one. This is how the weights are optimized at each stage of genetic
process.
After the weights are optimized it is fed into neural network which
uses back propagation technique to train the network. The process of
neural network consist of activation function which is calculated at
hidden layer and output layer. The weights obtained at output layer
will be compared with the previous weights so as to calculate error.
By calculating the error new weights will be generated and it will
again fed into neural network. This process will continue until the
error function is minimum.
ALGORITHM
• We train our prediction model by analyzing existing data because we
already know whether each patient has heart disease. This process is
also known as supervision and learning.
• The trained model is then used to predict if users suffer from heart
disease. The training and prediction process is described as follows:
• First, data is divided into two parts using component splitting. In this
experiment, data is split based on a ratio of 80:20 for the training set
and the prediction set.
• The training set data is used in the logistic regression component for
model training, while the prediction set data is used in the prediction
component.
• The following classification models are used - Logistic Regression,
Random Forest Classfier, SVM, Naive Bayes Classifier, Decision Tree
Classifier, LightGBM, XGBoost
• The two inputs of the prediction component are the model and the
prediction set. The prediction result shows the predicted data, actual
data, and the probability of different results in each group.
• The confusion matrix, also known as the error matrix, is used to
evaluate the accuracy of the model.
ARCHITECTURE DIAGRAM
Preprocessing
(Input data)
• Preprocessing is a significant stage in the
knowledge discovery process. Real world
data tends to be noisy and inconsistent.
Data processing techniques like data
cleaning etc help in overcoming these
drawbacks. Normalization of the dataset
helps in classify the data which further
makes the data to smoothly allow
algorithms to execute with efficient results.
To carry out normalization, normalize
function is used. this helps in bifurcating
the data into classes. Then a variable will be
created that is ‘num’ which will hold the
predicted attribute.
Training the model
• In the training part, the backpropagation algorithm as mentioned above will be implemented.
backpropagation helps in finding a better set of weights in short amount of time. The training is done on
basis of the dataset input to the system. Herein ‘min max’ function is implemented so as to gain a matrix
of minimum and maximum values as specified in its argument. This function is applied for training of the
network. The efficiency of the system can be improved every instance as many times the model is
trained, the number of iterations etc. The whole dataset provided which consists of 13 attributes and 872
rows will help the model undergo training. Training can also be implemented by splitting the data in
equalized required amount of data partitions. In the user interactive GUI, as the user will select train
network option after entering his data at the backend the .csv file of UCI dataset will be read and
normalization will be carried out so as to classify the data into classes which becomes easier to be fed
onto the neural network. the neural network that is created here will be consisting of three layers
namely: input layer, hidden layer and output layer. Hidden layers can be customized to 2 or 3 as per users
requirements. To generate a network, train() function is implemented so as to pass the inputs. this
network will be stored in .mat file. After the network is generated, we check for mean square error.
Testing
the
model
• Testing will be conducted so as to
determine whether the model that is
trained is providing the desired
output. As the data is entered for
testing, the .csv file will be retrieved
to crosscheck and then compare and
the results of the newly entered data
will be generated. On basis of how
the model is trained with the help of
the dataset, the user will input
values of his choice to the attributes
specified and the results will be
generated as the whether there is a
risk of heart disease or not.
Classification of predicting model
• The genetic algorithm is applied so as to initialize neural network weight.
The genetic algorithm is used to evaluate and calculate the number of
layers in the neural network along with the total number of weights used
and bias. The initial population is generated at random. Bias is used such
that the output value generated will not be 0 or negative. On basis of the
mean square error calculated during testing, the fitness function of each
chromosome will be calculated. Ater selection and mutation is carried out
in genetic algorithm, the chromosome consisting of lower adaptation are
replaced with optimized one that is better and fitter chromosomes. If at
all, the best fit is not selected (worst fit is selected) then the process
continues until the best fit is selected. This genetic algorithm concept
along with Multilayer Feed Forward Network is used to predict the
presence or absence of cardiovascular disease in the patient
Prediction
of heart
disease
• This component will help in predicting the
severity of the cardiovascular disease. When
user will input data, the weights will be cross
checked with the given inputs. The prediction
neural network will consist of 13 nodes as a
part of input layer considering that 13 attribute
values will be input to the system. Then the
hidden layer and one node in the output layer
which will provide the result. The predicted will
be generated in the form of a ‘yes’ or ‘no’
format considering all the risk factors whether
they lie in the criteria as per the model is
trained.
MODULE
EXPLANATION
Support Vector
Machine (SVM)
• A support vector machine is a
supervised learning technique in
machine learning algorithms. If
you give any labeled training data
to support vector machine
algorithms, it will produce a
classifier that will divide the
labeled data into different classes.
Decision
Tree (DT)
• A decision tree is one of the
supervised learning techniques in
machine learning algorithms. It is
used for both classification and
regression. In this algorithm, data
will be split according to the
parameters. A decision tree is a
tree that will contain nodes and
leaves. At leaves, we will get
outcomes or decision, and at the
nodes, data will be split.
Random
Forest (RF)
• It is one of the supervised machine learning
algorithms which is used for both classification
and regression also. However, it is mainly used
for classification purposes. The name itself is
suggested that it is a forest, a forest is a group
of trees similarly in a random forest algorithm
we will have trees these trees are the decision
trees. If we have a higher number of decision
trees prediction results will be more accurate.
Random forest algorithm works this way at; first
it will collect random samples from the dataset
and then it will create decision trees for each
sample from those available trees we will select
the tree which will produce the best prediction
results.
Naïve
Bayes (NB)
• Naïve Bayes is one of the
supervised machine learning
classification algorithms. Earlier it is
used for text classification. It deals
with the datasets which have the
highest dimensionality. Some
examples are sentimental analysis,
spam filtration, etc. This naïve
Bayes algorithm is based on Bayes
theorem with the assumption that
attributes are independent of each
other. It is nothing but attributes in
one class that is independent of any
other attributes that are present in
the sameclass.
A detailed survey of the previous studies shows that ANN-based
methods have been widely adopted in medical diagnosis due to
their capability in handling complex linear and non-linear problems.
Most of the studies which applied ANN for heart disease detection
used Levenberg Marquardt (LM), scaled conjugate gradient (SCG)
and Pola-Ribiere conjugate gradient (CGP) algorithms for learning
the values or weights of parameters from training data. However, in
this study we used recently proposed optimization algorithms
known as IBFGS and Adam. Moreover, the earlier studies used ANN
which is a neural network with only one hidden layer while in this
paper we used a deep neural network with more than one hidden
layer. Deep neural networks are neural networks that use multiple
hidden layers and are trained using new methods.
IMPLEMENTATION
OUTPUT
• Accuracy for training set for SVM = 0.9256198347107438
Accuracy for test set for SVM = 0.8032786885245902
• Accuracy for training set for Naive Bayes = 0.8677685950413223
Accuracy for test set for Naive Bayes = 0.7868852459016393
• Accuracy for training set for Logistic Regression =
0.8636363636363636
• Accuracy for test set for Logistic Regression = 0.8032786885245902
• Accuracy for training set for Decision Tree = 1.0
Accuracy for test set for Decision Tree = 0.7868852459016393
• Accuracy for training set for Random Forest = 0.9834710743801653
Accuracy for test set for Random Forest = 0.8032786885245902
• Accuracy for training set for LightGBM = 0.9958677685950413
Accuracy for test set for LightGBM = 0.7704918032786885
• Accuracy for training set for XGBoost = 0.987603305785124
Accuracy for test set for XGBoost = 0.7540983606557377
REFERENCES
• Efficient heart disease prediction system using decision tree -
Purushottam, Kanak Saxena, Richa Sharma.
• An Automated Diagnostic System for Heart Disease Prediction Based on χ 2
Statistical Model and Optimally Configured Deep Neural Network - LIAQAT
ALI ATIQUR RAHMAN , AURANGZEB KHAN, etc.
• An Optimized Stacked Support Vector Machines Based Expert System for
the Effective Prediction of Heart Failure - Liaqat Ali, Awais Niamat, Javed Ali
Khan,etc.
• An Intelligent Learning System Based on Random Search Algorithm and
Optimized Random Forest Model for Improved Heart Disease Detection - Ashir
Javeed Shijie Zhou Liao Yongjian.
• Machine Learning and End-to-End Deep Learning for the Detection of Chronic
Heart Failure From Heart Sounds - Martin Gjoreski, Anton Gradišek,etc.

More Related Content

What's hot

Prediction of Heart Disease using Machine Learning Algorithms: A Survey
Prediction of Heart Disease using Machine Learning Algorithms: A SurveyPrediction of Heart Disease using Machine Learning Algorithms: A Survey
Prediction of Heart Disease using Machine Learning Algorithms: A Survey
rahulmonikasharma
 
Heart disease prediction
Heart disease predictionHeart disease prediction
Heart disease prediction
Ariful Haque
 
IRJET- Disease Prediction using Machine Learning
IRJET-  Disease Prediction using Machine LearningIRJET-  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine Learning
IRJET Journal
 
A Heart Disease Prediction Model using Logistic Regression
A Heart Disease Prediction Model using Logistic RegressionA Heart Disease Prediction Model using Logistic Regression
A Heart Disease Prediction Model using Logistic Regression
ijtsrd
 
HPPS: Heart Problem Prediction System using Machine Learning
HPPS: Heart Problem Prediction System using Machine LearningHPPS: Heart Problem Prediction System using Machine Learning
HPPS: Heart Problem Prediction System using Machine Learning
Nimai Chand Das Adhikari
 
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
 DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI... DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
Nexgen Technology
 
Machine Learning for Disease Prediction
Machine Learning for Disease PredictionMachine Learning for Disease Prediction
Machine Learning for Disease Prediction
Mustafa Oğuz
 
Disease Prediction And Doctor Appointment system
Disease Prediction And Doctor Appointment  systemDisease Prediction And Doctor Appointment  system
Disease Prediction And Doctor Appointment system
KOYELMAJUMDAR1
 
Survey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease predictionSurvey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease predictionSivagowry Shathesh
 
Heart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine LearningHeart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine Learning
mohdshoaibuddin1
 
Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare CommunitiesDisease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
Khulna University of Engineering & Tecnology
 
Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...
Yubraj Gupta
 
Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015
Maruf Abdullah (Rion)
 
Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm
Kedar Damkondwar
 
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
NEHA Kapoor
 
HEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHM
HEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHMHEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHM
HEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHM
amiteshg
 
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptxCardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Taminul Islam
 
DISEASE PREDICTION SYSTEM USING DATA MINING
DISEASE PREDICTION SYSTEM USING  DATA MININGDISEASE PREDICTION SYSTEM USING  DATA MINING
DISEASE PREDICTION SYSTEM USING DATA MINING
shivaniyadav112
 
Diabetes prediction with r(using knn)
Diabetes prediction with r(using knn)Diabetes prediction with r(using knn)
Diabetes prediction with r(using knn)
tanujoshi98
 

What's hot (20)

Prediction of Heart Disease using Machine Learning Algorithms: A Survey
Prediction of Heart Disease using Machine Learning Algorithms: A SurveyPrediction of Heart Disease using Machine Learning Algorithms: A Survey
Prediction of Heart Disease using Machine Learning Algorithms: A Survey
 
Heart disease prediction
Heart disease predictionHeart disease prediction
Heart disease prediction
 
IRJET- Disease Prediction using Machine Learning
IRJET-  Disease Prediction using Machine LearningIRJET-  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine Learning
 
A Heart Disease Prediction Model using Logistic Regression
A Heart Disease Prediction Model using Logistic RegressionA Heart Disease Prediction Model using Logistic Regression
A Heart Disease Prediction Model using Logistic Regression
 
HPPS: Heart Problem Prediction System using Machine Learning
HPPS: Heart Problem Prediction System using Machine LearningHPPS: Heart Problem Prediction System using Machine Learning
HPPS: Heart Problem Prediction System using Machine Learning
 
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
 DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI... DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
DISEASE PREDICTION BY MACHINE LEARNING OVER BIG DATA FROM HEALTHCARE COMMUNI...
 
Machine Learning for Disease Prediction
Machine Learning for Disease PredictionMachine Learning for Disease Prediction
Machine Learning for Disease Prediction
 
Disease Prediction And Doctor Appointment system
Disease Prediction And Doctor Appointment  systemDisease Prediction And Doctor Appointment  system
Disease Prediction And Doctor Appointment system
 
Survey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease predictionSurvey on data mining techniques in heart disease prediction
Survey on data mining techniques in heart disease prediction
 
Heart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine LearningHeart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine Learning
 
Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare CommunitiesDisease Prediction by Machine Learning Over Big Data From Healthcare Communities
Disease Prediction by Machine Learning Over Big Data From Healthcare Communities
 
Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...
 
Final ppt
Final pptFinal ppt
Final ppt
 
Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015Health Prediction System - an Artificial Intelligence Project 2015
Health Prediction System - an Artificial Intelligence Project 2015
 
Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm
 
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
Applying Deep Learning Techniques in Automated Analysis of CT scan images for...
 
HEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHM
HEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHMHEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHM
HEART DISEASE PREDICTION USING NAIVE BAYES ALGORITHM
 
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptxCardiovascular Disease Prediction Using Machine Learning Approaches.pptx
Cardiovascular Disease Prediction Using Machine Learning Approaches.pptx
 
DISEASE PREDICTION SYSTEM USING DATA MINING
DISEASE PREDICTION SYSTEM USING  DATA MININGDISEASE PREDICTION SYSTEM USING  DATA MINING
DISEASE PREDICTION SYSTEM USING DATA MINING
 
Diabetes prediction with r(using knn)
Diabetes prediction with r(using knn)Diabetes prediction with r(using knn)
Diabetes prediction with r(using knn)
 

Similar to heart final last sem.pptx

IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...
IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...
IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...
IRJET Journal
 
Heart Failure Prediction using Different MachineLearning Techniques
Heart Failure Prediction using Different MachineLearning TechniquesHeart Failure Prediction using Different MachineLearning Techniques
Heart Failure Prediction using Different MachineLearning Techniques
IRJET Journal
 
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhfirst review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
mithun302002
 
Heart Disease Prediction Using Associative Relational Classification Techniq...
Heart Disease Prediction Using Associative Relational  Classification Techniq...Heart Disease Prediction Using Associative Relational  Classification Techniq...
Heart Disease Prediction Using Associative Relational Classification Techniq...
IJMER
 
Short story_2.pptx
Short story_2.pptxShort story_2.pptx
Short story_2.pptx
ChirudeepGorle
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MINING
Ashish Salve
 
Heart Disease Prediction using Machine Learning Algorithms
Heart Disease Prediction using Machine Learning AlgorithmsHeart Disease Prediction using Machine Learning Algorithms
Heart Disease Prediction using Machine Learning Algorithms
IRJET Journal
 
IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...
IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...
IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...
IRJET Journal
 
Chronic Kidney Disease Prediction Using Machine Learning
Chronic Kidney Disease Prediction Using Machine LearningChronic Kidney Disease Prediction Using Machine Learning
Chronic Kidney Disease Prediction Using Machine Learning
IJCSIS Research Publications
 
DESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUE
DESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUEDESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUE
DESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUE
IRJET Journal
 
IRJET- Prediction and Analysis of Heart Disease using SVM Algorithm
IRJET-  	  Prediction and Analysis of Heart Disease using SVM AlgorithmIRJET-  	  Prediction and Analysis of Heart Disease using SVM Algorithm
IRJET- Prediction and Analysis of Heart Disease using SVM Algorithm
IRJET Journal
 
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...ijceronline
 
IRJET- Web-based Application to Detect Heart Attack using Machine Learning
IRJET- Web-based Application to Detect Heart Attack using Machine LearningIRJET- Web-based Application to Detect Heart Attack using Machine Learning
IRJET- Web-based Application to Detect Heart Attack using Machine Learning
IRJET Journal
 
PREDICTION OF HEART DISEASE USING LOGISTIC REGRESSION
PREDICTION OF HEART DISEASE USING LOGISTIC REGRESSIONPREDICTION OF HEART DISEASE USING LOGISTIC REGRESSION
PREDICTION OF HEART DISEASE USING LOGISTIC REGRESSION
IRJET Journal
 
Presentation1.pptx
Presentation1.pptxPresentation1.pptx
Presentation1.pptx
narmeen11
 
Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...
Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...
Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...
IRJET Journal
 
IRJET- A System to Detect Heart Failure using Deep Learning Techniques
IRJET- A System to Detect Heart Failure using Deep Learning TechniquesIRJET- A System to Detect Heart Failure using Deep Learning Techniques
IRJET- A System to Detect Heart Failure using Deep Learning Techniques
IRJET Journal
 
Presentation
PresentationPresentation
Presentation
CHANDRAJEETJHA4
 
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
ijsc
 
An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...
An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...
An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...
ijsc
 

Similar to heart final last sem.pptx (20)

IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...
IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...
IRJET- Hybrid Architecture of Heart Disease Prediction System using Genetic N...
 
Heart Failure Prediction using Different MachineLearning Techniques
Heart Failure Prediction using Different MachineLearning TechniquesHeart Failure Prediction using Different MachineLearning Techniques
Heart Failure Prediction using Different MachineLearning Techniques
 
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhfirst review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
 
Heart Disease Prediction Using Associative Relational Classification Techniq...
Heart Disease Prediction Using Associative Relational  Classification Techniq...Heart Disease Prediction Using Associative Relational  Classification Techniq...
Heart Disease Prediction Using Associative Relational Classification Techniq...
 
Short story_2.pptx
Short story_2.pptxShort story_2.pptx
Short story_2.pptx
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MINING
 
Heart Disease Prediction using Machine Learning Algorithms
Heart Disease Prediction using Machine Learning AlgorithmsHeart Disease Prediction using Machine Learning Algorithms
Heart Disease Prediction using Machine Learning Algorithms
 
IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...
IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...
IRJET- Human Heart Disease Prediction using Ensemble Learning and Particle Sw...
 
Chronic Kidney Disease Prediction Using Machine Learning
Chronic Kidney Disease Prediction Using Machine LearningChronic Kidney Disease Prediction Using Machine Learning
Chronic Kidney Disease Prediction Using Machine Learning
 
DESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUE
DESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUEDESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUE
DESIGN AND IMPLEMENTATION OF CARDIAC DISEASE USING NAIVE BAYES TECHNIQUE
 
IRJET- Prediction and Analysis of Heart Disease using SVM Algorithm
IRJET-  	  Prediction and Analysis of Heart Disease using SVM AlgorithmIRJET-  	  Prediction and Analysis of Heart Disease using SVM Algorithm
IRJET- Prediction and Analysis of Heart Disease using SVM Algorithm
 
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...IJCER (www.ijceronline.com) International Journal of computational Engineerin...
IJCER (www.ijceronline.com) International Journal of computational Engineerin...
 
IRJET- Web-based Application to Detect Heart Attack using Machine Learning
IRJET- Web-based Application to Detect Heart Attack using Machine LearningIRJET- Web-based Application to Detect Heart Attack using Machine Learning
IRJET- Web-based Application to Detect Heart Attack using Machine Learning
 
PREDICTION OF HEART DISEASE USING LOGISTIC REGRESSION
PREDICTION OF HEART DISEASE USING LOGISTIC REGRESSIONPREDICTION OF HEART DISEASE USING LOGISTIC REGRESSION
PREDICTION OF HEART DISEASE USING LOGISTIC REGRESSION
 
Presentation1.pptx
Presentation1.pptxPresentation1.pptx
Presentation1.pptx
 
Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...
Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...
Comparative Analysis of Heart Disease Prediction Models: Unveiling the Most A...
 
IRJET- A System to Detect Heart Failure using Deep Learning Techniques
IRJET- A System to Detect Heart Failure using Deep Learning TechniquesIRJET- A System to Detect Heart Failure using Deep Learning Techniques
IRJET- A System to Detect Heart Failure using Deep Learning Techniques
 
Presentation
PresentationPresentation
Presentation
 
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
AN EFFICIENT PSO BASED ENSEMBLE CLASSIFICATION MODEL ON HIGH DIMENSIONAL DATA...
 
An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...
An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...
An Efficient PSO Based Ensemble Classification Model on High Dimensional Data...
 

Recently uploaded

Yemen National Tuberculosis Program .ppt
Yemen National Tuberculosis Program .pptYemen National Tuberculosis Program .ppt
Yemen National Tuberculosis Program .ppt
Esam43
 
Nursing Care of Client With Acute And Chronic Renal Failure.ppt
Nursing Care of Client With Acute And Chronic Renal Failure.pptNursing Care of Client With Acute And Chronic Renal Failure.ppt
Nursing Care of Client With Acute And Chronic Renal Failure.ppt
Rommel Luis III Israel
 
BOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptx
BOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptxBOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptx
BOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptx
AnushriSrivastav
 
Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.
Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.
Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.
preciousstephanie75
 
Health Education on prevention of hypertension
Health Education on prevention of hypertensionHealth Education on prevention of hypertension
Health Education on prevention of hypertension
Radhika kulvi
 
Antibiotic Stewardship by Anushri Srivastava.pptx
Antibiotic Stewardship by Anushri Srivastava.pptxAntibiotic Stewardship by Anushri Srivastava.pptx
Antibiotic Stewardship by Anushri Srivastava.pptx
AnushriSrivastav
 
Telehealth Psychology Building Trust with Clients.pptx
Telehealth Psychology Building Trust with Clients.pptxTelehealth Psychology Building Trust with Clients.pptx
Telehealth Psychology Building Trust with Clients.pptx
The Harvest Clinic
 
CHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdf
CHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdfCHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdf
CHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdf
Sachin Sharma
 
Navigating Challenges: Mental Health, Legislation, and the Prison System in B...
Navigating Challenges: Mental Health, Legislation, and the Prison System in B...Navigating Challenges: Mental Health, Legislation, and the Prison System in B...
Navigating Challenges: Mental Health, Legislation, and the Prison System in B...
Guillermo Rivera
 
Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...
Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...
Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...
The Lifesciences Magazine
 
Neuro Saphirex Cranial Brochure
Neuro Saphirex Cranial BrochureNeuro Saphirex Cranial Brochure
Neuro Saphirex Cranial Brochure
RXOOM Healthcare Pvt. Ltd. ​
 
ABDOMINAL COMPARTMENT SYSNDROME
ABDOMINAL COMPARTMENT SYSNDROMEABDOMINAL COMPARTMENT SYSNDROME
ABDOMINAL COMPARTMENT SYSNDROME
Rommel Luis III Israel
 
Jaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICE
Jaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICEJaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICE
Jaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICE
ranishasharma67
 
Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...
Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...
Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...
ranishasharma67
 
10 Ideas for Enhancing Your Meeting Experience
10 Ideas for Enhancing Your Meeting Experience10 Ideas for Enhancing Your Meeting Experience
10 Ideas for Enhancing Your Meeting Experience
ranishasharma67
 
VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...
VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...
VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...
rajkumar669520
 
Roti bank chennai PPT [Autosaved].pptx1
Roti bank  chennai PPT [Autosaved].pptx1Roti bank  chennai PPT [Autosaved].pptx1
Roti bank chennai PPT [Autosaved].pptx1
roti bank
 
The Docs PPG - 30.05.2024.pptx..........
The Docs PPG - 30.05.2024.pptx..........The Docs PPG - 30.05.2024.pptx..........
The Docs PPG - 30.05.2024.pptx..........
TheDocs
 
Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...
Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...
Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...
Dr. David Greene Arizona
 
Introduction to Forensic Pathology course
Introduction to Forensic Pathology courseIntroduction to Forensic Pathology course
Introduction to Forensic Pathology course
fprxsqvnz5
 

Recently uploaded (20)

Yemen National Tuberculosis Program .ppt
Yemen National Tuberculosis Program .pptYemen National Tuberculosis Program .ppt
Yemen National Tuberculosis Program .ppt
 
Nursing Care of Client With Acute And Chronic Renal Failure.ppt
Nursing Care of Client With Acute And Chronic Renal Failure.pptNursing Care of Client With Acute And Chronic Renal Failure.ppt
Nursing Care of Client With Acute And Chronic Renal Failure.ppt
 
BOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptx
BOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptxBOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptx
BOWEL ELIMINATION BY ANUSHRI SRIVASTAVA.pptx
 
Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.
Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.
Surgery-Mini-OSCE-All-Past-Years-Questions-Modified.
 
Health Education on prevention of hypertension
Health Education on prevention of hypertensionHealth Education on prevention of hypertension
Health Education on prevention of hypertension
 
Antibiotic Stewardship by Anushri Srivastava.pptx
Antibiotic Stewardship by Anushri Srivastava.pptxAntibiotic Stewardship by Anushri Srivastava.pptx
Antibiotic Stewardship by Anushri Srivastava.pptx
 
Telehealth Psychology Building Trust with Clients.pptx
Telehealth Psychology Building Trust with Clients.pptxTelehealth Psychology Building Trust with Clients.pptx
Telehealth Psychology Building Trust with Clients.pptx
 
CHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdf
CHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdfCHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdf
CHAPTER 1 SEMESTER V - ROLE OF PEADIATRIC NURSE.pdf
 
Navigating Challenges: Mental Health, Legislation, and the Prison System in B...
Navigating Challenges: Mental Health, Legislation, and the Prison System in B...Navigating Challenges: Mental Health, Legislation, and the Prison System in B...
Navigating Challenges: Mental Health, Legislation, and the Prison System in B...
 
Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...
Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...
Deep Leg Vein Thrombosis (DVT): Meaning, Causes, Symptoms, Treatment, and Mor...
 
Neuro Saphirex Cranial Brochure
Neuro Saphirex Cranial BrochureNeuro Saphirex Cranial Brochure
Neuro Saphirex Cranial Brochure
 
ABDOMINAL COMPARTMENT SYSNDROME
ABDOMINAL COMPARTMENT SYSNDROMEABDOMINAL COMPARTMENT SYSNDROME
ABDOMINAL COMPARTMENT SYSNDROME
 
Jaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICE
Jaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICEJaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICE
Jaipur ❤cALL gIRLS 89O1183002 ❤ℂall Girls IN JaiPuR ESCORT SERVICE
 
Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...
Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...
Contact ME {89011**83002} Haridwar ℂall Girls By Full Service Call Girl In Ha...
 
10 Ideas for Enhancing Your Meeting Experience
10 Ideas for Enhancing Your Meeting Experience10 Ideas for Enhancing Your Meeting Experience
10 Ideas for Enhancing Your Meeting Experience
 
VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...
VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...
VVIP Dehradun Girls 9719300533 Heat-bake { Dehradun } Genteel ℂall Serviℂe By...
 
Roti bank chennai PPT [Autosaved].pptx1
Roti bank  chennai PPT [Autosaved].pptx1Roti bank  chennai PPT [Autosaved].pptx1
Roti bank chennai PPT [Autosaved].pptx1
 
The Docs PPG - 30.05.2024.pptx..........
The Docs PPG - 30.05.2024.pptx..........The Docs PPG - 30.05.2024.pptx..........
The Docs PPG - 30.05.2024.pptx..........
 
Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...
Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...
Leading the Way in Nephrology: Dr. David Greene's Work with Stem Cells for Ki...
 
Introduction to Forensic Pathology course
Introduction to Forensic Pathology courseIntroduction to Forensic Pathology course
Introduction to Forensic Pathology course
 

heart final last sem.pptx

  • 1. PREDICTION OF HEART DISEASES AT EARLY STAGES USING MACHINE LEARNING
  • 2. PROBLEM STATEMENT • The most commonly used method for diagnosis of CAD by physicians is angiography. • But, it has major side effects and high cost is associated with it. • Moreover, analyzing too many factors, to diagnose a patient, makes the physician’s job difficult. • Conventional methods for the diagnosis of heart disease are mainly based on analysis of patients medical history, review of relevant symptoms by a medical practitioner and physical examination report.
  • 3. • Hence, these methods often lead to imprecise diagnosis due to human errors. • Thus, there is a need of development of an automated diagnostic system based on machine learning for heart disease diagnosis that can resolve these problems. • A dataset is formed by taking into consideration some of the information of 779 individuals. The problem is : based on the given information about each individual we have to calculate that whether that individual will suffer from heart disease. • So for implementation, we have created a code which comprises of several machine learning algorithms and solves the above problem statement along with a generic comparison between the performances of different algorithms in this case.
  • 5. • Healthcare is such an enormous domain. The use of data science is a necessity for healthcare to form meaningful transformations. Using it in the most efficient and powerful way to discover hidden correlations of risk factors is the objective of this study. • The aim is to analyze the coronary artery disease data sets and predict the possibilities of a given patient to have heart disease. This study analyzes the attributes' effect on the outcome of heart disease. • The machine learning algorithms used for analysis were Logistic Regression, Support Vector Machines (SVM), and Random Forest. The models' features were tuned using ensemble methods of Stepwise Regression, Variable Importance, Bortua, and Recursive Feature Elimination.
  • 6. • These models were evaluated using cross-validation for the best models to predict heart disease. The features in the data set were also evaluated using parametric statistical techniques of chi-square tests and ANOVA. • This study's goal is to find the most significant features of patients and the most accurate machine learning algorithm for the most optimized and tuned method for heart disease predictions. • This report includes all the necessary visualizations, descriptions, comments, and the results. It concludes with the significance of this study to help combat heart disease.
  • 8. Efficient heart disease prediction system using decision tree - Purushottam, Kanak Saxena, Richa Sharma. • In this paper, effective mechanisms have been used for chronic disease prediction by mining the data containing historical health records. • Here, we used Naïve Bayes, Decision tree, Support Vector Machine (SVM) and Artificial Neural Networks (ANN) classifiers for the diagnosis of diabetes and heart disease.
  • 9. An Automated Diagnostic System for Heart Disease Prediction Based on χ 2 Statistical Model and Optimally Configured Deep Neural Network - LIAQAT ALI ATIQUR RAHMAN , AURANGZEB KHAN, etc • To eliminate irrelevant features, we propose to use χ 2 statistical model while the optimally configured deep neural network (DNN) is searched by using exhaustive search strategy. • The proposed model achieves the prediction accuracy of 93.33%. The obtained results are promising compared to the previously reported methods. The findings of the study suggest that the proposed diagnostic system can be used by physicians to accurately predict heart disease.
  • 10. An Optimized Stacked Support Vector Machines Based Expert System for the Effective Prediction of Heart Failure - Liaqat Ali, Awais Niamat, Javed Ali Khan,etc. • In this paper, we introduce an expert system that stacks two support vector machine (SVM) models for the effective prediction of HF. The first SVM model is linear and L 1 regularized. It has the capability to eliminate irrelevant features by shrinking their coefficients to zero. The second SVM model is L 2 regularized. It is used as a predictive model. To optimize the two models, we propose a hybrid grid search algorithm (HGSA) that is capable of optimizing the two models simultaneously.
  • 11. An Intelligent Learning System Based on Random Search Algorithm and Optimized Random Forest Model for Improved Heart Disease Detection - Ashir Javeed Shijie Zhou Liao Yongjian • System uses random search algorithm (RSA) for features selection and random forest model for heart failure prediction. The proposed diagnostic system is optimized using grid search algorithm. Two types of experiments are performed to evaluate the precision of the proposed method. • In the first experiment, only random forest model is developed while in the second experiment the proposed RSA based random forest model is developed.
  • 12. Machine Learning and End-to-End Deep Learning for the Detection of Chronic Heart Failure From Heart Sounds - Martin Gjoreski, Anton Gradišek, • The method was evaluated on recordings from 947 subjects from six publicly available datasets and one CHF dataset that was collected for this study. Using the same evaluation method as a recent PhysoNet challenge, the proposed method achieved a score of 89.3, which is 9.1 higher than the challenge's baseline method. The method's aggregated accuracy is 92.9%. • Finally, we identified 15 expert features that are useful for building ML models to differentiate between CHF phases with an accuracy of 93.2%.
  • 14. There are many disease prediction systems which do not use some of the risk factors such as age, sex, blood pressure, cholesterol, diabetes, etc. Without using these vital risk factors; result will not be much accurate. In this paper; 12 important risk factors are used to predict heart disease in accurate manner. Dataset is imported from UCI Machine Learning Repository. The technique mentioned in this paper will optimize the weights of neural network. It deals with the population i.e individual input string. First it will select the input string and assign a fitness value. Based on those fitness value a new offspring will be generated. Then followed by the crossover process it will generate possibly a fit string so as to obtain optimized weight. The new string generated at each stage is possibly a better than the previous one. This is how the weights are optimized at each stage of genetic process.
  • 15. After the weights are optimized it is fed into neural network which uses back propagation technique to train the network. The process of neural network consist of activation function which is calculated at hidden layer and output layer. The weights obtained at output layer will be compared with the previous weights so as to calculate error. By calculating the error new weights will be generated and it will again fed into neural network. This process will continue until the error function is minimum.
  • 17. • We train our prediction model by analyzing existing data because we already know whether each patient has heart disease. This process is also known as supervision and learning. • The trained model is then used to predict if users suffer from heart disease. The training and prediction process is described as follows: • First, data is divided into two parts using component splitting. In this experiment, data is split based on a ratio of 80:20 for the training set and the prediction set.
  • 18. • The training set data is used in the logistic regression component for model training, while the prediction set data is used in the prediction component. • The following classification models are used - Logistic Regression, Random Forest Classfier, SVM, Naive Bayes Classifier, Decision Tree Classifier, LightGBM, XGBoost • The two inputs of the prediction component are the model and the prediction set. The prediction result shows the predicted data, actual data, and the probability of different results in each group. • The confusion matrix, also known as the error matrix, is used to evaluate the accuracy of the model.
  • 20.
  • 21. Preprocessing (Input data) • Preprocessing is a significant stage in the knowledge discovery process. Real world data tends to be noisy and inconsistent. Data processing techniques like data cleaning etc help in overcoming these drawbacks. Normalization of the dataset helps in classify the data which further makes the data to smoothly allow algorithms to execute with efficient results. To carry out normalization, normalize function is used. this helps in bifurcating the data into classes. Then a variable will be created that is ‘num’ which will hold the predicted attribute.
  • 22. Training the model • In the training part, the backpropagation algorithm as mentioned above will be implemented. backpropagation helps in finding a better set of weights in short amount of time. The training is done on basis of the dataset input to the system. Herein ‘min max’ function is implemented so as to gain a matrix of minimum and maximum values as specified in its argument. This function is applied for training of the network. The efficiency of the system can be improved every instance as many times the model is trained, the number of iterations etc. The whole dataset provided which consists of 13 attributes and 872 rows will help the model undergo training. Training can also be implemented by splitting the data in equalized required amount of data partitions. In the user interactive GUI, as the user will select train network option after entering his data at the backend the .csv file of UCI dataset will be read and normalization will be carried out so as to classify the data into classes which becomes easier to be fed onto the neural network. the neural network that is created here will be consisting of three layers namely: input layer, hidden layer and output layer. Hidden layers can be customized to 2 or 3 as per users requirements. To generate a network, train() function is implemented so as to pass the inputs. this network will be stored in .mat file. After the network is generated, we check for mean square error.
  • 23. Testing the model • Testing will be conducted so as to determine whether the model that is trained is providing the desired output. As the data is entered for testing, the .csv file will be retrieved to crosscheck and then compare and the results of the newly entered data will be generated. On basis of how the model is trained with the help of the dataset, the user will input values of his choice to the attributes specified and the results will be generated as the whether there is a risk of heart disease or not.
  • 24. Classification of predicting model • The genetic algorithm is applied so as to initialize neural network weight. The genetic algorithm is used to evaluate and calculate the number of layers in the neural network along with the total number of weights used and bias. The initial population is generated at random. Bias is used such that the output value generated will not be 0 or negative. On basis of the mean square error calculated during testing, the fitness function of each chromosome will be calculated. Ater selection and mutation is carried out in genetic algorithm, the chromosome consisting of lower adaptation are replaced with optimized one that is better and fitter chromosomes. If at all, the best fit is not selected (worst fit is selected) then the process continues until the best fit is selected. This genetic algorithm concept along with Multilayer Feed Forward Network is used to predict the presence or absence of cardiovascular disease in the patient
  • 25. Prediction of heart disease • This component will help in predicting the severity of the cardiovascular disease. When user will input data, the weights will be cross checked with the given inputs. The prediction neural network will consist of 13 nodes as a part of input layer considering that 13 attribute values will be input to the system. Then the hidden layer and one node in the output layer which will provide the result. The predicted will be generated in the form of a ‘yes’ or ‘no’ format considering all the risk factors whether they lie in the criteria as per the model is trained.
  • 27. Support Vector Machine (SVM) • A support vector machine is a supervised learning technique in machine learning algorithms. If you give any labeled training data to support vector machine algorithms, it will produce a classifier that will divide the labeled data into different classes.
  • 28. Decision Tree (DT) • A decision tree is one of the supervised learning techniques in machine learning algorithms. It is used for both classification and regression. In this algorithm, data will be split according to the parameters. A decision tree is a tree that will contain nodes and leaves. At leaves, we will get outcomes or decision, and at the nodes, data will be split.
  • 29. Random Forest (RF) • It is one of the supervised machine learning algorithms which is used for both classification and regression also. However, it is mainly used for classification purposes. The name itself is suggested that it is a forest, a forest is a group of trees similarly in a random forest algorithm we will have trees these trees are the decision trees. If we have a higher number of decision trees prediction results will be more accurate. Random forest algorithm works this way at; first it will collect random samples from the dataset and then it will create decision trees for each sample from those available trees we will select the tree which will produce the best prediction results.
  • 30. Naïve Bayes (NB) • Naïve Bayes is one of the supervised machine learning classification algorithms. Earlier it is used for text classification. It deals with the datasets which have the highest dimensionality. Some examples are sentimental analysis, spam filtration, etc. This naïve Bayes algorithm is based on Bayes theorem with the assumption that attributes are independent of each other. It is nothing but attributes in one class that is independent of any other attributes that are present in the sameclass.
  • 31. A detailed survey of the previous studies shows that ANN-based methods have been widely adopted in medical diagnosis due to their capability in handling complex linear and non-linear problems. Most of the studies which applied ANN for heart disease detection used Levenberg Marquardt (LM), scaled conjugate gradient (SCG) and Pola-Ribiere conjugate gradient (CGP) algorithms for learning the values or weights of parameters from training data. However, in this study we used recently proposed optimization algorithms known as IBFGS and Adam. Moreover, the earlier studies used ANN which is a neural network with only one hidden layer while in this paper we used a deep neural network with more than one hidden layer. Deep neural networks are neural networks that use multiple hidden layers and are trained using new methods.
  • 33.
  • 34.
  • 35.
  • 36.
  • 37.
  • 38.
  • 39.
  • 40.
  • 41.
  • 43. • Accuracy for training set for SVM = 0.9256198347107438 Accuracy for test set for SVM = 0.8032786885245902 • Accuracy for training set for Naive Bayes = 0.8677685950413223 Accuracy for test set for Naive Bayes = 0.7868852459016393 • Accuracy for training set for Logistic Regression = 0.8636363636363636 • Accuracy for test set for Logistic Regression = 0.8032786885245902
  • 44. • Accuracy for training set for Decision Tree = 1.0 Accuracy for test set for Decision Tree = 0.7868852459016393 • Accuracy for training set for Random Forest = 0.9834710743801653 Accuracy for test set for Random Forest = 0.8032786885245902 • Accuracy for training set for LightGBM = 0.9958677685950413 Accuracy for test set for LightGBM = 0.7704918032786885 • Accuracy for training set for XGBoost = 0.987603305785124 Accuracy for test set for XGBoost = 0.7540983606557377
  • 46. • Efficient heart disease prediction system using decision tree - Purushottam, Kanak Saxena, Richa Sharma. • An Automated Diagnostic System for Heart Disease Prediction Based on χ 2 Statistical Model and Optimally Configured Deep Neural Network - LIAQAT ALI ATIQUR RAHMAN , AURANGZEB KHAN, etc. • An Optimized Stacked Support Vector Machines Based Expert System for the Effective Prediction of Heart Failure - Liaqat Ali, Awais Niamat, Javed Ali Khan,etc. • An Intelligent Learning System Based on Random Search Algorithm and Optimized Random Forest Model for Improved Heart Disease Detection - Ashir Javeed Shijie Zhou Liao Yongjian. • Machine Learning and End-to-End Deep Learning for the Detection of Chronic Heart Failure From Heart Sounds - Martin Gjoreski, Anton Gradišek,etc.