SlideShare a Scribd company logo
1 of 40
Disease Prediction And Doctor
Appointment System
KOYEL MAJUMDAR
Registration No: 1011621400088 Roll No: 22342106
RINA PAUL
Registration No: 2014009633 Roll No: 22342110
Guided By:
Dr. KUNAL DAS
Assistant Professor, Acharya Prafulla Chandra College
Presented By:
OUTLINE
• Motivation
• Objectives
• Related Work
• Research Gap
• Project Novelty
• Design Model
• Introduction to Machine Learning
• Project work
• Algorithms
• Design
• Result and Discussion
• Future work
• References
Motivation
Less availability of Health centre
Less availability of doctors
Distance of health centre
Recognize the disease from symptoms
Less availability of medicine
Point of care facility
Objectives
Our main aim is to provide a quick medical diagnosis to the
patients living in rural areas.
Nowadays, it is very useful for postcovid contactless system in
rural health service.
The goal is to provide access to medical specialists.
This system enhance quality of health care.
Related Work
Shahadat Uddin, Arif Khan, Md Ekramul Hossain and Mohammand Ali Moni
Worked on the comparing different supervised machine learning algorithms
for disease prediction. Here they selected LR, SVM, Decision tree, Random
forest, Naïve Bayes, K-nearest neighbour and ANN.
Reference:
https://link.springer.com/article/10.1186/s12911-019-1004-8
Research Gap
The reality of modern medicine is that there are many more patients than doctors who are
not able to help them.
The recent pandemic has proven that the world is not ready for emergencies of that sort and there is a
global need for qualified doctors.
Everyday complex and new diseases increase continuously. This led to higher number of peoples
deprived from medical facility.
ML techniques will facilitate doctors to create an correct identification for disease. Moreover, the cost
of emergency health diagnosis is affordable to a wide range of people.
Doctors will be able to communicate through this system even if they do not present in health
centre.
Project Novelty
Depending on the disease being diagnosed, a specialist doctor will assign for
this disease in our system.
Out of five algorithms used in this project, in most cases three algorithms are
giving accurate results.
Our system is a well understood system for users. GUI is designed in such a
simple way that everyone can easily operate on it.
Design of the system
Machine Learning and it’s
Algorithm
Machine Learning uses programmed algorithms that learn and optimize their
operations by analysing input data to make predictions within an acceptable
range. Machine learning algorithms they can be divided into three broad
categories according to their purposes. These three categories are: supervised,
unsupervised and semi-supervised.
In supervised machine learning algorithms, a labelled training dataset is used
first to train the underlying algorithm. This trained algorithm is then fed on the
unlabelled test dataset to categorise them into similar groups.
For disease prediction the learning model include Support Vector Machine,
Decision Tree, Random Forest, Naïve Bayes, K-nearest neighbour.
Here we use five different algorithms in machine learning.
The first algorithm is a Decision Tree, second is a Random Forest ,third is Naive Bayes,
fourth is K-Nearest Neighbor and the last one is Support Vector Machine.
We are going to import Pandas for manipulating the CSV file, Numpy, Sklearn for the
algorithms and Tkinter for our GUI stuff.
Now our first step is to make a list or dataset of the symptoms and diseases.
The dataset is given below:
Prototype.csv
Prototype1.csv
The doctor dataset for this project is:
C:UserskushalDOCTORLISTEXCELCSV2.csv
List of Symptoms we used
List of diseases we used
Some of diseases and their symptoms
Traverse the file as shown in the code and store them into an x_test and
y_test. Then Ravel the y_text using the Numpy module.
Now the main part of machine learning comes here i.e the training and testing
of the code or model.
So the training file is named as prototype.csv in our program and the testing file
is named as prototype 1.csv.
Now we use five different algorithms:
Used Algorithms
Decision Tree Algorithm:
Step-1: Begin the tree with the root node, says S, which contains the complete
dataset.
Step-2: Find the best attribute in the dataset using Attribute Selection Measure
(ASM).
Step-3: Divide the S into subsets that contains possible values for the best
attributes.
Step-4: Generate the decision tree node, which contains the best attribute.
Step-5: Recursively make new decision trees using the subsets of the dataset
created in step -3. Continue this process until a stage is reached where you cannot
further classify the nodes and called the final node as a leaf node.
Used Algorithms
Random Forest Algorithm:
Step-1: Select random K data points from the training set.
Step-2: Build the decision trees associated with the selected data points
(Subsets).
Step-3: Choose the number N for decision trees that you want to build.
Step-4: Repeat Step 1 & 2.
Step-5: For new data points, find the predictions of each decision
tree, and assign the new data points to the category that wins the
majority votes.
Used Algorithms
Naïve Bayes Algorithm:
1. Convert the given dataset into frequency tables.
2. Generate Likelihood table by finding the probabilities of given
features.
3. Now, use Bayes theorem to calculate the posterior probability.
Bayes' Theorem:
•Bayes' theorem is also known as Bayes' Rule or Bayes' law, which is used to determine the probability of a
hypothesis with prior knowledge. It depends on the conditional probability.
•The formula for Bayes' theorem is given as:
Where,
P(A|B) is Posterior probability: Probability of hypothesis A on the observed event B.
P(B|A) is Likelihood probability: Probability of the evidence given that the probability of a hypothesis is true.
Used Algorithms
K-Nearest Neighbor Algorithm:
Step-1: Select the number K of the neighbors
Step-2: Calculate the Euclidean distance of K number of neighbors
Step-3: Take the K nearest neighbors as per the calculated Euclidean
distance.
Step-4: Among these k neighbors, count the number of the data points
in each category.
Step-5: Assign the new data points to that category for which the
number of the neighbor is maximum.
Used Algorithms
Support Vector Machine Algorithm:
Step 1:find the best line or decision boundary; this best boundary or region is called as
a hyperplane.
Step 2: finds the closest point of the lines from both the classes. These points are called
support vectors.
Step 3: The distance between the vectors and the hyperplane is called as margin. And the
goal of SVM is to maximize this margin. The hyperplane with maximum margin is Optimal
hyperplane.
Step 4: for non-linear data, we cannot draw a single straight line.
Step 5: So to separate these data points, we need to add one more dimension. For linear
data, we have used two dimensions x and y, so for non-linear data, we will add a third
dimension z.
Step 6: Since we are in 3-d Space, hence it is looking like a plane parallel to the x-axis. If we
convert it into 2-d then we get a circumference of radius 1 in case of non-linear data.
Accuracy =
TP+TN
TP+TN+FP+FN
F1 Score = 2 x TP
2 x TP+FN+FP
Precision =
TP
TP+FP
True Positive Rate =
TP
TP+FN
False Positive Rate =
FP
FP+TN
Here TP= True Positive
TN= True Negative
FP= False Positive
FN= False Negative
TP FN
FP TN
P N
N
P
Actual
Class
Predicted Class
Final Accuracy
For Typhoid disease five algorithms gives accuracy score:
95% 95% 95% 95% 92%
Design
Now design the GUI for our project.
For designing GUI we use Tkinter. First to set background image we create canvas and set width and
height. Then display image using create_image. For text we use Label and then for selecting symptoms
here use OptionMenu. Here we create Button for “Prediction” and “Doctor Appointment”. If we press
“Prediction” button then all the five algorithms give the result. Then we choose which disease predict
maximum times. Then this disease will be our result. When we press “Doctor Appointment” button, all
the names and time schedule of the specialist doctor with respect to predicted disease will show in the list
box. Here we use listBox for showing name and time schedule of specialist. For showing predicted
disease we use Text. Here for GUI we use grid system.
Output
Here the output is:
Output
95
92
95
96
95
Prediction
for
Hypertension
Accuracy of
algorithms
Output
Prediction
for
Chronic cholestasis
Accuracy of algorithms
95
92
95
96
95
Output
95
90
95
95
96
Prediction
for
Cervical spondylosis
Accuracy of algorithms
Output
Prediction
for
Chicken pox
Accuracy of algorithms
95
92
94
95
95
Output
Prediction
for
Acne
Accuracy of algorithms
95
92
96
94
95
Output
Prediction
for
Dengue
Accuracy of algorithms
95
92
94
95
96
Conclusion
•Disease prediction and doctor appointment system using machine learning is very much useful in
everyone’s day to day life and it is mainly more important for the health care sector.
•It is useful for the user in case he/she doesn’t want to go to the hospital or any other clinics, so just by
entering the symptoms and all other useful information the user can get to know the disease he/she is
suffering from and also get doctor suggestion and the health industry can also get benefit from this
system by just asking the symptoms from the user and entering in the system and in just few seconds
they can tell the exact and up to some extent the accurate diseases and doctor prescribed medicine via
internet.
•The Disease prediction is to provide prediction for the various and generally occurring diseases that
when unchecked and sometimes ignored can turns into fatal disease and cause lot of problem to the
patient and as well as their family members.
Future work
The project will later work on medicine and the project will be completed
online via Internet.
Later an web application will be created with the whole project which can be
used for the benefit of the public.
References
https:// en.wikipedia.org/machine_learning_algorithms
https://en.wikipedia.org/wiki/Python_(programming_language)
Research Article – Comparing different supervised machine learning
algorithms for disease prediction By Shahadat Uddin, Arif Khan, Md
Ekramul Hossain and Mohammad Ali Moni
 www.wikipedia.com
Appendix
Algorithm
1. Support Vector Machine: Support vector machine (SVM) algorithm can classify both
linear and non-linear data. It first maps each data item into an n-dimensional feature space
where n is the number of features. It then identifies the hyperplane that separates the data
items into two classes while maximising the marginal distance for both classes and minimising
the classification errors.
2. Naïve Bayes: Naïve Bayes (NB) is a classification technique based on the Bayes’
theorem.This theorem can describe the probability of an event based on the prior knowledge
of conditions related to that event. This classifier assumes that a particular feature in a class is
not directly related to any other feature although features for that class could have
interdependence among themselves.
3. Random Forest: A random forest (RF) is an ensemble classifier and consisting of many DTs similar to
the way a forest is a collection of many trees .DTs that are grown very deep often cause overfitting of
the training data, resulting a high variation in classification outcome for a small change in the input data.
They are very sensitive to their training data, which makes them error-prone to the test dataset. The
different DTs of an RF are trained using the different parts of the training dataset. To classify a new
sample, the input vector of that sample is required to pass down with each DT of the forest. Each DT
then considers a different part of that input vector and gives a classification outcome.
4. Decision Tree: Decision tree (DT) is one of the earliest and prominent machine learning algorithms.
A decision tree models the decision logics i.e., tests and corresponds outcomes for classifying data items
into a tree-like structure. The nodes of a DT tree normally have multiple levels where the first or top-
most node is called the root node. All internal nodes (i.e., nodes having at least one child) represent
tests on input variables or attributes. Depending on the test outcome, the classification algorithm
branches towards the appropriate child node where the process of test and branching repeats until it
reaches the leaf node . The leaf or terminal nodes correspond to the decision outcomes. DTs have been
found easy to interpret and quick to learn, and are a common component to many medical diagnostic
protocols.
5.K-nearest neighbor: The K-nearest neighbor (KNN) algorithm is one of the simplest and
earliest classification algorithms. It can be thought a simpler version of an NB classifier. Unlike the
NB technique, the KNN algorithm does not require to consider probability values. The ‘K’ is the
KNN algorithm is the number of nearest neighbors considered to take ‘vote’ from. The selection
of different values for ‘K’ can generate different classification results for the same sample object.
Computational Complexity of Algorithms
The train time complexity of KNN= O(knd) where k=no of neighbors, n=no of training examples
and d=no of dimensions of data
Space complexity=O(nd)
Training time complexity of SVM=O(n^2)
Run time complexity=O(k*d) where k=no of support vector
Training time complexity of DT=O(n*log(n)*d) where n=no of points in the training set
Run time complexity=O(maximum depth of tree)
Training time complexity of RF=O(n*log(n)*d*k)
Run time complexity=O(depth of tree *k)
Space complexity=O(depth of tree *k)
Training time complexity of NB=O(n*d)
Run time complexity=O(c*d) where c=no. of classes

More Related Content

What's hot

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
 
Machine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsMachine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsLarry Smarr
 
Heart disease prediction system
Heart disease prediction systemHeart disease prediction system
Heart disease prediction systemSWAMI06
 
Prediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptxPrediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptxkumari36
 
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
 
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
 
Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm Kedar Damkondwar
 
Smart Data Slides: Machine Learning - Case Studies
Smart Data Slides: Machine Learning - Case StudiesSmart Data Slides: Machine Learning - Case Studies
Smart Data Slides: Machine Learning - Case StudiesDATAVERSITY
 
IRJET- Disease Prediction using Machine Learning
IRJET-  Disease Prediction using Machine LearningIRJET-  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine LearningIRJET Journal
 
Random forest algorithm
Random forest algorithmRandom forest algorithm
Random forest algorithmRashid Ansari
 
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
Heart disease predictionHeart disease prediction
Heart disease predictionAriful Haque
 
Prospects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingProspects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingGodswll Egegwu
 
Multiple Disease Prediction System
Multiple Disease Prediction SystemMultiple Disease Prediction System
Multiple Disease Prediction SystemIRJET Journal
 
Detection of Parkinson’s disease using python.pptx
Detection of Parkinson’s disease using python.pptxDetection of Parkinson’s disease using python.pptx
Detection of Parkinson’s disease using python.pptxRashmiPrakash38
 
Diabetes prediction using machine learning
Diabetes prediction using machine learningDiabetes prediction using machine learning
Diabetes prediction using machine learningdataalcott
 
Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...Yubraj Gupta
 
Loan approval prediction based on machine learning approach
Loan approval prediction based on machine learning approachLoan approval prediction based on machine learning approach
Loan approval prediction based on machine learning approachEslam Nader
 
Air Pollution Prediction using Machine Learning
Air Pollution Prediction using Machine LearningAir Pollution Prediction using Machine Learning
Air Pollution Prediction using Machine LearningIRJET Journal
 

What's hot (20)

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
 
Machine Learning in Healthcare Diagnostics
Machine Learning in Healthcare DiagnosticsMachine Learning in Healthcare Diagnostics
Machine Learning in Healthcare Diagnostics
 
Heart disease prediction system
Heart disease prediction systemHeart disease prediction system
Heart disease prediction system
 
Prediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptxPrediction of heart disease using machine learning.pptx
Prediction of heart disease using machine learning.pptx
 
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.
 
Prediction of Heart Disease using Machine Learning Algorithms: A Survey
Prediction of Heart Disease using Machine Learning Algorithms: A SurveyPrediction of Heart Disease using Machine Learning Algorithms: A Survey
Prediction of Heart Disease using Machine Learning Algorithms: A Survey
 
Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm Heart disease prediction using machine learning algorithm
Heart disease prediction using machine learning algorithm
 
Smart Data Slides: Machine Learning - Case Studies
Smart Data Slides: Machine Learning - Case StudiesSmart Data Slides: Machine Learning - Case Studies
Smart Data Slides: Machine Learning - Case Studies
 
IRJET- Disease Prediction using Machine Learning
IRJET-  Disease Prediction using Machine LearningIRJET-  Disease Prediction using Machine Learning
IRJET- Disease Prediction using Machine Learning
 
Random forest algorithm
Random forest algorithmRandom forest algorithm
Random forest algorithm
 
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
Heart disease predictionHeart disease prediction
Heart disease prediction
 
Prospects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical ImagingProspects of Deep Learning in Medical Imaging
Prospects of Deep Learning in Medical Imaging
 
Multiple Disease Prediction System
Multiple Disease Prediction SystemMultiple Disease Prediction System
Multiple Disease Prediction System
 
Detection of Parkinson’s disease using python.pptx
Detection of Parkinson’s disease using python.pptxDetection of Parkinson’s disease using python.pptx
Detection of Parkinson’s disease using python.pptx
 
Diabetes prediction using machine learning
Diabetes prediction using machine learningDiabetes prediction using machine learning
Diabetes prediction using machine learning
 
Deep learning and Healthcare
Deep learning and HealthcareDeep learning and Healthcare
Deep learning and Healthcare
 
Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...Alzheimer's disease classification using Deep learning Neural a Network and G...
Alzheimer's disease classification using Deep learning Neural a Network and G...
 
Loan approval prediction based on machine learning approach
Loan approval prediction based on machine learning approachLoan approval prediction based on machine learning approach
Loan approval prediction based on machine learning approach
 
Air Pollution Prediction using Machine Learning
Air Pollution Prediction using Machine LearningAir Pollution Prediction using Machine Learning
Air Pollution Prediction using Machine Learning
 

Similar to Disease Prediction And Doctor Appointment system

heart final last sem.pptx
heart final last sem.pptxheart final last sem.pptx
heart final last sem.pptxrakshashadu
 
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
 
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhfirst review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhmithun302002
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MININGAshish Salve
 
Analytical Comparison of Mathematical Modeling in the Diagnostic Expert Systems
Analytical Comparison of Mathematical Modeling in the Diagnostic Expert SystemsAnalytical Comparison of Mathematical Modeling in the Diagnostic Expert Systems
Analytical Comparison of Mathematical Modeling in the Diagnostic Expert SystemsEditor IJCATR
 
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real LifeSimplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real LifePeea Bal Chakraborty
 
Zeroth review major project (1).pptx
Zeroth review major project (1).pptxZeroth review major project (1).pptx
Zeroth review major project (1).pptxShreyaBharadwaj7
 
Presentation on supervised learning
Presentation on supervised learningPresentation on supervised learning
Presentation on supervised learningTonmoy Bhagawati
 
Data Science Project: Advancements in Fetal Health Classification
Data Science Project: Advancements in Fetal Health ClassificationData Science Project: Advancements in Fetal Health Classification
Data Science Project: Advancements in Fetal Health ClassificationBoston Institute of Analytics
 
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...IRJET Journal
 
Iganfis Data Mining Approach for Forecasting Cancer Threats
Iganfis Data Mining Approach for Forecasting Cancer ThreatsIganfis Data Mining Approach for Forecasting Cancer Threats
Iganfis Data Mining Approach for Forecasting Cancer Threatsijsrd.com
 
An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...
An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...
An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...Scott Faria
 
Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...
Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...
Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...IRJET Journal
 
Predictive Analysis of Breast Cancer Detection using Classification Algorithm
Predictive Analysis of Breast Cancer Detection using Classification AlgorithmPredictive Analysis of Breast Cancer Detection using Classification Algorithm
Predictive Analysis of Breast Cancer Detection using Classification AlgorithmSushanti Acharya
 
Health Analyzer System
Health Analyzer SystemHealth Analyzer System
Health Analyzer SystemIRJET Journal
 

Similar to Disease Prediction And Doctor Appointment system (20)

heart final last sem.pptx
heart final last sem.pptxheart final last sem.pptx
heart final last sem.pptx
 
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
 
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbhfirst review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
first review.pptxgghggggvvvvbbvvvvvhhjjjbbvvvvbbbbbhhhhhhhhhbbh
 
HEALTH PREDICTION ANALYSIS USING DATA MINING
HEALTH PREDICTION ANALYSIS USING DATA  MININGHEALTH PREDICTION ANALYSIS USING DATA  MINING
HEALTH PREDICTION ANALYSIS USING DATA MINING
 
Analytical Comparison of Mathematical Modeling in the Diagnostic Expert Systems
Analytical Comparison of Mathematical Modeling in the Diagnostic Expert SystemsAnalytical Comparison of Mathematical Modeling in the Diagnostic Expert Systems
Analytical Comparison of Mathematical Modeling in the Diagnostic Expert Systems
 
Disease Prediction Using Machine Learning
Disease Prediction Using Machine LearningDisease Prediction Using Machine Learning
Disease Prediction Using Machine Learning
 
Parkinson disease classification v2.0
Parkinson disease classification v2.0Parkinson disease classification v2.0
Parkinson disease classification v2.0
 
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real LifeSimplified Knowledge Prediction: Application of Machine Learning in Real Life
Simplified Knowledge Prediction: Application of Machine Learning in Real Life
 
Parkinson disease classification recorded v2.0
Parkinson disease classification recorded   v2.0Parkinson disease classification recorded   v2.0
Parkinson disease classification recorded v2.0
 
Zeroth review major project (1).pptx
Zeroth review major project (1).pptxZeroth review major project (1).pptx
Zeroth review major project (1).pptx
 
Short story_2.pptx
Short story_2.pptxShort story_2.pptx
Short story_2.pptx
 
Presentation on supervised learning
Presentation on supervised learningPresentation on supervised learning
Presentation on supervised learning
 
Data Science Project: Advancements in Fetal Health Classification
Data Science Project: Advancements in Fetal Health ClassificationData Science Project: Advancements in Fetal Health Classification
Data Science Project: Advancements in Fetal Health Classification
 
Final_Presentation.pptx
Final_Presentation.pptxFinal_Presentation.pptx
Final_Presentation.pptx
 
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
 
Iganfis Data Mining Approach for Forecasting Cancer Threats
Iganfis Data Mining Approach for Forecasting Cancer ThreatsIganfis Data Mining Approach for Forecasting Cancer Threats
Iganfis Data Mining Approach for Forecasting Cancer Threats
 
An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...
An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...
An Empirical Study On Diabetes Mellitus Prediction For Typical And Non-Typica...
 
Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...
Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...
Prediction of Dengue, Diabetes and Swine Flu using Random Forest Classificati...
 
Predictive Analysis of Breast Cancer Detection using Classification Algorithm
Predictive Analysis of Breast Cancer Detection using Classification AlgorithmPredictive Analysis of Breast Cancer Detection using Classification Algorithm
Predictive Analysis of Breast Cancer Detection using Classification Algorithm
 
Health Analyzer System
Health Analyzer SystemHealth Analyzer System
Health Analyzer System
 

Recently uploaded

The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...ICS
 
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfLearn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfkalichargn70th171
 
Test Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and BackendTest Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and BackendArshad QA
 
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerThousandEyes
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsJhone kinadey
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...MyIntelliSource, Inc.
 
Advancing Engineering with AI through the Next Generation of Strategic Projec...
Advancing Engineering with AI through the Next Generation of Strategic Projec...Advancing Engineering with AI through the Next Generation of Strategic Projec...
Advancing Engineering with AI through the Next Generation of Strategic Projec...OnePlan Solutions
 
DNT_Corporate presentation know about us
DNT_Corporate presentation know about usDNT_Corporate presentation know about us
DNT_Corporate presentation know about usDynamic Netsoft
 
(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...
(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...
(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...gurkirankumar98700
 
Salesforce Certified Field Service Consultant
Salesforce Certified Field Service ConsultantSalesforce Certified Field Service Consultant
Salesforce Certified Field Service ConsultantAxelRicardoTrocheRiq
 
Clustering techniques data mining book ....
Clustering techniques data mining book ....Clustering techniques data mining book ....
Clustering techniques data mining book ....ShaimaaMohamedGalal
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxComplianceQuest1
 
Professional Resume Template for Software Developers
Professional Resume Template for Software DevelopersProfessional Resume Template for Software Developers
Professional Resume Template for Software DevelopersVinodh Ram
 
Active Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdfActive Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdfCionsystems
 
5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdf5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdfWave PLM
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsAndolasoft Inc
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVshikhaohhpro
 
Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...
Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...
Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...harshavardhanraghave
 

Recently uploaded (20)

The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
The Real-World Challenges of Medical Device Cybersecurity- Mitigating Vulnera...
 
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdfLearn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
Learn the Fundamentals of XCUITest Framework_ A Beginner's Guide.pdf
 
Test Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and BackendTest Automation Strategy for Frontend and Backend
Test Automation Strategy for Frontend and Backend
 
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected WorkerHow To Troubleshoot Collaboration Apps for the Modern Connected Worker
How To Troubleshoot Collaboration Apps for the Modern Connected Worker
 
Right Money Management App For Your Financial Goals
Right Money Management App For Your Financial GoalsRight Money Management App For Your Financial Goals
Right Money Management App For Your Financial Goals
 
Exploring iOS App Development: Simplifying the Process
Exploring iOS App Development: Simplifying the ProcessExploring iOS App Development: Simplifying the Process
Exploring iOS App Development: Simplifying the Process
 
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
Try MyIntelliAccount Cloud Accounting Software As A Service Solution Risk Fre...
 
Advancing Engineering with AI through the Next Generation of Strategic Projec...
Advancing Engineering with AI through the Next Generation of Strategic Projec...Advancing Engineering with AI through the Next Generation of Strategic Projec...
Advancing Engineering with AI through the Next Generation of Strategic Projec...
 
DNT_Corporate presentation know about us
DNT_Corporate presentation know about usDNT_Corporate presentation know about us
DNT_Corporate presentation know about us
 
(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...
(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...
(Genuine) Escort Service Lucknow | Starting ₹,5K To @25k with A/C 🧑🏽‍❤️‍🧑🏻 89...
 
Salesforce Certified Field Service Consultant
Salesforce Certified Field Service ConsultantSalesforce Certified Field Service Consultant
Salesforce Certified Field Service Consultant
 
Clustering techniques data mining book ....
Clustering techniques data mining book ....Clustering techniques data mining book ....
Clustering techniques data mining book ....
 
A Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docxA Secure and Reliable Document Management System is Essential.docx
A Secure and Reliable Document Management System is Essential.docx
 
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS LiveVip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
Vip Call Girls Noida ➡️ Delhi ➡️ 9999965857 No Advance 24HRS Live
 
Professional Resume Template for Software Developers
Professional Resume Template for Software DevelopersProfessional Resume Template for Software Developers
Professional Resume Template for Software Developers
 
Active Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdfActive Directory Penetration Testing, cionsystems.com.pdf
Active Directory Penetration Testing, cionsystems.com.pdf
 
5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdf5 Signs You Need a Fashion PLM Software.pdf
5 Signs You Need a Fashion PLM Software.pdf
 
How To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.jsHow To Use Server-Side Rendering with Nuxt.js
How To Use Server-Side Rendering with Nuxt.js
 
Optimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTVOptimizing AI for immediate response in Smart CCTV
Optimizing AI for immediate response in Smart CCTV
 
Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...
Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...
Reassessing the Bedrock of Clinical Function Models: An Examination of Large ...
 

Disease Prediction And Doctor Appointment system

  • 1. Disease Prediction And Doctor Appointment System
  • 2. KOYEL MAJUMDAR Registration No: 1011621400088 Roll No: 22342106 RINA PAUL Registration No: 2014009633 Roll No: 22342110 Guided By: Dr. KUNAL DAS Assistant Professor, Acharya Prafulla Chandra College Presented By:
  • 3. OUTLINE • Motivation • Objectives • Related Work • Research Gap • Project Novelty • Design Model • Introduction to Machine Learning • Project work • Algorithms • Design • Result and Discussion • Future work • References
  • 4. Motivation Less availability of Health centre Less availability of doctors Distance of health centre Recognize the disease from symptoms Less availability of medicine Point of care facility
  • 5. Objectives Our main aim is to provide a quick medical diagnosis to the patients living in rural areas. Nowadays, it is very useful for postcovid contactless system in rural health service. The goal is to provide access to medical specialists. This system enhance quality of health care.
  • 6. Related Work Shahadat Uddin, Arif Khan, Md Ekramul Hossain and Mohammand Ali Moni Worked on the comparing different supervised machine learning algorithms for disease prediction. Here they selected LR, SVM, Decision tree, Random forest, Naïve Bayes, K-nearest neighbour and ANN. Reference: https://link.springer.com/article/10.1186/s12911-019-1004-8
  • 7. Research Gap The reality of modern medicine is that there are many more patients than doctors who are not able to help them. The recent pandemic has proven that the world is not ready for emergencies of that sort and there is a global need for qualified doctors. Everyday complex and new diseases increase continuously. This led to higher number of peoples deprived from medical facility. ML techniques will facilitate doctors to create an correct identification for disease. Moreover, the cost of emergency health diagnosis is affordable to a wide range of people. Doctors will be able to communicate through this system even if they do not present in health centre.
  • 8. Project Novelty Depending on the disease being diagnosed, a specialist doctor will assign for this disease in our system. Out of five algorithms used in this project, in most cases three algorithms are giving accurate results. Our system is a well understood system for users. GUI is designed in such a simple way that everyone can easily operate on it.
  • 9. Design of the system
  • 10. Machine Learning and it’s Algorithm Machine Learning uses programmed algorithms that learn and optimize their operations by analysing input data to make predictions within an acceptable range. Machine learning algorithms they can be divided into three broad categories according to their purposes. These three categories are: supervised, unsupervised and semi-supervised. In supervised machine learning algorithms, a labelled training dataset is used first to train the underlying algorithm. This trained algorithm is then fed on the unlabelled test dataset to categorise them into similar groups. For disease prediction the learning model include Support Vector Machine, Decision Tree, Random Forest, Naïve Bayes, K-nearest neighbour.
  • 11. Here we use five different algorithms in machine learning. The first algorithm is a Decision Tree, second is a Random Forest ,third is Naive Bayes, fourth is K-Nearest Neighbor and the last one is Support Vector Machine. We are going to import Pandas for manipulating the CSV file, Numpy, Sklearn for the algorithms and Tkinter for our GUI stuff. Now our first step is to make a list or dataset of the symptoms and diseases. The dataset is given below: Prototype.csv Prototype1.csv The doctor dataset for this project is: C:UserskushalDOCTORLISTEXCELCSV2.csv
  • 12.
  • 13. List of Symptoms we used
  • 14. List of diseases we used
  • 15. Some of diseases and their symptoms
  • 16. Traverse the file as shown in the code and store them into an x_test and y_test. Then Ravel the y_text using the Numpy module. Now the main part of machine learning comes here i.e the training and testing of the code or model. So the training file is named as prototype.csv in our program and the testing file is named as prototype 1.csv.
  • 17. Now we use five different algorithms:
  • 18. Used Algorithms Decision Tree Algorithm: Step-1: Begin the tree with the root node, says S, which contains the complete dataset. Step-2: Find the best attribute in the dataset using Attribute Selection Measure (ASM). Step-3: Divide the S into subsets that contains possible values for the best attributes. Step-4: Generate the decision tree node, which contains the best attribute. Step-5: Recursively make new decision trees using the subsets of the dataset created in step -3. Continue this process until a stage is reached where you cannot further classify the nodes and called the final node as a leaf node.
  • 19. Used Algorithms Random Forest Algorithm: Step-1: Select random K data points from the training set. Step-2: Build the decision trees associated with the selected data points (Subsets). Step-3: Choose the number N for decision trees that you want to build. Step-4: Repeat Step 1 & 2. Step-5: For new data points, find the predictions of each decision tree, and assign the new data points to the category that wins the majority votes.
  • 20. Used Algorithms Naïve Bayes Algorithm: 1. Convert the given dataset into frequency tables. 2. Generate Likelihood table by finding the probabilities of given features. 3. Now, use Bayes theorem to calculate the posterior probability. Bayes' Theorem: •Bayes' theorem is also known as Bayes' Rule or Bayes' law, which is used to determine the probability of a hypothesis with prior knowledge. It depends on the conditional probability. •The formula for Bayes' theorem is given as: Where, P(A|B) is Posterior probability: Probability of hypothesis A on the observed event B. P(B|A) is Likelihood probability: Probability of the evidence given that the probability of a hypothesis is true.
  • 21. Used Algorithms K-Nearest Neighbor Algorithm: Step-1: Select the number K of the neighbors Step-2: Calculate the Euclidean distance of K number of neighbors Step-3: Take the K nearest neighbors as per the calculated Euclidean distance. Step-4: Among these k neighbors, count the number of the data points in each category. Step-5: Assign the new data points to that category for which the number of the neighbor is maximum.
  • 22. Used Algorithms Support Vector Machine Algorithm: Step 1:find the best line or decision boundary; this best boundary or region is called as a hyperplane. Step 2: finds the closest point of the lines from both the classes. These points are called support vectors. Step 3: The distance between the vectors and the hyperplane is called as margin. And the goal of SVM is to maximize this margin. The hyperplane with maximum margin is Optimal hyperplane. Step 4: for non-linear data, we cannot draw a single straight line. Step 5: So to separate these data points, we need to add one more dimension. For linear data, we have used two dimensions x and y, so for non-linear data, we will add a third dimension z. Step 6: Since we are in 3-d Space, hence it is looking like a plane parallel to the x-axis. If we convert it into 2-d then we get a circumference of radius 1 in case of non-linear data.
  • 23. Accuracy = TP+TN TP+TN+FP+FN F1 Score = 2 x TP 2 x TP+FN+FP Precision = TP TP+FP True Positive Rate = TP TP+FN False Positive Rate = FP FP+TN Here TP= True Positive TN= True Negative FP= False Positive FN= False Negative TP FN FP TN P N N P Actual Class Predicted Class
  • 24. Final Accuracy For Typhoid disease five algorithms gives accuracy score: 95% 95% 95% 95% 92%
  • 25. Design Now design the GUI for our project. For designing GUI we use Tkinter. First to set background image we create canvas and set width and height. Then display image using create_image. For text we use Label and then for selecting symptoms here use OptionMenu. Here we create Button for “Prediction” and “Doctor Appointment”. If we press “Prediction” button then all the five algorithms give the result. Then we choose which disease predict maximum times. Then this disease will be our result. When we press “Doctor Appointment” button, all the names and time schedule of the specialist doctor with respect to predicted disease will show in the list box. Here we use listBox for showing name and time schedule of specialist. For showing predicted disease we use Text. Here for GUI we use grid system.
  • 33. Conclusion •Disease prediction and doctor appointment system using machine learning is very much useful in everyone’s day to day life and it is mainly more important for the health care sector. •It is useful for the user in case he/she doesn’t want to go to the hospital or any other clinics, so just by entering the symptoms and all other useful information the user can get to know the disease he/she is suffering from and also get doctor suggestion and the health industry can also get benefit from this system by just asking the symptoms from the user and entering in the system and in just few seconds they can tell the exact and up to some extent the accurate diseases and doctor prescribed medicine via internet. •The Disease prediction is to provide prediction for the various and generally occurring diseases that when unchecked and sometimes ignored can turns into fatal disease and cause lot of problem to the patient and as well as their family members.
  • 34. Future work The project will later work on medicine and the project will be completed online via Internet. Later an web application will be created with the whole project which can be used for the benefit of the public.
  • 35. References https:// en.wikipedia.org/machine_learning_algorithms https://en.wikipedia.org/wiki/Python_(programming_language) Research Article – Comparing different supervised machine learning algorithms for disease prediction By Shahadat Uddin, Arif Khan, Md Ekramul Hossain and Mohammad Ali Moni  www.wikipedia.com
  • 36.
  • 37. Appendix Algorithm 1. Support Vector Machine: Support vector machine (SVM) algorithm can classify both linear and non-linear data. It first maps each data item into an n-dimensional feature space where n is the number of features. It then identifies the hyperplane that separates the data items into two classes while maximising the marginal distance for both classes and minimising the classification errors. 2. Naïve Bayes: Naïve Bayes (NB) is a classification technique based on the Bayes’ theorem.This theorem can describe the probability of an event based on the prior knowledge of conditions related to that event. This classifier assumes that a particular feature in a class is not directly related to any other feature although features for that class could have interdependence among themselves.
  • 38. 3. Random Forest: A random forest (RF) is an ensemble classifier and consisting of many DTs similar to the way a forest is a collection of many trees .DTs that are grown very deep often cause overfitting of the training data, resulting a high variation in classification outcome for a small change in the input data. They are very sensitive to their training data, which makes them error-prone to the test dataset. The different DTs of an RF are trained using the different parts of the training dataset. To classify a new sample, the input vector of that sample is required to pass down with each DT of the forest. Each DT then considers a different part of that input vector and gives a classification outcome. 4. Decision Tree: Decision tree (DT) is one of the earliest and prominent machine learning algorithms. A decision tree models the decision logics i.e., tests and corresponds outcomes for classifying data items into a tree-like structure. The nodes of a DT tree normally have multiple levels where the first or top- most node is called the root node. All internal nodes (i.e., nodes having at least one child) represent tests on input variables or attributes. Depending on the test outcome, the classification algorithm branches towards the appropriate child node where the process of test and branching repeats until it reaches the leaf node . The leaf or terminal nodes correspond to the decision outcomes. DTs have been found easy to interpret and quick to learn, and are a common component to many medical diagnostic protocols.
  • 39. 5.K-nearest neighbor: The K-nearest neighbor (KNN) algorithm is one of the simplest and earliest classification algorithms. It can be thought a simpler version of an NB classifier. Unlike the NB technique, the KNN algorithm does not require to consider probability values. The ‘K’ is the KNN algorithm is the number of nearest neighbors considered to take ‘vote’ from. The selection of different values for ‘K’ can generate different classification results for the same sample object.
  • 40. Computational Complexity of Algorithms The train time complexity of KNN= O(knd) where k=no of neighbors, n=no of training examples and d=no of dimensions of data Space complexity=O(nd) Training time complexity of SVM=O(n^2) Run time complexity=O(k*d) where k=no of support vector Training time complexity of DT=O(n*log(n)*d) where n=no of points in the training set Run time complexity=O(maximum depth of tree) Training time complexity of RF=O(n*log(n)*d*k) Run time complexity=O(depth of tree *k) Space complexity=O(depth of tree *k) Training time complexity of NB=O(n*d) Run time complexity=O(c*d) where c=no. of classes