SlideShare a Scribd company logo
1 of 6
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 489
Web-based Application to Detect Heart Attack using Machine Learning
Rachit Singh1, Gautam Saw2, Rupesh Yadav3, Yash Sawant4
1,2,3,4B.E. Computers, Rajiv Gandhi Inst. of Technology, Mumbai, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - an aphorism goes that “we are living in an
information age.” The healthcare industry generates a huge
amount of data daily. However, most of it is not effectively
used. Efficient tools to extract knowledge from databases for
clinical detection of diseases or other purposes are not much
prevalent. Heart Attack is oneofthemostimperativeproblems
of the healthcare industry. The diagnosis of heart disease is a
complicated task, where the medical experts have to carefully
scrutinize the various clinical and pathological data of the
patient obtained from various tests and their reports. The
advent of Machine learning along with advancements in the
field of information technology led us to present a paper with
an aim to reduce the time and efforts put in by doctors by
automating the risk prediction with the help of machine
learning classification techniques. It solves the issue by
building an interactive prediction system that gives the
vulnerability of an individual to heart attack, measured as a
risk factor. Implementation of such a system with a simplistic
web based graphic user interface is presented in this paper.
The results will be made available to the user along with an
alert system on their mobile phones.
Key Words: Heart disease, Machine learning,
Classification algorithms, Prediction.
1. INTRODUCTION
A. Heart Attack
A heart attack happens when there is a sudden complete
blockage of an artery that supplies blood to an area of the
heart. Our heart isa muscle and to keep it healthy, it needsa
good blood supply. As we grow older, the inner walls of the
arteries that supply the blood to the heart can become
damaged and narrow due to the build-up of fatty materials,
called plaque. When the plaquebreaks,thepartsofbloodi.e.
cells and other parts accumulate at the plaque area and
form blood clots. Whenthisbloodclotcompletelyblocksthe
flow of blood to the heart muscle, heart attack occurs. As a
result, some of the heart muscles starts to die along with
severe chest pain.
The longer the blockage isleft untreated, themoretheheart
muscle gets damaged. The blood flow must be restored
quickly else the damage to the heart muscle is permanent
and fatal.
The World Health Organization hasstatedheartattacktobe
one of the prime causes of death. This illness becomes
particularly life threatening when not monitored.
B. Machine Learning
By the term itself, we can comprehend that Machine
Learning is something that refers to the capability of the
computers to grasp knowledge automatically from
experiences without being programmed straightforwardly.
It is a subdivision of artificialintelligence.Itfocusestowards
giving computers the ability to learn without being directly
programmed or fed instructions.
We humans use our sensory organs such as eyes, ears, or
sense of touch to get data from our surroundings and then
use this data in various ways to achieve certain goals. The
most common goal of all is to make accurate predictions
about the future. In otherwords,welearn.Nowthequestion
arises i.e. can computers learn from past experiences (or
data), just like human beings? So the answer is yes. We can
give the computers the ability to learn and predict future
events - basically by providing it the data and the
algorithms, without explicitly programming it.
2. LITERATURE SURVEY
This system uses multilayer perceptron architecture of
neural network. In this system, input is taken as 13
attributes followed by network training which is completed
further with training data by the algorithm i.e. back-
propagationlearningalgorithm.Thispredictionsystemgives
maximum accuracyofabout 98.58%withsameheartdisease
database for 20 neurons in hidden layer. With 5 neurons in
the hidden layer, it gives maximum accuracy of 93.39%with
running time of 3.86s. This system uses Self organizing map
to develop a useful and accurate technique for retrieval and
classification [1].
For the classification of cardiac arrhythmia, four classifiers
were used. This includes Support Vector Machine, Logistic
Regression, Random Forest Algorithm and KNN classifier.
The dataset was gone for the process of cross validation and
testing, the result concluded that Support Vector Machine
Classifier gives the maximum accuracy, which was around
91.2%. Thus, they usedSupportVectorMachineClassifier for
classifying arrhythmia for getting the best accurate results
[2].
Alasker made a system that isusedtopredictChronicKidney
Disease which is also an important factor that leads to heart
disease problem. The aim of thispaper wastopredictKidney
disease which is done by processing and evaluating six
algorithms. This is done based on the classification
performance. This includes Naïve Bayes, One rule and
decision table, J48, KNN, MultiplayerPerceptron.WEKAdata
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 490
mining tool was used to process these algorithms. The
assessments of the performance of these algorithms were
based on sensitivity,specificity,accuracy,model testingtime,
RMSE and ROC area. After performing all these algorithms,
Naïve Bayes algorithm comes out as better classification
algorithm in terms of accuracy and performance [3].
In this system, there are various methods for gathering the
readings with the help of tools like Smart mouse (detects
heart rate and temperature), Smart mirror (detects heart
rate using facial imaging), Smart Chair (a built-in Electronic
Stethoscope for heart rate accuracy) and the smart phone
app (detects via finger taps). For the predictions to reach
peak accuracy the system needs to be fed with multiple data
records from the above tools. With a good size data set
ready, the Neural network prediction algorithm is on mark
to produce optimal results. Each data entriesdonewill affect
the results of the functioning of algorithm. The accuracy of
these predictions marks up to 90% [4].
3. LITERATURE SURVEY
In this paper, a web-based system that comprises ofa binary
classification model to predict the risk factorofanindividual
is proposed. The system is well equipped with a simplistic
yet prolific and understandable graphic user interface. The
classification follows supervised learning. The reference to
dataset was collected as unstructured data in the form of
medical reports and convertedtoa structureddataset. There
are a total of 14 attributes, out of which 13 are predictor
variables while the 14th one is the response variable. In the
end, a web based application will be developed whichcanbe
easily used by doctors. Also an alert system is integrated in
the application which will send alerts on the mobile phones
of patients i.e. the risk factor (high/low).
A. Dataset Analysis
We have taken 14 attributes which are responsible forheart
attack.
1. Sex
2. Chest Pain Type
3. Fasting Blood Sugar
4. Rest ECG
5. Exang - exercise induced angina
6. Slope - the slope of the peak exercise ST segment
7. CA - major vessels coloured by fluoroscopy
8. Thalach – maximum heart rate achieved
9. Rest Blood Pressure
10. Serum Cholesterol
11. Oldpeak ST depression
12. Age in Year
14. Response Variable
Fig -1: Flow diagram of proposed system
Fig.1 shows the flow diagram for using the web interface for
obtaining the risk factor of the patient. An interactive web
interface will be developed to access the classifier andcheck
the risk factor. The backend consists of a script written in
Python. It will accept the medical form data as input to the
classification model and will predict the risk factor of the
individual i.e. high risk or low risk.
4. IMPLEMENTATION
A. Data Cleaning and Preprocessing
Real world data is generally incomplete (missing
values/attributes), noisy (containing errors or outliers) and
inconsistent (inconsistent names/values) which can lead to
faulty prediction. Hence data is pre-processed in order to
remove the noise and inconsistency from the dataset. Data
cleaning is necessary in order to fill the missing values,
smooth the noisy data, identify or remove outliers and
resolve inconsistencies. Scikit-learn library comprises of
data preprocessing function to fill the missing values.
B. Classification Algorithms
Classification is a supervised learning method in which the
computer program learns or gets trained from the dataset
given as an input to it and then uses it to classify new data or
observations into different categories or classes.
1) Logistic Regression – This classification algorithm finds
the best apposite model todescribetherelationshipbetween
the dependent variable i.e. response variable and a set of
independent i.e. predictor variables. In the heart attack
detection model, logistic regression is used to classify
between low chances of heart attack and high chances of
heart attack. Here if it predicts 0 which means it has less
chances of having a heart attack and if it predicts 1 then the
one has high chances of getting heart attack.
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 491
2) Naïve Bayes Classifier - It is a classification technique
based on Bayes Theorem with an assumption of
independence among predictors i.e. the classifier here
assumes that the presence of a particular feature in a classis
unrelated to the presence of any other feature. For
classification, Gaussian Naive Bayes algorithm was used
from the scikit-learn package. Scikit-learn encapsulate
multiple data mining tools. The processed dataset was spilt
into training and test data. The training data was converted
into a NumPy array and GaussianNaiveBayes algorithmwas
applied. This regression resulted in a model to which the
test data was fed in and the accuracy and other parameters
were calculated. In the proposed system Naive Bayes is one
of the most efficient classification algorithms.
(1)
Naive Bayes is a conditional probability model. Consider a
problem instance represented by a vector x=(x1, … x2)
representing some n features (independent variables) that
needs to be classified. It assigns to this instance probabilities
for each of K possible outcomes.
The problem encountered with theaboveformulationisthat
if the number of features n is large then basing such a model
on probability tables is infeasible. So we reformulate the
model to make it more tractable. By using Bayes' theorem,
the conditional probability can be stated as
(2)
3) Decision Tree Classification - Decision tree builds
classification models as a tree structure.Itbreaksdownthe
data set into smaller subsets and at the same time an
associated decision tree is incrementally developed. As a
result, we get a tree with two types of nodes - decision
nodes and leaf nodes. A decision node splits up into
multiple branches and a leaf node depicts a classification
i.e. the classes or we can say a decision. Root node is the
topmost decision node in a tree which corresponds to the
best predictor.
The Decision Tree Classification Algorithm generates a
decision tree and it uses the tree to classify data points into
different classes.
(3)
Entropy is the amount of impurity in the set of features
(attributes). To find the entropyofeachattribute, wefind the
Information Gain of the corresponding attribute. Then we
find the final Gain.
The final Gain of each attribute is compared and the one
with the maximum gain is chosen as the ‘rootnode’.
4) Random Forest Classification – This classification
algorithm operates by generating multiple decision trees at
the time of training and outputs the class that is the mode of
the classes (classification) or mean (regression) of the
individual trees. Random decision forests are used because
they correct the habit of over fitting of decision trees.
Random Forest Classification is the most efficient
classification algorithm among all if we increase no. of trees
feature. But as we increase the no of trees it shows
overfitting issue which can be resolved by optimizing a
tuning parameter that governs the number of features that
are randomly chosen to grow each tree from the data.
C. Prediction and Visualization
Fig -2: Prediction and visualization flow
1) Prediction - In this proposed system, first we have to fit
the training data into classifier using fit() function included
in scikit-learn library. Then the predict function i.e. pred()is
also included in the same library is used to predict thetarget
variables.
2) Visualization - The techniques by which the data or
information is first encoded as visual objects (e.g. points,
lines and bars) and then conveyed is known as data
visualization. It helpsinachievingourgoal ofcommunicating
information clearly and efficiently to the users. The two
visualization techniques sed in this system are -
1) Matplotlib - matplotlib is a plotting library which is
used to create graphs and plots using Python programming
language. NumPy is its numerical mathematics extension. It
provides API i.e. Application programming interface which
can be used to embed plots into applications using toolkits
like Tkinter, wxPython, Qt, or GTK+.
(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 492
2) Seaborn - It is built on top of matplotlib and closely
integrated with pandas data structures. The plotting
functions operate on whole datasets and produce
informative plots by statistically aggregating and mapping
the data.
5. DESIGN
Fig -3: Model Architecture
We have the noisy data set in which there is the possibility
that some of the values in the data points are missing. So, we
will take that data set and pass them for pre-processing. In
pre-processing, the missing values are obtained which is
necessary for the further process.Afterpre-processingof the
data set, the data is being split into two parts. In firstone,the
training of the data takes place based on the classification of
algorithms, which is then pass into the model. From the
training set we teach the model how to react, then test set is
used for prediction and then the target value is predicted.
Depending upon the algorithm we obtain the predicted
values. Predicted value is then compared with the true
values and final result is displayed. Using Visualization
process we can visualize each and every attribute
individually and then it is displayed with the result. The
above process is repeated for every classification algorithm
mentioned in the proposed system. And the best one is
chosen by the most accurate prediction.
A. User Interface
Fig -4: User Interface 1
Fig -5: User Interface 2
A website is created which is based on the questionnaire
where questions are health related. Basically, when a doctor
inputs the values and submits, it stores into the database.
Then the answers are pre-processed and stored into new
dataset which is passed into the generated model. Then the
prediction is done and the final score is stored into the
database, from this we can get the risk factor and visualize
the results and display on the website.
We have integrated an alert system in our web application
where the doctor can notify the patient. The patient will be
notified on his phone. An SMS will be sentvia ourapplication
on the patient’s phone.
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 493
Fig -6: Alert Tab
6. RESULTS AND ANALYSIS
Fig -7: Heart Disease frequency for Blood Pressure
Fig -8: Heart Disease frequency for Blood Sugar
Fig -9: Comparison of various classification algorithms
Fig -10: Result predicting High Risk for an individual
Fig -11: Alert on patient’s phone
Consider the following Confusion Matrix:
Fig -12: Confusion matrix for Naïve Bayes
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 494
Accuracy = (TP+TN)/total (5)
= 52/61 = 0.8524 = 85.24%
True Positive Rate=Recall=TP/(TP+FN) (6)
= 21/34 = 0.6176 = 61.76%
False Positive Rate=FP/(FP+TN) (7)
= 6/21 = 0.2222 = 22.22%
Specificity = TN/Actual Negatives (8)
= 21/34 = 0.6176 = 61.76%
Precision = TP/Predicted Positives (9)
= 31/37 = 0.8378 = 83.78 %
F-Score = 1/((1/recall)+(1/precision)) (10)
= 1/(34/21)+(37/31) = 0.3555
7. CONCLUSION
A prototype of the system is made to predict the chances of
having a heart attack. The system calculates the risk factor if
it is 0 i.e. less than 50% of blood vessels narrowing then it
displays 'Low Risk' and if it is 1 i.e. more than 50% of blood
vessels narrowing then it displays 'High Risk'. With this
system we have also integrated an alert part where doctors
can notify the patient on their phones about their condition.
We have used four machine learning classifiers for the
classification. Logistic regression, Naive Bayes Classifier,
Decision Tree Classification and Random Forest
Classification. After Validation and pre-processing of the
dataset, we applied all four classifiers. Among all the
classifiers, Naive Bayes Classifiers obtained maximum
accuracy of 85.26%. The same classifier is implemented
through web interface to calculate the risk factor.
As a part of the future scope of thissystem,newlyintroduced
algorithms can be used to improve the accuracy.
REFERENCES
[1] Jayshril S. Sonawane,"Prediction of Heart Disease Using
Multilayer Perceptron Neural Network"ICICES2014 -
S.A.Engineering College, Chennai, Tamil Nadu, India,
2014.
[2] Prajwal Shimpi, Sanksruti Shah, "A Machine Learning
Approach for the Classication of Cardiac Arrhythmia",
2017 IEEE Proceedings of the IEEE 2017 International
Conference on Computing Methodologies and
Communication (ICCMC), pp.6t03-607 ,2017.
[3] Haya Alasker, Lala Septem Riza, “Detection of Kidney
Disease Using Various Intelligent Classifiers,” 2017 3rd
International Conference on Science in Information
Technology (ICSITech), pp. 681-684.
[4] Rifki Wijaya, Kuspriyanto, "Preliminary Design of
Estimation Heart disease by using machine learning
ANN", 2013 Joint International Conference on Rural
Information Communication Technology and Electric-
Vehicle Technology (rICT ICeV-T) November 26-28,
2013, Bandung-Bali, Indonesia, pp.6t03-607 ,2013.
[5] Faruk Bulut, "Heart attack risk detection using Bagging
classifer", 2016 IEEE 24th Signal Processing and
Communication Application Conference (SIU),2016.
[6] Abdul Aziz, Aziz Ur Rehman, "Detection of Cardiac
Disease using Data Mining Classication Techniques",
2017 IEEE(IJACSA) International Journal of Advanced
Computer Science and Applications, Vol. 8, No.7 ,2017.
[7] C.Sowmiyay,"Analytical Study of Heart Disease
Diagnosis Using Classication Techniques" 2017 IEEE
INTERNATIONAL CONFERENCE ON INTELLIGENT
TECHNIQUES IN CONTROL, OPTIMIZATION AND
SIGNAL PROCESSING, 2017.
BIOGRAPHIES
Mr. Rachit Singh
B.E. Computer Engineering
Interested in MIS and Machine
Learning.
Mr. Gautam Saw
B.E. Computer Engineering
Interested in Software Dev.
Mr. Rupesh Yadav
B.E. Computer Engineering
Interested in Machine Learning
and AI.
Mr. Yash Sawant
B.E. Computer Engineering
Interested in Machine Learning
and AI.

More Related Content

What's hot

Heart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine LearningHeart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine Learningmohdshoaibuddin1
 
Heart disease prediction system
Heart disease prediction systemHeart disease prediction system
Heart disease prediction systemSWAMI06
 
Heart Attack Prediction System Using Fuzzy C Means Classifier
Heart Attack Prediction System Using Fuzzy C Means ClassifierHeart Attack Prediction System Using Fuzzy C Means Classifier
Heart Attack Prediction System Using Fuzzy C Means ClassifierIOSR Journals
 
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
 
Clustering Medical Data to Predict the Likelihood of Diseases
Clustering Medical Data to Predict the Likelihood of DiseasesClustering Medical Data to Predict the Likelihood of Diseases
Clustering Medical Data to Predict the Likelihood of Diseasesrazanpaul
 
IRJET - Heart Health Classification and Prediction using Machine Learning
IRJET -  	  Heart Health Classification and Prediction using Machine LearningIRJET -  	  Heart Health Classification and Prediction using Machine Learning
IRJET - Heart Health Classification and Prediction using Machine LearningIRJET 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
 
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 By Cleveland DataBase
A Heart Disease Prediction Model using Logistic Regression By Cleveland DataBaseA Heart Disease Prediction Model using Logistic Regression By Cleveland DataBase
A Heart Disease Prediction Model using Logistic Regression By Cleveland DataBaseijtsrd
 
Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.SUJIT SHIBAPRASAD MAITY
 
Heart Disease Prediction Using Data Mining Techniques
Heart Disease Prediction Using Data Mining TechniquesHeart Disease Prediction Using Data Mining Techniques
Heart Disease Prediction Using Data Mining TechniquesIJRES Journal
 
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
 
DENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSIS
DENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSISDENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSIS
DENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSIScsandit
 
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
 
Smart Health Prediction Report
Smart Health Prediction ReportSmart Health Prediction Report
Smart Health Prediction ReportArhind Gautam
 
IRJET- Disease Prediction using Machine Learning
IRJET-  	  Disease Prediction using Machine LearningIRJET-  	  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine LearningIRJET Journal
 
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
 
IRJET- Disease Prediction using Machine Learning
IRJET-  Disease Prediction using Machine LearningIRJET-  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine LearningIRJET Journal
 
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
 

What's hot (20)

Heart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine LearningHeart Attack Prediction using Machine Learning
Heart Attack Prediction using Machine Learning
 
Heart disease prediction system
Heart disease prediction systemHeart disease prediction system
Heart disease prediction system
 
Heart Attack Prediction System Using Fuzzy C Means Classifier
Heart Attack Prediction System Using Fuzzy C Means ClassifierHeart Attack Prediction System Using Fuzzy C Means Classifier
Heart Attack Prediction System Using Fuzzy C Means Classifier
 
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...
 
Clustering Medical Data to Predict the Likelihood of Diseases
Clustering Medical Data to Predict the Likelihood of DiseasesClustering Medical Data to Predict the Likelihood of Diseases
Clustering Medical Data to Predict the Likelihood of Diseases
 
IRJET - Heart Health Classification and Prediction using Machine Learning
IRJET -  	  Heart Health Classification and Prediction using Machine LearningIRJET -  	  Heart Health Classification and Prediction using Machine Learning
IRJET - Heart Health Classification and 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
 
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 By Cleveland DataBase
A Heart Disease Prediction Model using Logistic Regression By Cleveland DataBaseA Heart Disease Prediction Model using Logistic Regression By Cleveland DataBase
A Heart Disease Prediction Model using Logistic Regression By Cleveland DataBase
 
Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.Heart Disease Identification Method Using Machine Learnin in E-healthcare.
Heart Disease Identification Method Using Machine Learnin in E-healthcare.
 
ECG
ECGECG
ECG
 
Heart Disease Prediction Using Data Mining Techniques
Heart Disease Prediction Using Data Mining TechniquesHeart Disease Prediction Using Data Mining Techniques
Heart Disease Prediction Using Data Mining Techniques
 
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...
 
DENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSIS
DENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSISDENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSIS
DENGUE DETECTION AND PREDICTION SYSTEM USING DATA MINING WITH FREQUENCY ANALYSIS
 
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
 
Smart Health Prediction Report
Smart Health Prediction ReportSmart Health Prediction Report
Smart Health Prediction Report
 
IRJET- Disease Prediction using Machine Learning
IRJET-  	  Disease Prediction using Machine LearningIRJET-  	  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine Learning
 
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
 
IRJET- Disease Prediction using Machine Learning
IRJET-  Disease Prediction using Machine LearningIRJET-  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine Learning
 
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
 

Similar to IRJET- Web-based Application to Detect Heart Attack using Machine Learning

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 AlgorithmsIRJET Journal
 
Angina Pectoris Predicting System using Embedded Systems and Big Data
Angina Pectoris Predicting System using Embedded Systems and Big DataAngina Pectoris Predicting System using Embedded Systems and Big Data
Angina Pectoris Predicting System using Embedded Systems and Big DataIRJET Journal
 
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
 
Multiple Disease Prediction System
Multiple Disease Prediction SystemMultiple Disease Prediction System
Multiple Disease Prediction SystemIRJET Journal
 
Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.
Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.
Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.IRJET Journal
 
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 TECHNIQUEIRJET 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 REGRESSIONIRJET Journal
 
IRJET- A Survey on Classification and identification of Arrhythmia using Mach...
IRJET- A Survey on Classification and identification of Arrhythmia using Mach...IRJET- A Survey on Classification and identification of Arrhythmia using Mach...
IRJET- A Survey on Classification and identification of Arrhythmia using Mach...IRJET Journal
 
Health Analyzer System
Health Analyzer SystemHealth Analyzer System
Health Analyzer SystemIRJET Journal
 
IRJET - Review on Classi?cation and Prediction of Dengue and Malaria Dise...
IRJET -  	  Review on Classi?cation and Prediction of Dengue and Malaria Dise...IRJET -  	  Review on Classi?cation and Prediction of Dengue and Malaria Dise...
IRJET - Review on Classi?cation and Prediction of Dengue and Malaria Dise...IRJET Journal
 
Heart Disease Prediction Using Machine Learning Techniques
Heart Disease Prediction Using Machine Learning TechniquesHeart Disease Prediction Using Machine Learning Techniques
Heart Disease Prediction Using Machine Learning TechniquesIRJET 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 LearningIJCSIS Research Publications
 
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
 
Predicting Heart Disease Using Machine Learning Algorithms.
Predicting Heart Disease Using Machine Learning Algorithms.Predicting Heart Disease Using Machine Learning Algorithms.
Predicting Heart Disease Using Machine Learning Algorithms.IRJET Journal
 
heart disease predction using machiine learning
heart disease predction using machiine learningheart disease predction using machiine learning
heart disease predction using machiine learningPODILAPRAVALLIKA0576
 
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 Prediction Using Random Forest Algorithm
Heart Disease Prediction Using Random Forest AlgorithmHeart Disease Prediction Using Random Forest Algorithm
Heart Disease Prediction Using Random Forest AlgorithmIRJET Journal
 
A novel salp swarm clustering algorithm for prediction of the heart diseases
A novel salp swarm clustering algorithm for prediction of the heart diseasesA novel salp swarm clustering algorithm for prediction of the heart diseases
A novel salp swarm clustering algorithm for prediction of the heart diseasesnooriasukmaningtyas
 
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 using Data Mining
Heart Disease Prediction using Data MiningHeart Disease Prediction using Data Mining
Heart Disease Prediction using Data MiningIRJET Journal
 

Similar to IRJET- Web-based Application to Detect Heart Attack using Machine Learning (20)

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
 
Angina Pectoris Predicting System using Embedded Systems and Big Data
Angina Pectoris Predicting System using Embedded Systems and Big DataAngina Pectoris Predicting System using Embedded Systems and Big Data
Angina Pectoris Predicting System using Embedded Systems and Big Data
 
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...
 
Multiple Disease Prediction System
Multiple Disease Prediction SystemMultiple Disease Prediction System
Multiple Disease Prediction System
 
Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.
Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.
Prediction of Heart Disease Using Machine Learning and Deep Learning Techniques.
 
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
 
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- A Survey on Classification and identification of Arrhythmia using Mach...
IRJET- A Survey on Classification and identification of Arrhythmia using Mach...IRJET- A Survey on Classification and identification of Arrhythmia using Mach...
IRJET- A Survey on Classification and identification of Arrhythmia using Mach...
 
Health Analyzer System
Health Analyzer SystemHealth Analyzer System
Health Analyzer System
 
IRJET - Review on Classi?cation and Prediction of Dengue and Malaria Dise...
IRJET -  	  Review on Classi?cation and Prediction of Dengue and Malaria Dise...IRJET -  	  Review on Classi?cation and Prediction of Dengue and Malaria Dise...
IRJET - Review on Classi?cation and Prediction of Dengue and Malaria Dise...
 
Heart Disease Prediction Using Machine Learning Techniques
Heart Disease Prediction Using Machine Learning TechniquesHeart Disease Prediction Using Machine Learning Techniques
Heart Disease Prediction Using Machine Learning Techniques
 
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
 
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
 
Predicting Heart Disease Using Machine Learning Algorithms.
Predicting Heart Disease Using Machine Learning Algorithms.Predicting Heart Disease Using Machine Learning Algorithms.
Predicting Heart Disease Using Machine Learning Algorithms.
 
heart disease predction using machiine learning
heart disease predction using machiine learningheart disease predction using machiine learning
heart disease predction using machiine learning
 
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 Prediction Using Random Forest Algorithm
Heart Disease Prediction Using Random Forest AlgorithmHeart Disease Prediction Using Random Forest Algorithm
Heart Disease Prediction Using Random Forest Algorithm
 
A novel salp swarm clustering algorithm for prediction of the heart diseases
A novel salp swarm clustering algorithm for prediction of the heart diseasesA novel salp swarm clustering algorithm for prediction of the heart diseases
A novel salp swarm clustering algorithm for prediction of the heart diseases
 
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 using Data Mining
Heart Disease Prediction using Data MiningHeart Disease Prediction using Data Mining
Heart Disease Prediction using Data Mining
 

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

the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxhumanexperienceaaa
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
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
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Dr.Costas Sachpazis
 
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
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...Soham Mondal
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxpurnimasatapathy1234
 
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
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Serviceranjana 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
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...ranjana rawat
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxupamatechverse
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...ranjana rawat
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learningmisbanausheenparvam
 
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
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSKurinjimalarL3
 
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
 
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
 

Recently uploaded (20)

the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptxthe ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
the ladakh protest in leh ladakh 2024 sonam wangchuk.pptx
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
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...
 
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
Structural Analysis and Design of Foundations: A Comprehensive Handbook for S...
 
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
 
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
OSVC_Meta-Data based Simulation Automation to overcome Verification Challenge...
 
Microscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptxMicroscopic Analysis of Ceramic Materials.pptx
Microscopic Analysis of Ceramic Materials.pptx
 
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
 
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
(RIA) Call Girls Bhosari ( 7001035870 ) HI-Fi Pune Escorts Service
 
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 )
 
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
(SHREYA) Chakan Call Girls Just Call 7001035870 [ Cash on Delivery ] Pune Esc...
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
Introduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptxIntroduction to Multiple Access Protocol.pptx
Introduction to Multiple Access Protocol.pptx
 
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
The Most Attractive Pune Call Girls Budhwar Peth 8250192130 Will You Miss Thi...
 
chaitra-1.pptx fake news detection using machine learning
chaitra-1.pptx  fake news detection using machine learningchaitra-1.pptx  fake news detection using machine learning
chaitra-1.pptx fake news detection using machine learning
 
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
 
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(ANJALI) Dange Chowk Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICSAPPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
APPLICATIONS-AC/DC DRIVES-OPERATING CHARACTERISTICS
 
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
 
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
 

IRJET- Web-based Application to Detect Heart Attack using Machine Learning

  • 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 489 Web-based Application to Detect Heart Attack using Machine Learning Rachit Singh1, Gautam Saw2, Rupesh Yadav3, Yash Sawant4 1,2,3,4B.E. Computers, Rajiv Gandhi Inst. of Technology, Mumbai, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - an aphorism goes that “we are living in an information age.” The healthcare industry generates a huge amount of data daily. However, most of it is not effectively used. Efficient tools to extract knowledge from databases for clinical detection of diseases or other purposes are not much prevalent. Heart Attack is oneofthemostimperativeproblems of the healthcare industry. The diagnosis of heart disease is a complicated task, where the medical experts have to carefully scrutinize the various clinical and pathological data of the patient obtained from various tests and their reports. The advent of Machine learning along with advancements in the field of information technology led us to present a paper with an aim to reduce the time and efforts put in by doctors by automating the risk prediction with the help of machine learning classification techniques. It solves the issue by building an interactive prediction system that gives the vulnerability of an individual to heart attack, measured as a risk factor. Implementation of such a system with a simplistic web based graphic user interface is presented in this paper. The results will be made available to the user along with an alert system on their mobile phones. Key Words: Heart disease, Machine learning, Classification algorithms, Prediction. 1. INTRODUCTION A. Heart Attack A heart attack happens when there is a sudden complete blockage of an artery that supplies blood to an area of the heart. Our heart isa muscle and to keep it healthy, it needsa good blood supply. As we grow older, the inner walls of the arteries that supply the blood to the heart can become damaged and narrow due to the build-up of fatty materials, called plaque. When the plaquebreaks,thepartsofbloodi.e. cells and other parts accumulate at the plaque area and form blood clots. Whenthisbloodclotcompletelyblocksthe flow of blood to the heart muscle, heart attack occurs. As a result, some of the heart muscles starts to die along with severe chest pain. The longer the blockage isleft untreated, themoretheheart muscle gets damaged. The blood flow must be restored quickly else the damage to the heart muscle is permanent and fatal. The World Health Organization hasstatedheartattacktobe one of the prime causes of death. This illness becomes particularly life threatening when not monitored. B. Machine Learning By the term itself, we can comprehend that Machine Learning is something that refers to the capability of the computers to grasp knowledge automatically from experiences without being programmed straightforwardly. It is a subdivision of artificialintelligence.Itfocusestowards giving computers the ability to learn without being directly programmed or fed instructions. We humans use our sensory organs such as eyes, ears, or sense of touch to get data from our surroundings and then use this data in various ways to achieve certain goals. The most common goal of all is to make accurate predictions about the future. In otherwords,welearn.Nowthequestion arises i.e. can computers learn from past experiences (or data), just like human beings? So the answer is yes. We can give the computers the ability to learn and predict future events - basically by providing it the data and the algorithms, without explicitly programming it. 2. LITERATURE SURVEY This system uses multilayer perceptron architecture of neural network. In this system, input is taken as 13 attributes followed by network training which is completed further with training data by the algorithm i.e. back- propagationlearningalgorithm.Thispredictionsystemgives maximum accuracyofabout 98.58%withsameheartdisease database for 20 neurons in hidden layer. With 5 neurons in the hidden layer, it gives maximum accuracy of 93.39%with running time of 3.86s. This system uses Self organizing map to develop a useful and accurate technique for retrieval and classification [1]. For the classification of cardiac arrhythmia, four classifiers were used. This includes Support Vector Machine, Logistic Regression, Random Forest Algorithm and KNN classifier. The dataset was gone for the process of cross validation and testing, the result concluded that Support Vector Machine Classifier gives the maximum accuracy, which was around 91.2%. Thus, they usedSupportVectorMachineClassifier for classifying arrhythmia for getting the best accurate results [2]. Alasker made a system that isusedtopredictChronicKidney Disease which is also an important factor that leads to heart disease problem. The aim of thispaper wastopredictKidney disease which is done by processing and evaluating six algorithms. This is done based on the classification performance. This includes Naïve Bayes, One rule and decision table, J48, KNN, MultiplayerPerceptron.WEKAdata
  • 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 490 mining tool was used to process these algorithms. The assessments of the performance of these algorithms were based on sensitivity,specificity,accuracy,model testingtime, RMSE and ROC area. After performing all these algorithms, Naïve Bayes algorithm comes out as better classification algorithm in terms of accuracy and performance [3]. In this system, there are various methods for gathering the readings with the help of tools like Smart mouse (detects heart rate and temperature), Smart mirror (detects heart rate using facial imaging), Smart Chair (a built-in Electronic Stethoscope for heart rate accuracy) and the smart phone app (detects via finger taps). For the predictions to reach peak accuracy the system needs to be fed with multiple data records from the above tools. With a good size data set ready, the Neural network prediction algorithm is on mark to produce optimal results. Each data entriesdonewill affect the results of the functioning of algorithm. The accuracy of these predictions marks up to 90% [4]. 3. LITERATURE SURVEY In this paper, a web-based system that comprises ofa binary classification model to predict the risk factorofanindividual is proposed. The system is well equipped with a simplistic yet prolific and understandable graphic user interface. The classification follows supervised learning. The reference to dataset was collected as unstructured data in the form of medical reports and convertedtoa structureddataset. There are a total of 14 attributes, out of which 13 are predictor variables while the 14th one is the response variable. In the end, a web based application will be developed whichcanbe easily used by doctors. Also an alert system is integrated in the application which will send alerts on the mobile phones of patients i.e. the risk factor (high/low). A. Dataset Analysis We have taken 14 attributes which are responsible forheart attack. 1. Sex 2. Chest Pain Type 3. Fasting Blood Sugar 4. Rest ECG 5. Exang - exercise induced angina 6. Slope - the slope of the peak exercise ST segment 7. CA - major vessels coloured by fluoroscopy 8. Thalach – maximum heart rate achieved 9. Rest Blood Pressure 10. Serum Cholesterol 11. Oldpeak ST depression 12. Age in Year 14. Response Variable Fig -1: Flow diagram of proposed system Fig.1 shows the flow diagram for using the web interface for obtaining the risk factor of the patient. An interactive web interface will be developed to access the classifier andcheck the risk factor. The backend consists of a script written in Python. It will accept the medical form data as input to the classification model and will predict the risk factor of the individual i.e. high risk or low risk. 4. IMPLEMENTATION A. Data Cleaning and Preprocessing Real world data is generally incomplete (missing values/attributes), noisy (containing errors or outliers) and inconsistent (inconsistent names/values) which can lead to faulty prediction. Hence data is pre-processed in order to remove the noise and inconsistency from the dataset. Data cleaning is necessary in order to fill the missing values, smooth the noisy data, identify or remove outliers and resolve inconsistencies. Scikit-learn library comprises of data preprocessing function to fill the missing values. B. Classification Algorithms Classification is a supervised learning method in which the computer program learns or gets trained from the dataset given as an input to it and then uses it to classify new data or observations into different categories or classes. 1) Logistic Regression – This classification algorithm finds the best apposite model todescribetherelationshipbetween the dependent variable i.e. response variable and a set of independent i.e. predictor variables. In the heart attack detection model, logistic regression is used to classify between low chances of heart attack and high chances of heart attack. Here if it predicts 0 which means it has less chances of having a heart attack and if it predicts 1 then the one has high chances of getting heart attack.
  • 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 491 2) Naïve Bayes Classifier - It is a classification technique based on Bayes Theorem with an assumption of independence among predictors i.e. the classifier here assumes that the presence of a particular feature in a classis unrelated to the presence of any other feature. For classification, Gaussian Naive Bayes algorithm was used from the scikit-learn package. Scikit-learn encapsulate multiple data mining tools. The processed dataset was spilt into training and test data. The training data was converted into a NumPy array and GaussianNaiveBayes algorithmwas applied. This regression resulted in a model to which the test data was fed in and the accuracy and other parameters were calculated. In the proposed system Naive Bayes is one of the most efficient classification algorithms. (1) Naive Bayes is a conditional probability model. Consider a problem instance represented by a vector x=(x1, … x2) representing some n features (independent variables) that needs to be classified. It assigns to this instance probabilities for each of K possible outcomes. The problem encountered with theaboveformulationisthat if the number of features n is large then basing such a model on probability tables is infeasible. So we reformulate the model to make it more tractable. By using Bayes' theorem, the conditional probability can be stated as (2) 3) Decision Tree Classification - Decision tree builds classification models as a tree structure.Itbreaksdownthe data set into smaller subsets and at the same time an associated decision tree is incrementally developed. As a result, we get a tree with two types of nodes - decision nodes and leaf nodes. A decision node splits up into multiple branches and a leaf node depicts a classification i.e. the classes or we can say a decision. Root node is the topmost decision node in a tree which corresponds to the best predictor. The Decision Tree Classification Algorithm generates a decision tree and it uses the tree to classify data points into different classes. (3) Entropy is the amount of impurity in the set of features (attributes). To find the entropyofeachattribute, wefind the Information Gain of the corresponding attribute. Then we find the final Gain. The final Gain of each attribute is compared and the one with the maximum gain is chosen as the ‘rootnode’. 4) Random Forest Classification – This classification algorithm operates by generating multiple decision trees at the time of training and outputs the class that is the mode of the classes (classification) or mean (regression) of the individual trees. Random decision forests are used because they correct the habit of over fitting of decision trees. Random Forest Classification is the most efficient classification algorithm among all if we increase no. of trees feature. But as we increase the no of trees it shows overfitting issue which can be resolved by optimizing a tuning parameter that governs the number of features that are randomly chosen to grow each tree from the data. C. Prediction and Visualization Fig -2: Prediction and visualization flow 1) Prediction - In this proposed system, first we have to fit the training data into classifier using fit() function included in scikit-learn library. Then the predict function i.e. pred()is also included in the same library is used to predict thetarget variables. 2) Visualization - The techniques by which the data or information is first encoded as visual objects (e.g. points, lines and bars) and then conveyed is known as data visualization. It helpsinachievingourgoal ofcommunicating information clearly and efficiently to the users. The two visualization techniques sed in this system are - 1) Matplotlib - matplotlib is a plotting library which is used to create graphs and plots using Python programming language. NumPy is its numerical mathematics extension. It provides API i.e. Application programming interface which can be used to embed plots into applications using toolkits like Tkinter, wxPython, Qt, or GTK+. (4)
  • 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 492 2) Seaborn - It is built on top of matplotlib and closely integrated with pandas data structures. The plotting functions operate on whole datasets and produce informative plots by statistically aggregating and mapping the data. 5. DESIGN Fig -3: Model Architecture We have the noisy data set in which there is the possibility that some of the values in the data points are missing. So, we will take that data set and pass them for pre-processing. In pre-processing, the missing values are obtained which is necessary for the further process.Afterpre-processingof the data set, the data is being split into two parts. In firstone,the training of the data takes place based on the classification of algorithms, which is then pass into the model. From the training set we teach the model how to react, then test set is used for prediction and then the target value is predicted. Depending upon the algorithm we obtain the predicted values. Predicted value is then compared with the true values and final result is displayed. Using Visualization process we can visualize each and every attribute individually and then it is displayed with the result. The above process is repeated for every classification algorithm mentioned in the proposed system. And the best one is chosen by the most accurate prediction. A. User Interface Fig -4: User Interface 1 Fig -5: User Interface 2 A website is created which is based on the questionnaire where questions are health related. Basically, when a doctor inputs the values and submits, it stores into the database. Then the answers are pre-processed and stored into new dataset which is passed into the generated model. Then the prediction is done and the final score is stored into the database, from this we can get the risk factor and visualize the results and display on the website. We have integrated an alert system in our web application where the doctor can notify the patient. The patient will be notified on his phone. An SMS will be sentvia ourapplication on the patient’s phone.
  • 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 493 Fig -6: Alert Tab 6. RESULTS AND ANALYSIS Fig -7: Heart Disease frequency for Blood Pressure Fig -8: Heart Disease frequency for Blood Sugar Fig -9: Comparison of various classification algorithms Fig -10: Result predicting High Risk for an individual Fig -11: Alert on patient’s phone Consider the following Confusion Matrix: Fig -12: Confusion matrix for Naïve Bayes
  • 6. 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 494 Accuracy = (TP+TN)/total (5) = 52/61 = 0.8524 = 85.24% True Positive Rate=Recall=TP/(TP+FN) (6) = 21/34 = 0.6176 = 61.76% False Positive Rate=FP/(FP+TN) (7) = 6/21 = 0.2222 = 22.22% Specificity = TN/Actual Negatives (8) = 21/34 = 0.6176 = 61.76% Precision = TP/Predicted Positives (9) = 31/37 = 0.8378 = 83.78 % F-Score = 1/((1/recall)+(1/precision)) (10) = 1/(34/21)+(37/31) = 0.3555 7. CONCLUSION A prototype of the system is made to predict the chances of having a heart attack. The system calculates the risk factor if it is 0 i.e. less than 50% of blood vessels narrowing then it displays 'Low Risk' and if it is 1 i.e. more than 50% of blood vessels narrowing then it displays 'High Risk'. With this system we have also integrated an alert part where doctors can notify the patient on their phones about their condition. We have used four machine learning classifiers for the classification. Logistic regression, Naive Bayes Classifier, Decision Tree Classification and Random Forest Classification. After Validation and pre-processing of the dataset, we applied all four classifiers. Among all the classifiers, Naive Bayes Classifiers obtained maximum accuracy of 85.26%. The same classifier is implemented through web interface to calculate the risk factor. As a part of the future scope of thissystem,newlyintroduced algorithms can be used to improve the accuracy. REFERENCES [1] Jayshril S. Sonawane,"Prediction of Heart Disease Using Multilayer Perceptron Neural Network"ICICES2014 - S.A.Engineering College, Chennai, Tamil Nadu, India, 2014. [2] Prajwal Shimpi, Sanksruti Shah, "A Machine Learning Approach for the Classication of Cardiac Arrhythmia", 2017 IEEE Proceedings of the IEEE 2017 International Conference on Computing Methodologies and Communication (ICCMC), pp.6t03-607 ,2017. [3] Haya Alasker, Lala Septem Riza, “Detection of Kidney Disease Using Various Intelligent Classifiers,” 2017 3rd International Conference on Science in Information Technology (ICSITech), pp. 681-684. [4] Rifki Wijaya, Kuspriyanto, "Preliminary Design of Estimation Heart disease by using machine learning ANN", 2013 Joint International Conference on Rural Information Communication Technology and Electric- Vehicle Technology (rICT ICeV-T) November 26-28, 2013, Bandung-Bali, Indonesia, pp.6t03-607 ,2013. [5] Faruk Bulut, "Heart attack risk detection using Bagging classifer", 2016 IEEE 24th Signal Processing and Communication Application Conference (SIU),2016. [6] Abdul Aziz, Aziz Ur Rehman, "Detection of Cardiac Disease using Data Mining Classication Techniques", 2017 IEEE(IJACSA) International Journal of Advanced Computer Science and Applications, Vol. 8, No.7 ,2017. [7] C.Sowmiyay,"Analytical Study of Heart Disease Diagnosis Using Classication Techniques" 2017 IEEE INTERNATIONAL CONFERENCE ON INTELLIGENT TECHNIQUES IN CONTROL, OPTIMIZATION AND SIGNAL PROCESSING, 2017. BIOGRAPHIES Mr. Rachit Singh B.E. Computer Engineering Interested in MIS and Machine Learning. Mr. Gautam Saw B.E. Computer Engineering Interested in Software Dev. Mr. Rupesh Yadav B.E. Computer Engineering Interested in Machine Learning and AI. Mr. Yash Sawant B.E. Computer Engineering Interested in Machine Learning and AI.