SlideShare a Scribd company logo
1 of 5
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1725
GENETIC ALGORITHM FOR FEATURE SELECTION TO IMPROVE HEART
DISEASE PREDICTION BY SUPPORT VECTOR MACHINE
A. Sangeetha1, Dr. B. Ananthi2
1Research Scholar, Dept. of Computer Science, Vellalar College for Women, Erode, Tamil Nadu, India
2Associate Professor, Dept. of Computer Science, Vellalar College for Women, Erode, Tamil Nadu, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - This research work has been developed to predict
the heart disease based on feature selection and classification
techniques. Heart disease prediction is the leading problem in
medical data analysis. The prediction can be made from
massive amount of healthcare data as information for data
mining. There is only insufficient research that plays a major
role in attention towards the critical features of predicting
heart disease. The feature selection is essential for predicting
the heart disease. The current work is implementedbyGenetic
algorithm (GA) for feature selection and also to focus on
classifying the heart disease prediction. The best feature
selection can be concluded by proper mutation results
followed by best classification techniques. The classification
technique performed for improves the accuracy value of the
prediction. Hence, the heart disease prediction can be done in
the primary stage.
Key Words: Feature selection, Classification, Genetic
Algorithm (GA), Support Vector Machine (SVM).
1. INTRODUCTION
Data mining is process of extracting information
from large amount of databases. Data mining is most useful
in nontrivial information to the large volumes of data. Data
mining is the process of extracting data for finding hidden
patterns which can be modified into significant.
Heart disease is the premier cause of death in the
world. Heart disease has garnered a highestdeal ofattention
in medical research. The conclusion of heart disease is
usually based on signs, symptoms and physical analysis of
the patient. There are several causes that increasetherisk of
heart disease, such as smoking habit, body cholesterol level
and family history of heart disease, obesity, high blood
pressure, and insufficiency of physical exercise.
The aim of this paper is to select the correlated
features or attributes of heart disease dataset by using
Genetic Algorithm (GA). After the feature selection,
classification techniques are applied for predict the heart
disease. Then the prediction value is compared to other
classification techniques.
2. LITERATURE REVIEW
HeonGyu Lee, Ki Yong Noh, and Keun Ho Ryu1 (2007),
proposed multi-parametric features of HRV from ECG bio
signal. The HRV indices proposed that the classification of
the patients with CAD from normal people.Forclassification,
they employed the proposed multi-parametric features,
which allow them to choose a classifier from a large pool of
well-studied classification methods. By considering several
supervised methods including extended Naïve Bayesian
classifiers (TAN, STAN), decision tree (C4.5), associative
classifier (CMAR) and SVM. In experimental results, SVM
showed the best performanceamongthetested methods[3].
MrudulaGudadhe, Kapil Wankhade, SnehlataDongre
(2010), proposed a decision support system for heart
disease classification based on support vector machine
(SVM) and Artificial Neural Network (ANN). A multilayer
perceptron neural network (MLPNN) with three layers is
employed to develop a decision support system for the
diagnosis of heart disease. The multilayer perceptronneural
network is trained by back-propagation algorithm which is
computationally efficientmethod.Theyhavealsoproposeda
decision support system for heart disease classification
based on Support Vector Machine and MLP neural network
architecture [6].
Rashmi G SabojiPrem Kumar Ramesh(2017), proposeda
scalable solution in predicting the heart disease attributes
and validated its accuracy. The implementation of random
forest algorithm on Spark framework for predicting heart
disease, with as small as 600 dataset records, they plan to
explore other healthcare disease prediction, such as early
prediction of certain types of cancer, etc. They are also
planning investigate the impact of large supervised datasets
at a colossal scale on performance and accuracy, running on
high performance clusters [7].
Theresa Princy. J. Thomas (2016), explainedthatdifferent
classification techniques used for predicting the risk level of
each person based on age, gender, Blood pressure,
cholesterol, pulse rate. The patient risk level is classified
using datamining classification techniques such as Naïve
Bayes, KNN, Decision Tree Algorithm, and Neural Network.
etc., Accuracy of the risk level is high when using more
number of attributes. As per the analysismode, itisseenthat
many authors usevarioustechnologiesanddifferentnumber
of attributes for their study. Hence, different technologies
give different precision depending on a numberofattributes
considered. Using KNN and ID3 algorithm the risk rate of
heart disease was detected and accuracy level also provided
for different number of attributes. In future, the numbers of
attributes could be reduced and accuracy would be
increased using some other algorithms [10].
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1726
Madhura Patil, Rima Jadhav, vishakha Patil, Aditi
Bhawar, Mrs. Geeta Chillarge (2019), proposed that
implementing of a system which will help to predict heart
disease depending on the patients clinical data relatedtothe
factor associated with heart disease. By using medical
dataset of the patients such as age, sex, blood pressure,
overweight and blood sugar and by applying SVM classifier
we can predict that the patients getting a heart disease or
not. In addition classification accuracy, sensitivity, and
specificity of the SVM have been found to be high thus
making it a superior alternative for the diagnosis. They are
also doing analysis on the data from which they are getting
at which age it mostly occur or which region gets influenced
by that disease. So precaution can be taken to avoid the
death due to the heart disease [5].
3. METHODOLOGY
The current research work has series of steps to attain the
objectives. The figure 1 shows the complete architecture of
the heart disease prediction. The steps involved in this
process are as follows,
 Dataset Collection
 Preprocessing
 Genetic Algorithm
 Classification
 Naïve Bayes
 Random Forest
 SVM
Figure 1 Architecture of heart disease prediction
A. Dataset Collection
The database for this research work has been taken
from the StatLog dataset in UCI repository. It includes 14
attributes. The heart disease dataset included in this
research work consists of total 270 instances with no
missing values. This researchwork isaimedatpredicting the
heart disease irrelevant of the disease types.
B. Preprocessing
The collected datasets are preprocessing here by
using feature selection method. The Genetic algorithm is
used to feature selection and select the specific attributes.
Genetic Algorithm (GA)
The genetic algorithm parameters are crossover,
elitism, mutation, and population size used in my research
work. The class labels are represented in the form of binary
type that is used to predict the disease as mention as 1
otherwise it will be 0. The above structure is followed by a
genetic algorithm parameter specified in type category.
Here mutation rate 0.03 is defaultvalueofinversion
mutation method. It is a subset of attributes to invertmerely
the entire string into subsets. The population size is usedfor
retrieving the useful information and it little diversity based
on random solutions. These random solutions are derived
the population. The proportion of the existing population is
used to create a new generation by the end of this phase, 6
features are selected from a set of 14 features in the original
dataset.
C. Classification
Classification is used to predict the class labels.
Here, the three classification algorithms (Naïve Bayes,
Random Forest and SVM) are used to classify the data.
Naïve Bayes
To predict the class label of a tuple, the same
training data is used to classify the disease. The class label
attribute, disease, has two distinctvalues(namely,[yes,no]).
In a real dataset hypothesis was tested, which givesmultiple
evidence (feature). Then the probabilities of disease for the
dataset were calculated as shown in the equation (1).
(1)
Where,
P(B|A) – Probability of the evidence gives that
hypothesis is true (Likelihood)
P(A|B) – Probability of the hypothesisgiventhatthe
evidence is there (Posterior Probability)
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1727
P(A) – Number of probabilitiesofdiseaseinthedata
set (Class Prior probability)
P(B) – Total number of available features (Predictor
Prior Probability).
Random Forest
The Random Forest classification is a collection of
the decision tree classifiers. It is one of theensemblemethod
classifier. The Decision Tree is generated using a random
selection of attributes at each node to determine the split.
The popular class is returned by each tree votes during
classification process [4].
Step 1: Randomly select m features from entire n
features m<<n.
Step 2: Surrounded by that m features, calculate the
node d using the best split point.
Step 3: Split the node into daughter nodes from the
best split.
Step 4: Repeat step 1 to 3 until one number of node
has been reached.
The accuracy of a random forest depends on the
strength of the individual node.
Support Vector Machine
It finds a hyper plane for data separation using
essential tuples. Here, the two class problem was performed
by linear separable. Let the disease data set D.
Corresponding to the classes disease=yes and disease-no
respectively. There are infinite numbers of possible
separating hyper planes. The hyper plane make the straight
line that line can be separate all the tuples of class 0 from
class 1. To find the best separating plane based on data
points that are to be find the best hyper plane. The class
labels split the two possible separating hyper planes that
associated with their margins. Both hyper plane can
correctly classified the given data tuples with the larger
margin. The associated margins give the largest separation
between the classes. A splitting hyper plane can be written
as,
W. X + b = 0, (2)
W is a vector, (no. of attributes)
b is a scalar,
X is a value of attributes.
The scalar b weight can be adjusted the hyperplane
denoting the sides of the margin can be written as,
H1: w0 + w1x1 + w2x2>= 0 (3)
H2: w0 + w1x1 + w2x2<= 1 (4)
Training tuples that fall on hyperplaneH1or H2
satisfy equation (3) and (4) that is called support vectors.
They are equally closed to theMaximumMarginHyper plane
[MMH].
4. RESULTS AND DISCUSSION
A. PERFORMANCE METRICS
Precision
The peoples predicted as heart diseases are TP and
FP. The peoples actually having a heart disease are TP.
Precision = TP/ (TP+FP)
Recall
The Peoples having heart diseases are TP and FN.
The people diagnosed by the model having a heart disease
are TP.
Recall = TP / (FP+FN)
F-Measure
F-Measure is the balanced mean value of precision
and recall.
F-Measure = 2 * Precision * Recall /
Precision + Recall
Analyze the performance evaluation for without
feature selection (Genetic algorithm) method.
Table 1: Existing parameter values for without feature
selection (Genetic Algorithm)
ALGORITHM
PARAMETER
PRECISION RECALL
F-
MEASURE
NB 0.7368 0.8235 0.7775
RF 0.7894 0.7317 0.7593
SVM 0.8723 0.8723 0.8721
Analyzetheperformanceevaluationforwithfeature
selection (Genetic algorithm) method.
Table 2: Proposed parameter values for without feature
selection (Genetic Algorithm)
ALGORITM
PARAMETER
PRECISION RECALL
F-
MEASURE
NB 0.8055 0.9062 0.8528
RF 0.8421 0.8205 0.8311
SVM 0.9545 0.9130 0.9332
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1728
B. Comparison Results
AnalyzetheHeartDiseasePredictionaccuracyvalue
is compared withNB(NaïveBayes),RF(RandomForest),and
SVM (Support Vector Machine).
Accuracy=TP+TN/ (TP+TN+FP+FN).
Table 3: Comparison for Heart disease prediction accuracy
CLASIFICATION
TECHNIQUES
ACCURACY
WITHOUT
GA
ACCURACY
WITH GA
NB 76.47 85.29
RF 73.06 80.88
SVM 85.19 92.59
The table 3 shows the comparison between without
Genetic algorithm feature selection and with Genetic
algorithm feature selection.
Figure 1: Comparison graph for heart disease prediction
accuracy
5. CONCLUISION AND FUTURE WORK
Heart Disease is an uncontrollable disease by its
nature. This disease makes a heart attack and death. The
clinical domain is concluded and steps are takentoapply apt
techniques in the heart disease prediction.Theheartdisease
prediction is implemented by classification techniques. It is
help to predict heart disease depending on the patients
clinical data related to the causes associated with heart
disease. In existing system, heart disease prediction is
analyzed the two classification techniques such as Naïve
Bayes, and Random Forest. Random Forest provides better
results as compare to Naïve Bayes.
In this proposed system, the Genetic Algorithm
feature selection is used to reduce the attributes from the
heart disease data set. The attributes will bereducedandthe
prediction accuracy values are increased. After the attribute
selection Naïve Bayes and Random algorithms are applied
for prediction and the SVM classifier algorithm are
additionally used here to predict the heart disease.Compare
to the Naïve Bayes, Random Forest and SVM algorithm, SVM
classifier provides perfect resultsandhighmetricsvaluesfor
heart disease prediction.
The future work will apply LSTM method based on
deep learning techniques to classify heart disease diagnoses
prediction. It formulates the problem as multi label
classification and multivariate time series.
REFERENCES
1. Dhanashree S. Medhekar, Mayur P. Bote, Shruti D.
Deshmukh, HeartDiseasePredictionSystemusingNaive
Bayes, International Journal Of Enhanced Research In
Science Technology & Engineering Vol. 2 Issue 3,
March.-2013.
2. Garima Singh, KiranBagwe,ShivaniShanbhag,Shraddha
Singh, Sulochana Devi, Heart disease prediction using
Naïve Bayes, International Research Journal of
Engineering and Technology (IRJET) Volume: 04 Issue:
03 Mar -2017.
3. HeonGyu Lee, Ki Yong Noh, and Keun Ho Ryu1,
Predicting Coronary Artery Disease from Heart Rate
Variability using Classification and Statistical Analysis,
Seventh International Conference on Computer and
Information Technology IEEE DOI
10.1109/CIT.2007.163.
4. Latha Parthiban and R.Subramanian, Intelligent Heart
Disease Prediction System using CANFIS and Genetic
Algorithm, World Academy of Science, Engineering and
Technology International Journal of Medical and Health
Sciences Vol:1, No:5, 2007.
5. Madhura Patil, Rima Jadhav, vishakha Patil, Aditi
Bhawar, Mrs. Geeta Chillarge, Prediction andAnalysisof
Heart Disease using SVM Algorithm, International
Journal for Research in Applied Science & Engineering
Technology (IJRASET)
ISSN: 2321-9653; IC Value: 45.98; SJ Impact
Factor:6.887 Volume 7 Issue I, Jan 2019.
6. Mrudula Gudadhe, Kapil Wankhade, SnehlataDongre,
Decision Support System for Heart Disease based on
Support Vector Machine and Artificial Neural Network,
IEEE 978-1-4244-9034-/10 2010.
7. Rashmi G SabojiPrem Kumar Ramesh, A Scalable
Solution for Heart Disease Prediction using
Classification Mining Technique, International
Conference on Energy, Communication, Data Analytics
and Soft Computing (ICECDS-2017) 978-1-5386-1887-
5/17/2017 IEE.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1729
8. Shamsher Bahadur Patel, Pramod Kumar Yadav, Dr. D.
P.Shukla, Predict the DiagnosisofHeartDiseasePatients
Using Classification Mining Techniques, IOSR Journal of
Agriculture and Veterinary Science (IOSR-JAVS) e-ISSN:
2319-2380, p-ISSN: 2319-2372. Volume 4, Issue 2 (Jul. -
Aug. 2013), PP 61-64.
9. Sheik Abdullah, R.R.Rajalaxmi, A Data mining Model for
predicting the Coronary Heart Disease using Random
Forest Classifier, International Conference on Recent
Trends in Computational Methods, Communication and
Controls (ICON3C 2012) Proceedings published in
International Journal of Computer Applications (IJCA).
10. Theresa Princy. J. Thomas, Human Heart Disease
Prediction System using Data Mining Techniques, 2016
International Conference on Circuit, Power and
Computing Technologies [ICCPCT] 978-1-5090-1277-
0/16/2016 IEEE.

More Related Content

What's hot

Detection of heart diseases by data mining
Detection of heart diseases by data miningDetection of heart diseases by data mining
Detection of heart diseases by data miningAbheepsa Pattnaik
 
Heart disease prediction
Heart disease predictionHeart disease prediction
Heart disease predictionAriful Haque
 
IRJET- Chronic Kidney Disease Prediction based on Naive Bayes Technique
IRJET- Chronic Kidney Disease Prediction based on Naive Bayes TechniqueIRJET- Chronic Kidney Disease Prediction based on Naive Bayes Technique
IRJET- Chronic Kidney Disease Prediction based on Naive Bayes TechniqueIRJET Journal
 
Health care analytics
Health care analyticsHealth care analytics
Health care analyticsGaurav Dubey
 
Classification of Heart Diseases Patients using Data Mining Techniques
Classification of Heart Diseases Patients using Data Mining TechniquesClassification of Heart Diseases Patients using Data Mining Techniques
Classification of Heart Diseases Patients using Data Mining TechniquesLovely Professional University
 
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
 
IRJET- The Prediction of Heart Disease using Naive Bayes Classifier
IRJET- The Prediction of Heart Disease using Naive Bayes ClassifierIRJET- The Prediction of Heart Disease using Naive Bayes Classifier
IRJET- The Prediction of Heart Disease using Naive Bayes ClassifierIRJET Journal
 
COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...
COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...
COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...ijcsa
 
A Survey on Heart Disease Prediction Techniques
A Survey on Heart Disease Prediction TechniquesA Survey on Heart Disease Prediction Techniques
A Survey on Heart Disease Prediction Techniquesijtsrd
 
Decision Tree Models for Medical Diagnosis
Decision Tree Models for Medical DiagnosisDecision Tree Models for Medical Diagnosis
Decision Tree Models for Medical Diagnosisijtsrd
 
Psdot 14 using data mining techniques in heart
Psdot 14 using data mining techniques in heartPsdot 14 using data mining techniques in heart
Psdot 14 using data mining techniques in heartZTech Proje
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MININGAshish Salve
 
IRJET- Heart Disease Prediction System
IRJET- Heart Disease Prediction SystemIRJET- Heart Disease Prediction System
IRJET- Heart Disease Prediction SystemIRJET Journal
 
Prediction of Heart Disease Using Data Mining Techniques- A Review
Prediction of Heart Disease Using Data Mining Techniques- A ReviewPrediction of Heart Disease Using Data Mining Techniques- A Review
Prediction of Heart Disease Using Data Mining Techniques- A ReviewIRJET Journal
 
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...Sivagowry Shathesh
 
prediction of heart disease using machine learning algorithms
prediction of heart disease using machine learning algorithmsprediction of heart disease using machine learning algorithms
prediction of heart disease using machine learning algorithmsINFOGAIN PUBLICATION
 
IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...
IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...
IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...IRJET Journal
 
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 Surveyrahulmonikasharma
 
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSISAN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSISijcsit
 

What's hot (20)

Detection of heart diseases by data mining
Detection of heart diseases by data miningDetection of heart diseases by data mining
Detection of heart diseases by data mining
 
Heart disease prediction
Heart disease predictionHeart disease prediction
Heart disease prediction
 
IRJET- Chronic Kidney Disease Prediction based on Naive Bayes Technique
IRJET- Chronic Kidney Disease Prediction based on Naive Bayes TechniqueIRJET- Chronic Kidney Disease Prediction based on Naive Bayes Technique
IRJET- Chronic Kidney Disease Prediction based on Naive Bayes Technique
 
Health care analytics
Health care analyticsHealth care analytics
Health care analytics
 
Classification of Heart Diseases Patients using Data Mining Techniques
Classification of Heart Diseases Patients using Data Mining TechniquesClassification of Heart Diseases Patients using Data Mining Techniques
Classification of Heart Diseases Patients using Data Mining Techniques
 
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
 
IRJET- The Prediction of Heart Disease using Naive Bayes Classifier
IRJET- The Prediction of Heart Disease using Naive Bayes ClassifierIRJET- The Prediction of Heart Disease using Naive Bayes Classifier
IRJET- The Prediction of Heart Disease using Naive Bayes Classifier
 
COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...
COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...
COMPARISON AND EVALUATION DATA MINING TECHNIQUES IN THE DIAGNOSIS OF HEART DI...
 
A Survey on Heart Disease Prediction Techniques
A Survey on Heart Disease Prediction TechniquesA Survey on Heart Disease Prediction Techniques
A Survey on Heart Disease Prediction Techniques
 
Decision Tree Models for Medical Diagnosis
Decision Tree Models for Medical DiagnosisDecision Tree Models for Medical Diagnosis
Decision Tree Models for Medical Diagnosis
 
Stroke Prediction
Stroke PredictionStroke Prediction
Stroke Prediction
 
Psdot 14 using data mining techniques in heart
Psdot 14 using data mining techniques in heartPsdot 14 using data mining techniques in heart
Psdot 14 using data mining techniques in heart
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MINING
 
IRJET- Heart Disease Prediction System
IRJET- Heart Disease Prediction SystemIRJET- Heart Disease Prediction System
IRJET- Heart Disease Prediction System
 
Prediction of Heart Disease Using Data Mining Techniques- A Review
Prediction of Heart Disease Using Data Mining Techniques- A ReviewPrediction of Heart Disease Using Data Mining Techniques- A Review
Prediction of Heart Disease Using Data Mining Techniques- A Review
 
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
PSO-An Intellectual Technique for Feature Reduction on Heart Malady Anticipat...
 
prediction of heart disease using machine learning algorithms
prediction of heart disease using machine learning algorithmsprediction of heart disease using machine learning algorithms
prediction of heart disease using machine learning algorithms
 
IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...
IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...
IRJET- Develop Futuristic Prediction Regarding Details of Health System for H...
 
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
 
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSISAN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
 

Similar to IRJET- Genetic Algorithm for Feature Selection to Improve Heart Disease Prediction by Support Vector Machine

IRJET- Role of Different Data Mining Techniques for Predicting Heart Disease
IRJET-  	  Role of Different Data Mining Techniques for Predicting Heart DiseaseIRJET-  	  Role of Different Data Mining Techniques for Predicting Heart Disease
IRJET- Role of Different Data Mining Techniques for Predicting Heart DiseaseIRJET Journal
 
Heart disease classification using Random Forest
Heart disease classification using Random ForestHeart disease classification using Random Forest
Heart disease classification using Random ForestIRJET Journal
 
IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...
IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...
IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...IRJET Journal
 
Heart disease prediction by using novel optimization algorithm_ A supervised ...
Heart disease prediction by using novel optimization algorithm_ A supervised ...Heart disease prediction by using novel optimization algorithm_ A supervised ...
Heart disease prediction by using novel optimization algorithm_ A supervised ...BASMAJUMAASALEHALMOH
 
A Heart Disease Prediction Model using Decision Tree
A Heart Disease Prediction Model using Decision TreeA Heart Disease Prediction Model using Decision Tree
A Heart Disease Prediction Model using Decision TreeIOSR Journals
 
Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...
Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...
Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...cscpconf
 
SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...
SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...
SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...csitconf
 
Heart Disease Prediction using Data Mining
Heart Disease Prediction using Data MiningHeart Disease Prediction using Data Mining
Heart Disease Prediction using Data MiningIRJET Journal
 
Comparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease PredictionComparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease PredictionIRJET Journal
 
IRJET - Comparative Study of Cardiovascular Disease Detection Algorithms
IRJET - Comparative Study of Cardiovascular Disease Detection AlgorithmsIRJET - Comparative Study of Cardiovascular Disease Detection Algorithms
IRJET - Comparative Study of Cardiovascular Disease Detection AlgorithmsIRJET 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 AlgorithmIRJET Journal
 
HEART DISEASE PREDICTION RANDOM FOREST ALGORITHMS
HEART DISEASE PREDICTION RANDOM FOREST ALGORITHMSHEART DISEASE PREDICTION RANDOM FOREST ALGORITHMS
HEART DISEASE PREDICTION RANDOM FOREST ALGORITHMSIRJET Journal
 
IRJET- Disease Prediction and Doctor Recommendation System
IRJET-  	  Disease Prediction and Doctor Recommendation SystemIRJET-  	  Disease Prediction and Doctor Recommendation System
IRJET- Disease Prediction and Doctor Recommendation SystemIRJET Journal
 
Heart Failure Prediction using Different Machine Learning Techniques
Heart Failure Prediction using Different Machine Learning TechniquesHeart Failure Prediction using Different Machine Learning Techniques
Heart Failure Prediction using Different Machine Learning TechniquesIRJET Journal
 
IRJET- A Literature Review on Heart and Alzheimer Disease Prediction
IRJET- A Literature Review on Heart and Alzheimer Disease PredictionIRJET- A Literature Review on Heart and Alzheimer Disease Prediction
IRJET- A Literature Review on Heart and Alzheimer Disease PredictionIRJET 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 Regressionijtsrd
 
Risk Of Heart Disease Prediction Using Machine Learning
Risk Of Heart Disease Prediction Using Machine LearningRisk Of Heart Disease Prediction Using Machine Learning
Risk Of Heart Disease Prediction Using Machine LearningIRJET Journal
 
A STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODS
A STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODSA STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODS
A STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODSIRJET Journal
 
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSISAN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSISAIRCC Publishing Corporation
 

Similar to IRJET- Genetic Algorithm for Feature Selection to Improve Heart Disease Prediction by Support Vector Machine (20)

IRJET- Role of Different Data Mining Techniques for Predicting Heart Disease
IRJET-  	  Role of Different Data Mining Techniques for Predicting Heart DiseaseIRJET-  	  Role of Different Data Mining Techniques for Predicting Heart Disease
IRJET- Role of Different Data Mining Techniques for Predicting Heart Disease
 
Heart disease classification using Random Forest
Heart disease classification using Random ForestHeart disease classification using Random Forest
Heart disease classification using Random Forest
 
IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...
IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...
IRJET -Improving the Accuracy of the Heart Disease Prediction using Hybrid Ma...
 
Heart disease prediction by using novel optimization algorithm_ A supervised ...
Heart disease prediction by using novel optimization algorithm_ A supervised ...Heart disease prediction by using novel optimization algorithm_ A supervised ...
Heart disease prediction by using novel optimization algorithm_ A supervised ...
 
E04733639
E04733639E04733639
E04733639
 
A Heart Disease Prediction Model using Decision Tree
A Heart Disease Prediction Model using Decision TreeA Heart Disease Prediction Model using Decision Tree
A Heart Disease Prediction Model using Decision Tree
 
Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...
Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...
Supervised Feature Selection for Diagnosis of Coronary Artery Disease Based o...
 
SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...
SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...
SUPERVISED FEATURE SELECTION FOR DIAGNOSIS OF CORONARY ARTERY DISEASE BASED O...
 
Heart Disease Prediction using Data Mining
Heart Disease Prediction using Data MiningHeart Disease Prediction using Data Mining
Heart Disease Prediction using Data Mining
 
Comparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease PredictionComparing Data Mining Techniques used for Heart Disease Prediction
Comparing Data Mining Techniques used for Heart Disease Prediction
 
IRJET - Comparative Study of Cardiovascular Disease Detection Algorithms
IRJET - Comparative Study of Cardiovascular Disease Detection AlgorithmsIRJET - Comparative Study of Cardiovascular Disease Detection Algorithms
IRJET - Comparative Study of Cardiovascular Disease Detection Algorithms
 
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
 
HEART DISEASE PREDICTION RANDOM FOREST ALGORITHMS
HEART DISEASE PREDICTION RANDOM FOREST ALGORITHMSHEART DISEASE PREDICTION RANDOM FOREST ALGORITHMS
HEART DISEASE PREDICTION RANDOM FOREST ALGORITHMS
 
IRJET- Disease Prediction and Doctor Recommendation System
IRJET-  	  Disease Prediction and Doctor Recommendation SystemIRJET-  	  Disease Prediction and Doctor Recommendation System
IRJET- Disease Prediction and Doctor Recommendation System
 
Heart Failure Prediction using Different Machine Learning Techniques
Heart Failure Prediction using Different Machine Learning TechniquesHeart Failure Prediction using Different Machine Learning Techniques
Heart Failure Prediction using Different Machine Learning Techniques
 
IRJET- A Literature Review on Heart and Alzheimer Disease Prediction
IRJET- A Literature Review on Heart and Alzheimer Disease PredictionIRJET- A Literature Review on Heart and Alzheimer Disease Prediction
IRJET- A Literature Review on Heart and Alzheimer Disease Prediction
 
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
 
Risk Of Heart Disease Prediction Using Machine Learning
Risk Of Heart Disease Prediction Using Machine LearningRisk Of Heart Disease Prediction Using Machine Learning
Risk Of Heart Disease Prediction Using Machine Learning
 
A STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODS
A STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODSA STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODS
A STUDY OF THE LITERATURE ON CARDIOVASCULAR DISEASE PREDICTION METHODS
 
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSISAN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
AN ALGORITHM FOR PREDICTIVE DATA MINING APPROACH IN MEDICAL DIAGNOSIS
 

More from IRJET Journal

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...IRJET Journal
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTUREIRJET Journal
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...IRJET Journal
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsIRJET Journal
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...IRJET Journal
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...IRJET Journal
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...IRJET Journal
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...IRJET Journal
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASIRJET Journal
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...IRJET Journal
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProIRJET Journal
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...IRJET Journal
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemIRJET Journal
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesIRJET Journal
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web applicationIRJET Journal
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...IRJET Journal
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.IRJET Journal
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...IRJET Journal
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignIRJET Journal
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...IRJET Journal
 

More from IRJET Journal (20)

TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
TUNNELING IN HIMALAYAS WITH NATM METHOD: A SPECIAL REFERENCES TO SUNGAL TUNNE...
 
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURESTUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
STUDY THE EFFECT OF RESPONSE REDUCTION FACTOR ON RC FRAMED STRUCTURE
 
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
A COMPARATIVE ANALYSIS OF RCC ELEMENT OF SLAB WITH STARK STEEL (HYSD STEEL) A...
 
Effect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil CharacteristicsEffect of Camber and Angles of Attack on Airfoil Characteristics
Effect of Camber and Angles of Attack on Airfoil Characteristics
 
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
A Review on the Progress and Challenges of Aluminum-Based Metal Matrix Compos...
 
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
Dynamic Urban Transit Optimization: A Graph Neural Network Approach for Real-...
 
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
Structural Analysis and Design of Multi-Storey Symmetric and Asymmetric Shape...
 
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
A Review of “Seismic Response of RC Structures Having Plan and Vertical Irreg...
 
A REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADASA REVIEW ON MACHINE LEARNING IN ADAS
A REVIEW ON MACHINE LEARNING IN ADAS
 
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
Long Term Trend Analysis of Precipitation and Temperature for Asosa district,...
 
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD ProP.E.B. Framed Structure Design and Analysis Using STAAD Pro
P.E.B. Framed Structure Design and Analysis Using STAAD Pro
 
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
A Review on Innovative Fiber Integration for Enhanced Reinforcement of Concre...
 
Survey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare SystemSurvey Paper on Cloud-Based Secured Healthcare System
Survey Paper on Cloud-Based Secured Healthcare System
 
Review on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridgesReview on studies and research on widening of existing concrete bridges
Review on studies and research on widening of existing concrete bridges
 
React based fullstack edtech web application
React based fullstack edtech web applicationReact based fullstack edtech web application
React based fullstack edtech web application
 
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
A Comprehensive Review of Integrating IoT and Blockchain Technologies in the ...
 
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
A REVIEW ON THE PERFORMANCE OF COCONUT FIBRE REINFORCED CONCRETE.
 
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
Optimizing Business Management Process Workflows: The Dynamic Influence of Mi...
 
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic DesignMultistoried and Multi Bay Steel Building Frame by using Seismic Design
Multistoried and Multi Bay Steel Building Frame by using Seismic Design
 
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
Cost Optimization of Construction Using Plastic Waste as a Sustainable Constr...
 

Recently uploaded

VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxwendy cai
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations120cr0395
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingrakeshbaidya232001
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024hassan khalil
 
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
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...srsj9000
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSRajkumarAkumalla
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSCAESB
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
(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
 
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
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile servicerehmti665
 

Recently uploaded (20)

VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
★ 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
 
What are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptxWhat are the advantages and disadvantages of membrane structures.pptx
What are the advantages and disadvantages of membrane structures.pptx
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Meera Call 7001035870 Meet With Nagpur Escorts
 
Extrusion Processes and Their Limitations
Extrusion Processes and Their LimitationsExtrusion Processes and Their Limitations
Extrusion Processes and Their Limitations
 
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
9953056974 Call Girls In South Ex, Escorts (Delhi) NCR.pdf
 
Porous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writingPorous Ceramics seminar and technical writing
Porous Ceramics seminar and technical writing
 
Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024Architect Hassan Khalil Portfolio for 2024
Architect Hassan Khalil Portfolio for 2024
 
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
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
Gfe Mayur Vihar Call Girls Service WhatsApp -> 9999965857 Available 24x7 ^ De...
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICSHARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
HARDNESS, FRACTURE TOUGHNESS AND STRENGTH OF CERAMICS
 
GDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentationGDSC ASEB Gen AI study jams presentation
GDSC ASEB Gen AI study jams presentation
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
(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...
 
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 )
 
Call Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile serviceCall Girls Delhi {Jodhpur} 9711199012 high profile service
Call Girls Delhi {Jodhpur} 9711199012 high profile service
 

IRJET- Genetic Algorithm for Feature Selection to Improve Heart Disease Prediction by Support Vector Machine

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1725 GENETIC ALGORITHM FOR FEATURE SELECTION TO IMPROVE HEART DISEASE PREDICTION BY SUPPORT VECTOR MACHINE A. Sangeetha1, Dr. B. Ananthi2 1Research Scholar, Dept. of Computer Science, Vellalar College for Women, Erode, Tamil Nadu, India 2Associate Professor, Dept. of Computer Science, Vellalar College for Women, Erode, Tamil Nadu, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - This research work has been developed to predict the heart disease based on feature selection and classification techniques. Heart disease prediction is the leading problem in medical data analysis. The prediction can be made from massive amount of healthcare data as information for data mining. There is only insufficient research that plays a major role in attention towards the critical features of predicting heart disease. The feature selection is essential for predicting the heart disease. The current work is implementedbyGenetic algorithm (GA) for feature selection and also to focus on classifying the heart disease prediction. The best feature selection can be concluded by proper mutation results followed by best classification techniques. The classification technique performed for improves the accuracy value of the prediction. Hence, the heart disease prediction can be done in the primary stage. Key Words: Feature selection, Classification, Genetic Algorithm (GA), Support Vector Machine (SVM). 1. INTRODUCTION Data mining is process of extracting information from large amount of databases. Data mining is most useful in nontrivial information to the large volumes of data. Data mining is the process of extracting data for finding hidden patterns which can be modified into significant. Heart disease is the premier cause of death in the world. Heart disease has garnered a highestdeal ofattention in medical research. The conclusion of heart disease is usually based on signs, symptoms and physical analysis of the patient. There are several causes that increasetherisk of heart disease, such as smoking habit, body cholesterol level and family history of heart disease, obesity, high blood pressure, and insufficiency of physical exercise. The aim of this paper is to select the correlated features or attributes of heart disease dataset by using Genetic Algorithm (GA). After the feature selection, classification techniques are applied for predict the heart disease. Then the prediction value is compared to other classification techniques. 2. LITERATURE REVIEW HeonGyu Lee, Ki Yong Noh, and Keun Ho Ryu1 (2007), proposed multi-parametric features of HRV from ECG bio signal. The HRV indices proposed that the classification of the patients with CAD from normal people.Forclassification, they employed the proposed multi-parametric features, which allow them to choose a classifier from a large pool of well-studied classification methods. By considering several supervised methods including extended Naïve Bayesian classifiers (TAN, STAN), decision tree (C4.5), associative classifier (CMAR) and SVM. In experimental results, SVM showed the best performanceamongthetested methods[3]. MrudulaGudadhe, Kapil Wankhade, SnehlataDongre (2010), proposed a decision support system for heart disease classification based on support vector machine (SVM) and Artificial Neural Network (ANN). A multilayer perceptron neural network (MLPNN) with three layers is employed to develop a decision support system for the diagnosis of heart disease. The multilayer perceptronneural network is trained by back-propagation algorithm which is computationally efficientmethod.Theyhavealsoproposeda decision support system for heart disease classification based on Support Vector Machine and MLP neural network architecture [6]. Rashmi G SabojiPrem Kumar Ramesh(2017), proposeda scalable solution in predicting the heart disease attributes and validated its accuracy. The implementation of random forest algorithm on Spark framework for predicting heart disease, with as small as 600 dataset records, they plan to explore other healthcare disease prediction, such as early prediction of certain types of cancer, etc. They are also planning investigate the impact of large supervised datasets at a colossal scale on performance and accuracy, running on high performance clusters [7]. Theresa Princy. J. Thomas (2016), explainedthatdifferent classification techniques used for predicting the risk level of each person based on age, gender, Blood pressure, cholesterol, pulse rate. The patient risk level is classified using datamining classification techniques such as Naïve Bayes, KNN, Decision Tree Algorithm, and Neural Network. etc., Accuracy of the risk level is high when using more number of attributes. As per the analysismode, itisseenthat many authors usevarioustechnologiesanddifferentnumber of attributes for their study. Hence, different technologies give different precision depending on a numberofattributes considered. Using KNN and ID3 algorithm the risk rate of heart disease was detected and accuracy level also provided for different number of attributes. In future, the numbers of attributes could be reduced and accuracy would be increased using some other algorithms [10].
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1726 Madhura Patil, Rima Jadhav, vishakha Patil, Aditi Bhawar, Mrs. Geeta Chillarge (2019), proposed that implementing of a system which will help to predict heart disease depending on the patients clinical data relatedtothe factor associated with heart disease. By using medical dataset of the patients such as age, sex, blood pressure, overweight and blood sugar and by applying SVM classifier we can predict that the patients getting a heart disease or not. In addition classification accuracy, sensitivity, and specificity of the SVM have been found to be high thus making it a superior alternative for the diagnosis. They are also doing analysis on the data from which they are getting at which age it mostly occur or which region gets influenced by that disease. So precaution can be taken to avoid the death due to the heart disease [5]. 3. METHODOLOGY The current research work has series of steps to attain the objectives. The figure 1 shows the complete architecture of the heart disease prediction. The steps involved in this process are as follows,  Dataset Collection  Preprocessing  Genetic Algorithm  Classification  Naïve Bayes  Random Forest  SVM Figure 1 Architecture of heart disease prediction A. Dataset Collection The database for this research work has been taken from the StatLog dataset in UCI repository. It includes 14 attributes. The heart disease dataset included in this research work consists of total 270 instances with no missing values. This researchwork isaimedatpredicting the heart disease irrelevant of the disease types. B. Preprocessing The collected datasets are preprocessing here by using feature selection method. The Genetic algorithm is used to feature selection and select the specific attributes. Genetic Algorithm (GA) The genetic algorithm parameters are crossover, elitism, mutation, and population size used in my research work. The class labels are represented in the form of binary type that is used to predict the disease as mention as 1 otherwise it will be 0. The above structure is followed by a genetic algorithm parameter specified in type category. Here mutation rate 0.03 is defaultvalueofinversion mutation method. It is a subset of attributes to invertmerely the entire string into subsets. The population size is usedfor retrieving the useful information and it little diversity based on random solutions. These random solutions are derived the population. The proportion of the existing population is used to create a new generation by the end of this phase, 6 features are selected from a set of 14 features in the original dataset. C. Classification Classification is used to predict the class labels. Here, the three classification algorithms (Naïve Bayes, Random Forest and SVM) are used to classify the data. Naïve Bayes To predict the class label of a tuple, the same training data is used to classify the disease. The class label attribute, disease, has two distinctvalues(namely,[yes,no]). In a real dataset hypothesis was tested, which givesmultiple evidence (feature). Then the probabilities of disease for the dataset were calculated as shown in the equation (1). (1) Where, P(B|A) – Probability of the evidence gives that hypothesis is true (Likelihood) P(A|B) – Probability of the hypothesisgiventhatthe evidence is there (Posterior Probability)
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1727 P(A) – Number of probabilitiesofdiseaseinthedata set (Class Prior probability) P(B) – Total number of available features (Predictor Prior Probability). Random Forest The Random Forest classification is a collection of the decision tree classifiers. It is one of theensemblemethod classifier. The Decision Tree is generated using a random selection of attributes at each node to determine the split. The popular class is returned by each tree votes during classification process [4]. Step 1: Randomly select m features from entire n features m<<n. Step 2: Surrounded by that m features, calculate the node d using the best split point. Step 3: Split the node into daughter nodes from the best split. Step 4: Repeat step 1 to 3 until one number of node has been reached. The accuracy of a random forest depends on the strength of the individual node. Support Vector Machine It finds a hyper plane for data separation using essential tuples. Here, the two class problem was performed by linear separable. Let the disease data set D. Corresponding to the classes disease=yes and disease-no respectively. There are infinite numbers of possible separating hyper planes. The hyper plane make the straight line that line can be separate all the tuples of class 0 from class 1. To find the best separating plane based on data points that are to be find the best hyper plane. The class labels split the two possible separating hyper planes that associated with their margins. Both hyper plane can correctly classified the given data tuples with the larger margin. The associated margins give the largest separation between the classes. A splitting hyper plane can be written as, W. X + b = 0, (2) W is a vector, (no. of attributes) b is a scalar, X is a value of attributes. The scalar b weight can be adjusted the hyperplane denoting the sides of the margin can be written as, H1: w0 + w1x1 + w2x2>= 0 (3) H2: w0 + w1x1 + w2x2<= 1 (4) Training tuples that fall on hyperplaneH1or H2 satisfy equation (3) and (4) that is called support vectors. They are equally closed to theMaximumMarginHyper plane [MMH]. 4. RESULTS AND DISCUSSION A. PERFORMANCE METRICS Precision The peoples predicted as heart diseases are TP and FP. The peoples actually having a heart disease are TP. Precision = TP/ (TP+FP) Recall The Peoples having heart diseases are TP and FN. The people diagnosed by the model having a heart disease are TP. Recall = TP / (FP+FN) F-Measure F-Measure is the balanced mean value of precision and recall. F-Measure = 2 * Precision * Recall / Precision + Recall Analyze the performance evaluation for without feature selection (Genetic algorithm) method. Table 1: Existing parameter values for without feature selection (Genetic Algorithm) ALGORITHM PARAMETER PRECISION RECALL F- MEASURE NB 0.7368 0.8235 0.7775 RF 0.7894 0.7317 0.7593 SVM 0.8723 0.8723 0.8721 Analyzetheperformanceevaluationforwithfeature selection (Genetic algorithm) method. Table 2: Proposed parameter values for without feature selection (Genetic Algorithm) ALGORITM PARAMETER PRECISION RECALL F- MEASURE NB 0.8055 0.9062 0.8528 RF 0.8421 0.8205 0.8311 SVM 0.9545 0.9130 0.9332
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1728 B. Comparison Results AnalyzetheHeartDiseasePredictionaccuracyvalue is compared withNB(NaïveBayes),RF(RandomForest),and SVM (Support Vector Machine). Accuracy=TP+TN/ (TP+TN+FP+FN). Table 3: Comparison for Heart disease prediction accuracy CLASIFICATION TECHNIQUES ACCURACY WITHOUT GA ACCURACY WITH GA NB 76.47 85.29 RF 73.06 80.88 SVM 85.19 92.59 The table 3 shows the comparison between without Genetic algorithm feature selection and with Genetic algorithm feature selection. Figure 1: Comparison graph for heart disease prediction accuracy 5. CONCLUISION AND FUTURE WORK Heart Disease is an uncontrollable disease by its nature. This disease makes a heart attack and death. The clinical domain is concluded and steps are takentoapply apt techniques in the heart disease prediction.Theheartdisease prediction is implemented by classification techniques. It is help to predict heart disease depending on the patients clinical data related to the causes associated with heart disease. In existing system, heart disease prediction is analyzed the two classification techniques such as Naïve Bayes, and Random Forest. Random Forest provides better results as compare to Naïve Bayes. In this proposed system, the Genetic Algorithm feature selection is used to reduce the attributes from the heart disease data set. The attributes will bereducedandthe prediction accuracy values are increased. After the attribute selection Naïve Bayes and Random algorithms are applied for prediction and the SVM classifier algorithm are additionally used here to predict the heart disease.Compare to the Naïve Bayes, Random Forest and SVM algorithm, SVM classifier provides perfect resultsandhighmetricsvaluesfor heart disease prediction. The future work will apply LSTM method based on deep learning techniques to classify heart disease diagnoses prediction. It formulates the problem as multi label classification and multivariate time series. REFERENCES 1. Dhanashree S. Medhekar, Mayur P. Bote, Shruti D. Deshmukh, HeartDiseasePredictionSystemusingNaive Bayes, International Journal Of Enhanced Research In Science Technology & Engineering Vol. 2 Issue 3, March.-2013. 2. Garima Singh, KiranBagwe,ShivaniShanbhag,Shraddha Singh, Sulochana Devi, Heart disease prediction using Naïve Bayes, International Research Journal of Engineering and Technology (IRJET) Volume: 04 Issue: 03 Mar -2017. 3. HeonGyu Lee, Ki Yong Noh, and Keun Ho Ryu1, Predicting Coronary Artery Disease from Heart Rate Variability using Classification and Statistical Analysis, Seventh International Conference on Computer and Information Technology IEEE DOI 10.1109/CIT.2007.163. 4. Latha Parthiban and R.Subramanian, Intelligent Heart Disease Prediction System using CANFIS and Genetic Algorithm, World Academy of Science, Engineering and Technology International Journal of Medical and Health Sciences Vol:1, No:5, 2007. 5. Madhura Patil, Rima Jadhav, vishakha Patil, Aditi Bhawar, Mrs. Geeta Chillarge, Prediction andAnalysisof Heart Disease using SVM Algorithm, International Journal for Research in Applied Science & Engineering Technology (IJRASET) ISSN: 2321-9653; IC Value: 45.98; SJ Impact Factor:6.887 Volume 7 Issue I, Jan 2019. 6. Mrudula Gudadhe, Kapil Wankhade, SnehlataDongre, Decision Support System for Heart Disease based on Support Vector Machine and Artificial Neural Network, IEEE 978-1-4244-9034-/10 2010. 7. Rashmi G SabojiPrem Kumar Ramesh, A Scalable Solution for Heart Disease Prediction using Classification Mining Technique, International Conference on Energy, Communication, Data Analytics and Soft Computing (ICECDS-2017) 978-1-5386-1887- 5/17/2017 IEE.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 01 | Jan 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 1729 8. Shamsher Bahadur Patel, Pramod Kumar Yadav, Dr. D. P.Shukla, Predict the DiagnosisofHeartDiseasePatients Using Classification Mining Techniques, IOSR Journal of Agriculture and Veterinary Science (IOSR-JAVS) e-ISSN: 2319-2380, p-ISSN: 2319-2372. Volume 4, Issue 2 (Jul. - Aug. 2013), PP 61-64. 9. Sheik Abdullah, R.R.Rajalaxmi, A Data mining Model for predicting the Coronary Heart Disease using Random Forest Classifier, International Conference on Recent Trends in Computational Methods, Communication and Controls (ICON3C 2012) Proceedings published in International Journal of Computer Applications (IJCA). 10. Theresa Princy. J. Thomas, Human Heart Disease Prediction System using Data Mining Techniques, 2016 International Conference on Circuit, Power and Computing Technologies [ICCPCT] 978-1-5090-1277- 0/16/2016 IEEE.