SlideShare ist ein Scribd-Unternehmen logo
1 von 6
Downloaden Sie, um offline zu lesen
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2234
COMPARATIVE ANALYSIS OF GUI BASED PREDICTION OF PARKINSON
DISEASE USING MACHINE LEARNING APPROACH
Mr. S.RAMAKRISHNAN 1, R.SURYA2, R.VISHAL3 , M.SAMSON4, R.SHARATH KUMAR5
1Head Of The Department, Dept. of IT, Jeppiaar SRR Engineering College, Chennai, Tamil Nadu
2,3,4,5B.TECH., Dept. of IT, Jeppiaar SRR Engineering College, Chennai, Tamil Nadu
---------------------------------------------------------------------***---------------------------------------------------------------------
Abstract - Parkinson’s disease is the most prevalent
neurodegenerative disorder affecting more than 10 million
people worldwide. There is no single test which can be
administered for diagnosing Parkinson’s disease. Because of
these difficulties, to investigate a machine learning approach
to accurately diagnose Parkinson’s, using a given dataset. To
prevent this problem in medical sectors need to predict the
disease affected or not by finding accuracy calculation using
machine learning techniques. The aim is to research machine
learning based techniques for Parkinson disease byprediction
leads to best accuracy with finding classification report. The
analysis of dataset by supervised machine learning
technique(SMLT) to capture several information’s like,
variable identification, uni-variate analysis, bi-variate and
multi-variate analysis, missing value treatments and analyze
the data validation, data cleaning/preparing and data
visualization are going to be done on the whole given dataset.
To propose, a machine learning-based method to accurately
predict the disease by speech symptom by prediction resultsin
the form of best accuracy and additionally compare the
performance of various machine learningalgorithmsfrom the
given hospital dataset with evaluation classification report,
identify the result shows that GUI with best accuracy with
precision, Recall ,F1 Score specificity and sensitivity.
1.INTRODUCTION
Machine learning is to predict the future from past data.
Machine learning focuses on the development of Computer
Programs that can change when exposedto newdata andthe
basics of Machine Learning, implementation of a simple
machine learning algorithm usingpython.Itfeedthetraining
data to an algorithm, and the algorithm uses this training
data to give predictions on a new test data. Machinelearning
can be roughly separated in to three categories. There are
supervised learning, unsupervised learning and
reinforcement learning. Supervisedlearningprogramis both
given the input data and the corresponding labeling to learn
data has to be labeled by a human being beforehand.
Unsupervised learning is no labels. It provided to the
learning algorithm. This algorithm has to figure out the
clustering of the input data. Finally, Reinforcement learning
dynamically interacts with its environment and it receives
positive or negative feedback to improve its
performance.Data scientists use many different kinds of
machine learning algorithms to discover patterns in python
that lead to actionable insights. Classification predictive
modeling is the task of approximating a mapping function
from input variables(X) to discrete output variables(y).This
data set may simply be bi-class (like identifying whether the
person is male or female or that the mail is spam or non-
spam) or it may be multi-class too.
1.1 What is Supervised Machine Learning?
Supervised Machine Learningisthatthemajorityofpractical
machine learning uses supervised learning. Supervised
learning is where have input variables (X) and an output
variable (y) and use an algorithm to find out the mapping
function from the input to the output is y = f(X). The goal is
to approximate the mapping function so well that once you
have new input file (X) that you simply can
predict the output variables (y) for that data. Techniques of
Supervised Machine Learning algorithms include logistic
regression, multi-class classification, Decision Trees and
support vector machines etc. Supervised learning requires
that the info wont to train the algorithm is already labeled
with correct answers. Supervised learning problems are
often further grouped into Classification problems. This
problem has as goal the constructionofa succinctmodel that
can predict the value of the dependent attribute from the
attribute variables. The difference between the two tasks is
the fact that the dependent attribute is numerical for
categorical for classification. Given one or more inputs a
classification model will attempt to predict the worth of 1 or
more outcomes. A classification problem is when the output
variable may be a category, like “red” or “blue”.
1.2 What is Parkinson’s disease
Parkinson’s disease a long term degenerativedisorderof the
central nervous system that affects the motor control of a
patient by affecting predominately dopamine producing
neurons in a specific area of the brain. The main problem in
detecting the disease timely is the visible symptoms appear
mostly at the later stage where cure no longer becomes
possible. There is no correct reason proved yet that results
to cause of Parkinson’s, hence scientists are still conducting
extensive research to find out its exact cause. Though some
abnormal genes that become prominent due to elderly
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2235
appear to lead to Parkinson’s in some people but there is no
evidence to proof this. Though there are a couple of
procedures early Parkinson’s detection. Dopamine
transporter single-photon emission computed tomography
can be used to effectively diagnosis Parkinson’s by detecting
amount of dopamine deficiency in the concerned patient’s
brain cell at a considerable early stage. Parkinson’s disease
(PD) affects approximately one million Americans and can
cause several motor and non-motor symptoms. One of the
secondary motor symptoms that people with PD may
experience is change in speech, or speech difficulty. Not
everyone with PD experiences same symptoms, and not all
patients will have changes in their speech.
2. MODULES DESCRIPTION
2.1 VARIABLE IDENTIFICATION PROCESS AND
DATA VALIDATION PROCESS
Validation techniques in machinelearningare usedtogetthe
error rateof the MachineLearning (ML) model, which canbe
considered as close to the true error rate of the dataset. If the
info volume is large enough to be representative of the
population, you'll not need the validation techniques.
However, in real-world scenarios, to work with samples of
data that may not be a true representative of the population
of given dataset. To finding the missingvalue,duplicatevalue
and description of data type whether it is float variable or
integer. The sample of knowledge wont to provide an
unbiased evaluation of a model fit on the training dataset
while tuning model hyper parameters. The validation set is
employed to guage a given model, but this is often for
frequent evaluation. It as machine learning engineers uses
this data to fine-tune the model hyper parameters. Data
collection, data analysis, and therefore the process of
addressing data content, quality, and structurecan add up to
a time-consuming to-do list.Duringthemethodofknowledge
identification, it helps to know your data and its properties;
this data will assist you choose which algorithm to use to
create your model. For example, time series data can be
analyzed by regression algorithms; classification algorithms
can be used to analyze discrete data. (For example to show
the data type format of given dataset)
2.1.1 DATA VALIDATION/CLEANING/PREPARING
PROCESS
Importing the library packages with loading given dataset.
To analyzing the variable identification by data shape, data
type and evaluating the missing values, duplicate values. A
validation dataset is a sample of data heldback fromtraining
your model that is used to give an estimate of model skill
while tuning model's and procedures that you can use to
form the simplest use of validation and test datasets when
evaluating your models. Data cleaning / preparing by
rename the given dataset and drop the column etc. to
analyze the uni-variate, bi-variate andmulti-variateprocess.
The primary goal of knowledge cleaning is todetectandtake
away errors and anomalies to extend the worth of
knowledge in analytics and deciding .
2.1.2 DATA PREPROCESSING
Data Preprocessingmaybeatechniquethat'swonttoconvert
the data into a clean data set. In other words, whenever the
info is gathered from different sources it's collected in raw
format which isn't feasible for the analysis. To achieving
better results from the applied model in Machine Learning
method of the data has to be in a proper manner. Some
specified MachineLearning model needs information during
a specified format; for instance , Random Forest algorithm
doesn't support null values. Therefore, to execute random
forest algorithm null values need to be managed from the
first data set. And another aspect is that data set should be
formatted in such how that quite one Machine Learning and
Deep Learning algorithms are executed in given dataset.
2.2 DATA VISUALIZATION
Data visualization is an important skill in applied statistics
and machine learning. Statistics does indeed specialise in
quantitative descriptions and estimations of knowledge .
Data visualization provides an important suite of tools for
gaining a qualitative understanding. This can be helpful
when exploring and going to know a dataset and may help
with identifying patterns, corrupt data, outliers, and far
more. With a little domain knowledge, data visualizations
can be used to express and demonstrate key relationshipsin
plots and charts that are more visceral and stakeholders
than measures of association or significance. Data
visualization and exploratory data analysis are whole fields
themselves and it will recommend a deeper dive into some
the books mentioned at the end.
2.3 LOGISTIC REGRESSION
It is a statistical procedure for analyzing a knowledge set
during which there are one or more independent variables
that determine an outcome. The goal of logistic regressionis
to seek out the simplest fitting model to explain the
connection between the dichotomous characteristic of
interest (dependent variable = response or outcome
variable) and a group of independent (predictor or
explanatory) variables.Logisticregressionmaybea Machine
Learning classification algorithm that's wont to predict the
probability of a categorical variable . In logistic regression,
the variable may be a binary variable that contains data
coded as 1 (yes, success, etc.) or 0 (no, failure, etc.).
2.3.1 DECISION TREE
Decision tree builds classification or regression models
within the sort of a tree structure. It breaks down a
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2236
knowledge set into smaller and smaller subsets while at an
equivalent time an associated decision tree is incrementally
developed. Decision tree builds classification or regression
models within the sort of a tree structure. Each time a rule is
learned, the tuples covered by the principles are
removed.This process is sustained on the training set until
meeting a termination condition. It is constructed in a top-
down recursive divide-and-conquer manner. All the
attributes should be categorical. Otherwise, they should be
discretized in advance. Attributes within the top of the tree
have more impact towards within the classification and that
they are identified using the knowledge gain concept. A
decision tree are often easilyover-fittedgeneratingtoomany
branches and should reflect anomalies thanks to noise or
outliers.
2.4 SUPPORT VECTOR MACHINES
A classifier that categorizes the info set by settinganoptimal
hyper plane between data. I chose this classifier becauseit is
incredibly versatile within the number of various kernelling
functions which will be applied and this model can yield a
high predictability rate. Support Vector Machines are
perhaps one among the foremost popular and talked about
machine learning algorithms. They were extremely popular
round the time they were developed within the 1990s and
still be the go-to method for a high-performing algorithm
with little tuning.
2.4.1 RANDOM FOREST
Random forest may be a sort of supervisedmachinelearning
algorithm supported ensemble learning. Ensemble learning
may be a sort of learning where you join differing types of
algorithms or same algorithm multipletimestomakea more
powerful prediction model. The random forest algorithm
combines multiple algorithm of an equivalent type i.e.
multiple decision trees, leading to a forest of trees,hencethe
name "Random Forest". The random forest algorithm are
often used for both regression and classification tasks.
2.5 K-NEAREST NEIGHBOR
K-Nearest Neighbor is a supervised machine learning
algorithm which stores all instances correspond to training
data points in n-dimensional space.Thek-nearest-neighbors
algorithm may be a classification algorithm, and it's
supervised: it takes a bunch of labeled points and uses them
to find out the way to label other points. To label a
replacement point, it's at the labeled points closest thereto
new point (those are its nearest neighbors), and has those
neighbors vote, so whichever label themostofthe neighbors
have is that the label for the new point (the “k” is that the
number of neighbors it checks). Makespredictionsaboutthe
validation set using the entire training set. KNN makes a
prediction about a new instance by searching through the
entire set to find the k “closest” instances.
2.5.1 NAIVE BAYES ALGORITHM
The Naive Bayes algorithm is an intuitive method that uses
the possibilities of every attribute belongingto everyclassto
form a prediction. It is the supervised learning approach
you'd come up with if you wanted to model a predictive
modeling problem probabilistically. This is a strong
assumption but results in a fast and effective method. The
probability of a category value given a worth of an attribute
is named the contingent probability . By multiplying the
conditional probabilities together for every attribute for a
given class value, we've a probability of a knowledge
instance belonging thereto class. To make a prediction we
will calculate probabilities of the instancebelongingto every
class and choose the category value with the very best
probability.Naive Bayes may be a statistical classification
technique supported BayesTheorem.Itisoneofthesimplest
supervised learning algorithms. NaiveBayesclassifieristhat
the fast, accurate and reliable algorithm. Naive Bayes
classifier assumes that the effect of a particular feature in a
class is independent of other features. For example, a loan
applicant is desirable or not depending on his/her income,
previous loan and transaction history, age, and location.
Even if these features are interdependent, thesefeatures are
still considered independently. This assumption simplifies
computation, and that's why it is considered as naive. This
assumption is called class conditional independence.
2.6 GRAPHICAL USER INTERFACE
Tkinter is a python library for developing GUI (Graphical
User Interfaces). We use the tkinter library for creating an
application of UI (User Interface), to create windows and all
other graphical user interface and Tkinter will come with
Python as a standard package, it can be used for security
purpose of each users or accountants. There will be two
kinds of pages like registration user purpose and loginentry
purpose of users.It is important tocomparethe performance
of multiple different machine learning algorithms
consistently and it will discover to create a test harness to
compare multiple different machine learning algorithms in
Python with scikit-learn. It can use this test harness as a
template on your own machine learning problems and add
more and different algorithms to compare.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2237
2.6.1 ACCURACY CACULATION
Table-1:Performance measurements of ML algorithm for
speech
Table-2: Performance measurements of ML algorithm for
tremor
Parameters LR DT
Precision 1 1
Recall 0.80 1
F1-Score 0.89 1
Sensitivity 0.8 1
Specificity 1 1
Accuracy (%) 95.83 100
Table-3: Performance measurements confusion matrix for
speech
Parameters LR DT
TP 39 40
TN 11 13
FP 4 2
FN 5 4
TPR 0.88 0.90
TNR 0.73 0.86
FPR 0.26 0.13
FNR 0.11 0.09
PPV 0.90 0.95
NPV 0.98 0.76
Table-4: Performance measurements confusion
matrix for tremor
Parameters LR DT
TP 19 19
TN 4 5
FP 1 0
FN 0 0
TPR 1 1
TNR 0.8 1
FPR 0.2 0
FNR 0 0
PPV 0.95 1
NPV 1 1
Parameters LR DT
Precision 0.69 0.76
Recall 0.73 0.87
F1-Score 0.71 0.81
Sensitivity 0.73 0.866
Specificity 0.88 0.90
Accuracy (%) 84.74 89.83
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2238
3. SYSTEM TECHNIQUES
Design is meaningful engineering representation of
something that's to be built. Software design is a process
design is the perfect way to accurately translate
requirements in to a finished software product. Design
creates a representation or model, provides detail about
software arrangement, architecture, interfaces and
components that are necessary to implement a system.
SYSTEM ARCHITECTURE
Fig-1:Architecture Diagram
HARDWARE REQUIREMENTS
 Processor : i3/i4
 Hard disk : minimum 300 GB
 RAM : minimum 4 GB
SOFTWARE REQUIREMENTS
Operating System : Windows
Tool : Anaconda with Jupyter
Notebook
SNAPSHOT
Fig-2:Parkinson disease prediction for tremor symptom
Fig-3: Parkinson disease prediction for speech symptom
ADVANTAGES
The scope of this project is to investigate a dataset of
Parkinson normal person records and patient records for
medical field using machinelearningtechnique.Toanalyzing
the prediction of Parkinson disease person is moreaccuracy
with comparing algorithm and try to reducethedoctor’srisk
of factor behind detecting the patient. Easy to predicting the
diagnose Parkinson with doctors can detecting the patient
testing result time is reduced
APPLICATION
A hospital wants to automate the diagnosis of patient (real
time) based on the patient detail provided while filling
online/ offline application form. To automate this process,
they have given a problem to identify the patient segments,
those are have detecting disease to list to show doctors.
FUTURE ENHANCEMENT
Hospitals want to automate the detecting the disease
persons from eligibility process (real time) based on the
account detail.To automate this process by show the
prediction result in web application or desktop
application.To optimize the work to implement in Artificial
Intelligence environment.
CONCLUSION
The analytical process started from data cleaning and
processing, missing value, exploratory analysis and finally
model building and evaluation. The best accuracy on public
test set is higher accuracy score will be finding out. This
brings some of the following insights about diagnose the
Parkinson disease. Early diagnosis of Parkinson’s is most
important for the patient to reduce its impact. It presenteda
prediction model with the aid of artificial intelligence to
improve over human accuracy and provide withthescopeof
early detection. It can be inferred from this model that, area
analysis and use of machine learning technique is useful in
developing prediction models that can help a doctor reduce
the long process of diagnosis anderadicateanyhumanerror.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072
© 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2239
REFERENCES
[1] X. Feng et al., “A language-independent neural network
for event detection,” Sci. China Inf. Sci., vol. 61, no. 9, pp. 92–
106, 2018
[2] F. Karim et al., “LSTM fully convolutional networks for
time series classification,” IEEE Access, vol. 6, pp. 1662–
1669, 2018.
[3] W. Liu et al., “Learning efficient spatial-temporal gait
features with deep learning for human identification,”
Neuroinformatics, vol. 16, pp. 457– 471, 2018.
[4] S. Yeung et al., “Every moment counts: Dense detailed
labeling of actions in complex videos,”Int.J.Comput.Vis.,vol.
126, no. 2–4, pp. 375–389, 2018.
[5] M. M. Hassan et al., “A robust human activity recognition
system using smartphonesensorsanddeeplearning,”Future
Gener. Comput. Syst., vol. 81, pp. 307–313, 2018.
.

Weitere ähnliche Inhalte

Was ist angesagt?

IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...
IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...
IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...IRJET Journal
 
IRJET- Sentimental Analysis for Online Reviews using Machine Learning Algorithms
IRJET- Sentimental Analysis for Online Reviews using Machine Learning AlgorithmsIRJET- Sentimental Analysis for Online Reviews using Machine Learning Algorithms
IRJET- Sentimental Analysis for Online Reviews using Machine Learning AlgorithmsIRJET Journal
 
EDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATION
EDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATIONEDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATION
EDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATIONIJEEE
 
IRJET- Breast Cancer Relapse Prognosis by Classic and Modern Structures o...
IRJET-  	  Breast Cancer Relapse Prognosis by Classic and Modern Structures o...IRJET-  	  Breast Cancer Relapse Prognosis by Classic and Modern Structures o...
IRJET- Breast Cancer Relapse Prognosis by Classic and Modern Structures o...IRJET Journal
 
A Study on Machine Learning and Its Working
A Study on Machine Learning and Its WorkingA Study on Machine Learning and Its Working
A Study on Machine Learning and Its WorkingIJMTST Journal
 
An unsupervised feature selection algorithm with feature ranking for maximizi...
An unsupervised feature selection algorithm with feature ranking for maximizi...An unsupervised feature selection algorithm with feature ranking for maximizi...
An unsupervised feature selection algorithm with feature ranking for maximizi...Asir Singh
 
Iaetsd an enhanced feature selection for
Iaetsd an enhanced feature selection forIaetsd an enhanced feature selection for
Iaetsd an enhanced feature selection forIaetsd Iaetsd
 
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...IRJET Journal
 
A survey of modified support vector machine using particle of swarm optimizat...
A survey of modified support vector machine using particle of swarm optimizat...A survey of modified support vector machine using particle of swarm optimizat...
A survey of modified support vector machine using particle of swarm optimizat...Editor Jacotech
 
Regression with Microsoft Azure & Ms Excel
Regression with Microsoft Azure & Ms ExcelRegression with Microsoft Azure & Ms Excel
Regression with Microsoft Azure & Ms ExcelDr. Abdul Ahad Abro
 
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...IRJET Journal
 
IRJET- Stock Market Prediction using Machine Learning Techniques
IRJET- Stock Market Prediction using Machine Learning TechniquesIRJET- Stock Market Prediction using Machine Learning Techniques
IRJET- Stock Market Prediction using Machine Learning TechniquesIRJET Journal
 
Genetic algorithms vs Traditional algorithms
Genetic algorithms vs Traditional algorithmsGenetic algorithms vs Traditional algorithms
Genetic algorithms vs Traditional algorithmsDr. C.V. Suresh Babu
 
Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...
Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...
Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...AIRCC Publishing Corporation
 

Was ist angesagt? (18)

IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...
IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...
IRJET- Classifying Twitter Data in Multiple Classes based on Sentiment Class ...
 
R-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGE
R-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGER-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGE
R-PI BASED DETECTION OF LUNG CANCER USING MRI IMAGE
 
IRJET- Sentimental Analysis for Online Reviews using Machine Learning Algorithms
IRJET- Sentimental Analysis for Online Reviews using Machine Learning AlgorithmsIRJET- Sentimental Analysis for Online Reviews using Machine Learning Algorithms
IRJET- Sentimental Analysis for Online Reviews using Machine Learning Algorithms
 
EDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATION
EDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATIONEDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATION
EDGE DETECTION IN DIGITAL IMAGE USING MORPHOLOGY OPERATION
 
IRJET- Breast Cancer Relapse Prognosis by Classic and Modern Structures o...
IRJET-  	  Breast Cancer Relapse Prognosis by Classic and Modern Structures o...IRJET-  	  Breast Cancer Relapse Prognosis by Classic and Modern Structures o...
IRJET- Breast Cancer Relapse Prognosis by Classic and Modern Structures o...
 
A Study on Machine Learning and Its Working
A Study on Machine Learning and Its WorkingA Study on Machine Learning and Its Working
A Study on Machine Learning and Its Working
 
An unsupervised feature selection algorithm with feature ranking for maximizi...
An unsupervised feature selection algorithm with feature ranking for maximizi...An unsupervised feature selection algorithm with feature ranking for maximizi...
An unsupervised feature selection algorithm with feature ranking for maximizi...
 
Iaetsd an enhanced feature selection for
Iaetsd an enhanced feature selection forIaetsd an enhanced feature selection for
Iaetsd an enhanced feature selection for
 
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
IRJET- Prediction of Crime Rate Analysis using Supervised Classification Mach...
 
A survey of modified support vector machine using particle of swarm optimizat...
A survey of modified support vector machine using particle of swarm optimizat...A survey of modified support vector machine using particle of swarm optimizat...
A survey of modified support vector machine using particle of swarm optimizat...
 
Introduction to machine learning
Introduction to machine learningIntroduction to machine learning
Introduction to machine learning
 
my IEEE
my IEEEmy IEEE
my IEEE
 
Regression with Microsoft Azure & Ms Excel
Regression with Microsoft Azure & Ms ExcelRegression with Microsoft Azure & Ms Excel
Regression with Microsoft Azure & Ms Excel
 
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...IRJET -  	  An User Friendly Interface for Data Preprocessing and Visualizati...
IRJET - An User Friendly Interface for Data Preprocessing and Visualizati...
 
IRJET- Stock Market Prediction using Machine Learning Techniques
IRJET- Stock Market Prediction using Machine Learning TechniquesIRJET- Stock Market Prediction using Machine Learning Techniques
IRJET- Stock Market Prediction using Machine Learning Techniques
 
Genetic algorithms vs Traditional algorithms
Genetic algorithms vs Traditional algorithmsGenetic algorithms vs Traditional algorithms
Genetic algorithms vs Traditional algorithms
 
Introductionedited
IntroductioneditedIntroductionedited
Introductionedited
 
Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...
Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...
Enactment Ranking of Supervised Algorithms Dependence of Data Splitting Algor...
 

Ähnlich wie IRJET - Comparative Analysis of GUI based Prediction of Parkinson Disease using Machine Learning Approach

Machine Learning Approaches and its Challenges
Machine Learning Approaches and its ChallengesMachine Learning Approaches and its Challenges
Machine Learning Approaches and its Challengesijcnes
 
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...IRJET Journal
 
IRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware PerformanceIRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware PerformanceIRJET Journal
 
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor DriveIRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor DriveIRJET Journal
 
AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...
AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...
AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...ijsc
 
IRJET - Employee Performance Prediction System using Data Mining
IRJET - Employee Performance Prediction System using Data MiningIRJET - Employee Performance Prediction System using Data Mining
IRJET - Employee Performance Prediction System using Data MiningIRJET Journal
 
IRJET- The Machine Learning: The method of Artificial Intelligence
IRJET- The Machine Learning: The method of Artificial IntelligenceIRJET- The Machine Learning: The method of Artificial Intelligence
IRJET- The Machine Learning: The method of Artificial IntelligenceIRJET Journal
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONIRJET Journal
 
CLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEY
CLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEYCLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEY
CLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEYEditor IJMTER
 
Parkinson Disease Detection Using XGBoost and SVM
Parkinson Disease Detection Using XGBoost and SVMParkinson Disease Detection Using XGBoost and SVM
Parkinson Disease Detection Using XGBoost and SVMIRJET Journal
 
Email Spam Detection Using Machine Learning
Email Spam Detection Using Machine LearningEmail Spam Detection Using Machine Learning
Email Spam Detection Using Machine LearningIRJET Journal
 
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNINGPARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNINGIRJET Journal
 
IRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine LearningIRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine LearningIRJET Journal
 
IRJET- Fault Detection and Prediction of Failure using Vibration Analysis
IRJET-	 Fault Detection and Prediction of Failure using Vibration AnalysisIRJET-	 Fault Detection and Prediction of Failure using Vibration Analysis
IRJET- Fault Detection and Prediction of Failure using Vibration AnalysisIRJET Journal
 
IRJET - House Price Prediction using Machine Learning and RPA
 IRJET - House Price Prediction using Machine Learning and RPA IRJET - House Price Prediction using Machine Learning and RPA
IRJET - House Price Prediction using Machine Learning and RPAIRJET Journal
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionDr. Amarjeet Singh
 
IRJET- A Comparative Research of Rule based Classification on Dataset using W...
IRJET- A Comparative Research of Rule based Classification on Dataset using W...IRJET- A Comparative Research of Rule based Classification on Dataset using W...
IRJET- A Comparative Research of Rule based Classification on Dataset using W...IRJET Journal
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...IRJET Journal
 
IRJET - Machine Learning for Diagnosis of Diabetes
IRJET - Machine Learning for Diagnosis of DiabetesIRJET - Machine Learning for Diagnosis of Diabetes
IRJET - Machine Learning for Diagnosis of DiabetesIRJET Journal
 

Ähnlich wie IRJET - Comparative Analysis of GUI based Prediction of Parkinson Disease using Machine Learning Approach (20)

Machine Learning Approaches and its Challenges
Machine Learning Approaches and its ChallengesMachine Learning Approaches and its Challenges
Machine Learning Approaches and its Challenges
 
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
E-Healthcare monitoring System for diagnosis of Heart Disease using Machine L...
 
IRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware PerformanceIRJET- Deep Learning Model to Predict Hardware Performance
IRJET- Deep Learning Model to Predict Hardware Performance
 
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor DriveIRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
IRJET- Analysis of PV Fed Vector Controlled Induction Motor Drive
 
AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...
AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...
AI TESTING: ENSURING A GOOD DATA SPLIT BETWEEN DATA SETS (TRAINING AND TEST) ...
 
IRJET - Employee Performance Prediction System using Data Mining
IRJET - Employee Performance Prediction System using Data MiningIRJET - Employee Performance Prediction System using Data Mining
IRJET - Employee Performance Prediction System using Data Mining
 
IRJET- The Machine Learning: The method of Artificial Intelligence
IRJET- The Machine Learning: The method of Artificial IntelligenceIRJET- The Machine Learning: The method of Artificial Intelligence
IRJET- The Machine Learning: The method of Artificial Intelligence
 
AIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTIONAIRLINE FARE PRICE PREDICTION
AIRLINE FARE PRICE PREDICTION
 
CLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEY
CLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEYCLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEY
CLASSIFICATION ALGORITHM USING RANDOM CONCEPT ON A VERY LARGE DATA SET: A SURVEY
 
Parkinson Disease Detection Using XGBoost and SVM
Parkinson Disease Detection Using XGBoost and SVMParkinson Disease Detection Using XGBoost and SVM
Parkinson Disease Detection Using XGBoost and SVM
 
Email Spam Detection Using Machine Learning
Email Spam Detection Using Machine LearningEmail Spam Detection Using Machine Learning
Email Spam Detection Using Machine Learning
 
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNINGPARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
PARKINSON’S DISEASE DETECTION USING MACHINE LEARNING
 
IRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine LearningIRJET- Comparison of Classification Algorithms using Machine Learning
IRJET- Comparison of Classification Algorithms using Machine Learning
 
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
COMPARATIVE ANALYSIS OF DIFFERENT MACHINE LEARNING ALGORITHMS FOR PLANT DISEA...
 
IRJET- Fault Detection and Prediction of Failure using Vibration Analysis
IRJET-	 Fault Detection and Prediction of Failure using Vibration AnalysisIRJET-	 Fault Detection and Prediction of Failure using Vibration Analysis
IRJET- Fault Detection and Prediction of Failure using Vibration Analysis
 
IRJET - House Price Prediction using Machine Learning and RPA
 IRJET - House Price Prediction using Machine Learning and RPA IRJET - House Price Prediction using Machine Learning and RPA
IRJET - House Price Prediction using Machine Learning and RPA
 
Artificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern RecognitionArtificial Intelligence based Pattern Recognition
Artificial Intelligence based Pattern Recognition
 
IRJET- A Comparative Research of Rule based Classification on Dataset using W...
IRJET- A Comparative Research of Rule based Classification on Dataset using W...IRJET- A Comparative Research of Rule based Classification on Dataset using W...
IRJET- A Comparative Research of Rule based Classification on Dataset using W...
 
Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...Comparative Study of Enchancement of Automated Student Attendance System Usin...
Comparative Study of Enchancement of Automated Student Attendance System Usin...
 
IRJET - Machine Learning for Diagnosis of Diabetes
IRJET - Machine Learning for Diagnosis of DiabetesIRJET - Machine Learning for Diagnosis of Diabetes
IRJET - Machine Learning for Diagnosis of Diabetes
 

Mehr von 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
 

Mehr von 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...
 

Kürzlich hochgeladen

data_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfdata_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfJiananWang21
 
Verification of thevenin's theorem for BEEE Lab (1).pptx
Verification of thevenin's theorem for BEEE Lab (1).pptxVerification of thevenin's theorem for BEEE Lab (1).pptx
Verification of thevenin's theorem for BEEE Lab (1).pptxchumtiyababu
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdfKamal Acharya
 
Unleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapUnleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapRishantSharmaFr
 
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
COST-EFFETIVE  and Energy Efficient BUILDINGS ptxCOST-EFFETIVE  and Energy Efficient BUILDINGS ptx
COST-EFFETIVE and Energy Efficient BUILDINGS ptxJIT KUMAR GUPTA
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptDineshKumar4165
 
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments""Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"mphochane1998
 
AIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech studentsAIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech studentsvanyagupta248
 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . pptDineshKumar4165
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxSCMS School of Architecture
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXssuser89054b
 
DeepFakes presentation : brief idea of DeepFakes
DeepFakes presentation : brief idea of DeepFakesDeepFakes presentation : brief idea of DeepFakes
DeepFakes presentation : brief idea of DeepFakesMayuraD1
 
Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayEpec Engineered Technologies
 
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills KuwaitKuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwaitjaanualu31
 
GEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLE
GEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLEGEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLE
GEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLEselvakumar948
 
A Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityA Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityMorshed Ahmed Rahath
 
Work-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxWork-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxJuliansyahHarahap1
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdfKamal Acharya
 

Kürzlich hochgeladen (20)

data_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdfdata_management_and _data_science_cheat_sheet.pdf
data_management_and _data_science_cheat_sheet.pdf
 
Verification of thevenin's theorem for BEEE Lab (1).pptx
Verification of thevenin's theorem for BEEE Lab (1).pptxVerification of thevenin's theorem for BEEE Lab (1).pptx
Verification of thevenin's theorem for BEEE Lab (1).pptx
 
Online food ordering system project report.pdf
Online food ordering system project report.pdfOnline food ordering system project report.pdf
Online food ordering system project report.pdf
 
Unleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leapUnleashing the Power of the SORA AI lastest leap
Unleashing the Power of the SORA AI lastest leap
 
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
COST-EFFETIVE  and Energy Efficient BUILDINGS ptxCOST-EFFETIVE  and Energy Efficient BUILDINGS ptx
COST-EFFETIVE and Energy Efficient BUILDINGS ptx
 
Thermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.pptThermal Engineering -unit - III & IV.ppt
Thermal Engineering -unit - III & IV.ppt
 
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments""Lesotho Leaps Forward: A Chronicle of Transformative Developments"
"Lesotho Leaps Forward: A Chronicle of Transformative Developments"
 
AIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech studentsAIRCANVAS[1].pdf mini project for btech students
AIRCANVAS[1].pdf mini project for btech students
 
Thermal Engineering Unit - I & II . ppt
Thermal Engineering  Unit - I & II . pptThermal Engineering  Unit - I & II . ppt
Thermal Engineering Unit - I & II . ppt
 
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptxHOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
HOA1&2 - Module 3 - PREHISTORCI ARCHITECTURE OF KERALA.pptx
 
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
XXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXXX
 
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced LoadsFEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
FEA Based Level 3 Assessment of Deformed Tanks with Fluid Induced Loads
 
DeepFakes presentation : brief idea of DeepFakes
DeepFakes presentation : brief idea of DeepFakesDeepFakes presentation : brief idea of DeepFakes
DeepFakes presentation : brief idea of DeepFakes
 
Standard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power PlayStandard vs Custom Battery Packs - Decoding the Power Play
Standard vs Custom Battery Packs - Decoding the Power Play
 
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills KuwaitKuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
Kuwait City MTP kit ((+919101817206)) Buy Abortion Pills Kuwait
 
GEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLE
GEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLEGEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLE
GEAR TRAIN- BASIC CONCEPTS AND WORKING PRINCIPLE
 
A Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna MunicipalityA Study of Urban Area Plan for Pabna Municipality
A Study of Urban Area Plan for Pabna Municipality
 
Integrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - NeometrixIntegrated Test Rig For HTFE-25 - Neometrix
Integrated Test Rig For HTFE-25 - Neometrix
 
Work-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptxWork-Permit-Receiver-in-Saudi-Aramco.pptx
Work-Permit-Receiver-in-Saudi-Aramco.pptx
 
Hostel management system project report..pdf
Hostel management system project report..pdfHostel management system project report..pdf
Hostel management system project report..pdf
 

IRJET - Comparative Analysis of GUI based Prediction of Parkinson Disease using Machine Learning Approach

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2234 COMPARATIVE ANALYSIS OF GUI BASED PREDICTION OF PARKINSON DISEASE USING MACHINE LEARNING APPROACH Mr. S.RAMAKRISHNAN 1, R.SURYA2, R.VISHAL3 , M.SAMSON4, R.SHARATH KUMAR5 1Head Of The Department, Dept. of IT, Jeppiaar SRR Engineering College, Chennai, Tamil Nadu 2,3,4,5B.TECH., Dept. of IT, Jeppiaar SRR Engineering College, Chennai, Tamil Nadu ---------------------------------------------------------------------***--------------------------------------------------------------------- Abstract - Parkinson’s disease is the most prevalent neurodegenerative disorder affecting more than 10 million people worldwide. There is no single test which can be administered for diagnosing Parkinson’s disease. Because of these difficulties, to investigate a machine learning approach to accurately diagnose Parkinson’s, using a given dataset. To prevent this problem in medical sectors need to predict the disease affected or not by finding accuracy calculation using machine learning techniques. The aim is to research machine learning based techniques for Parkinson disease byprediction leads to best accuracy with finding classification report. The analysis of dataset by supervised machine learning technique(SMLT) to capture several information’s like, variable identification, uni-variate analysis, bi-variate and multi-variate analysis, missing value treatments and analyze the data validation, data cleaning/preparing and data visualization are going to be done on the whole given dataset. To propose, a machine learning-based method to accurately predict the disease by speech symptom by prediction resultsin the form of best accuracy and additionally compare the performance of various machine learningalgorithmsfrom the given hospital dataset with evaluation classification report, identify the result shows that GUI with best accuracy with precision, Recall ,F1 Score specificity and sensitivity. 1.INTRODUCTION Machine learning is to predict the future from past data. Machine learning focuses on the development of Computer Programs that can change when exposedto newdata andthe basics of Machine Learning, implementation of a simple machine learning algorithm usingpython.Itfeedthetraining data to an algorithm, and the algorithm uses this training data to give predictions on a new test data. Machinelearning can be roughly separated in to three categories. There are supervised learning, unsupervised learning and reinforcement learning. Supervisedlearningprogramis both given the input data and the corresponding labeling to learn data has to be labeled by a human being beforehand. Unsupervised learning is no labels. It provided to the learning algorithm. This algorithm has to figure out the clustering of the input data. Finally, Reinforcement learning dynamically interacts with its environment and it receives positive or negative feedback to improve its performance.Data scientists use many different kinds of machine learning algorithms to discover patterns in python that lead to actionable insights. Classification predictive modeling is the task of approximating a mapping function from input variables(X) to discrete output variables(y).This data set may simply be bi-class (like identifying whether the person is male or female or that the mail is spam or non- spam) or it may be multi-class too. 1.1 What is Supervised Machine Learning? Supervised Machine Learningisthatthemajorityofpractical machine learning uses supervised learning. Supervised learning is where have input variables (X) and an output variable (y) and use an algorithm to find out the mapping function from the input to the output is y = f(X). The goal is to approximate the mapping function so well that once you have new input file (X) that you simply can predict the output variables (y) for that data. Techniques of Supervised Machine Learning algorithms include logistic regression, multi-class classification, Decision Trees and support vector machines etc. Supervised learning requires that the info wont to train the algorithm is already labeled with correct answers. Supervised learning problems are often further grouped into Classification problems. This problem has as goal the constructionofa succinctmodel that can predict the value of the dependent attribute from the attribute variables. The difference between the two tasks is the fact that the dependent attribute is numerical for categorical for classification. Given one or more inputs a classification model will attempt to predict the worth of 1 or more outcomes. A classification problem is when the output variable may be a category, like “red” or “blue”. 1.2 What is Parkinson’s disease Parkinson’s disease a long term degenerativedisorderof the central nervous system that affects the motor control of a patient by affecting predominately dopamine producing neurons in a specific area of the brain. The main problem in detecting the disease timely is the visible symptoms appear mostly at the later stage where cure no longer becomes possible. There is no correct reason proved yet that results to cause of Parkinson’s, hence scientists are still conducting extensive research to find out its exact cause. Though some abnormal genes that become prominent due to elderly
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2235 appear to lead to Parkinson’s in some people but there is no evidence to proof this. Though there are a couple of procedures early Parkinson’s detection. Dopamine transporter single-photon emission computed tomography can be used to effectively diagnosis Parkinson’s by detecting amount of dopamine deficiency in the concerned patient’s brain cell at a considerable early stage. Parkinson’s disease (PD) affects approximately one million Americans and can cause several motor and non-motor symptoms. One of the secondary motor symptoms that people with PD may experience is change in speech, or speech difficulty. Not everyone with PD experiences same symptoms, and not all patients will have changes in their speech. 2. MODULES DESCRIPTION 2.1 VARIABLE IDENTIFICATION PROCESS AND DATA VALIDATION PROCESS Validation techniques in machinelearningare usedtogetthe error rateof the MachineLearning (ML) model, which canbe considered as close to the true error rate of the dataset. If the info volume is large enough to be representative of the population, you'll not need the validation techniques. However, in real-world scenarios, to work with samples of data that may not be a true representative of the population of given dataset. To finding the missingvalue,duplicatevalue and description of data type whether it is float variable or integer. The sample of knowledge wont to provide an unbiased evaluation of a model fit on the training dataset while tuning model hyper parameters. The validation set is employed to guage a given model, but this is often for frequent evaluation. It as machine learning engineers uses this data to fine-tune the model hyper parameters. Data collection, data analysis, and therefore the process of addressing data content, quality, and structurecan add up to a time-consuming to-do list.Duringthemethodofknowledge identification, it helps to know your data and its properties; this data will assist you choose which algorithm to use to create your model. For example, time series data can be analyzed by regression algorithms; classification algorithms can be used to analyze discrete data. (For example to show the data type format of given dataset) 2.1.1 DATA VALIDATION/CLEANING/PREPARING PROCESS Importing the library packages with loading given dataset. To analyzing the variable identification by data shape, data type and evaluating the missing values, duplicate values. A validation dataset is a sample of data heldback fromtraining your model that is used to give an estimate of model skill while tuning model's and procedures that you can use to form the simplest use of validation and test datasets when evaluating your models. Data cleaning / preparing by rename the given dataset and drop the column etc. to analyze the uni-variate, bi-variate andmulti-variateprocess. The primary goal of knowledge cleaning is todetectandtake away errors and anomalies to extend the worth of knowledge in analytics and deciding . 2.1.2 DATA PREPROCESSING Data Preprocessingmaybeatechniquethat'swonttoconvert the data into a clean data set. In other words, whenever the info is gathered from different sources it's collected in raw format which isn't feasible for the analysis. To achieving better results from the applied model in Machine Learning method of the data has to be in a proper manner. Some specified MachineLearning model needs information during a specified format; for instance , Random Forest algorithm doesn't support null values. Therefore, to execute random forest algorithm null values need to be managed from the first data set. And another aspect is that data set should be formatted in such how that quite one Machine Learning and Deep Learning algorithms are executed in given dataset. 2.2 DATA VISUALIZATION Data visualization is an important skill in applied statistics and machine learning. Statistics does indeed specialise in quantitative descriptions and estimations of knowledge . Data visualization provides an important suite of tools for gaining a qualitative understanding. This can be helpful when exploring and going to know a dataset and may help with identifying patterns, corrupt data, outliers, and far more. With a little domain knowledge, data visualizations can be used to express and demonstrate key relationshipsin plots and charts that are more visceral and stakeholders than measures of association or significance. Data visualization and exploratory data analysis are whole fields themselves and it will recommend a deeper dive into some the books mentioned at the end. 2.3 LOGISTIC REGRESSION It is a statistical procedure for analyzing a knowledge set during which there are one or more independent variables that determine an outcome. The goal of logistic regressionis to seek out the simplest fitting model to explain the connection between the dichotomous characteristic of interest (dependent variable = response or outcome variable) and a group of independent (predictor or explanatory) variables.Logisticregressionmaybea Machine Learning classification algorithm that's wont to predict the probability of a categorical variable . In logistic regression, the variable may be a binary variable that contains data coded as 1 (yes, success, etc.) or 0 (no, failure, etc.). 2.3.1 DECISION TREE Decision tree builds classification or regression models within the sort of a tree structure. It breaks down a
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2236 knowledge set into smaller and smaller subsets while at an equivalent time an associated decision tree is incrementally developed. Decision tree builds classification or regression models within the sort of a tree structure. Each time a rule is learned, the tuples covered by the principles are removed.This process is sustained on the training set until meeting a termination condition. It is constructed in a top- down recursive divide-and-conquer manner. All the attributes should be categorical. Otherwise, they should be discretized in advance. Attributes within the top of the tree have more impact towards within the classification and that they are identified using the knowledge gain concept. A decision tree are often easilyover-fittedgeneratingtoomany branches and should reflect anomalies thanks to noise or outliers. 2.4 SUPPORT VECTOR MACHINES A classifier that categorizes the info set by settinganoptimal hyper plane between data. I chose this classifier becauseit is incredibly versatile within the number of various kernelling functions which will be applied and this model can yield a high predictability rate. Support Vector Machines are perhaps one among the foremost popular and talked about machine learning algorithms. They were extremely popular round the time they were developed within the 1990s and still be the go-to method for a high-performing algorithm with little tuning. 2.4.1 RANDOM FOREST Random forest may be a sort of supervisedmachinelearning algorithm supported ensemble learning. Ensemble learning may be a sort of learning where you join differing types of algorithms or same algorithm multipletimestomakea more powerful prediction model. The random forest algorithm combines multiple algorithm of an equivalent type i.e. multiple decision trees, leading to a forest of trees,hencethe name "Random Forest". The random forest algorithm are often used for both regression and classification tasks. 2.5 K-NEAREST NEIGHBOR K-Nearest Neighbor is a supervised machine learning algorithm which stores all instances correspond to training data points in n-dimensional space.Thek-nearest-neighbors algorithm may be a classification algorithm, and it's supervised: it takes a bunch of labeled points and uses them to find out the way to label other points. To label a replacement point, it's at the labeled points closest thereto new point (those are its nearest neighbors), and has those neighbors vote, so whichever label themostofthe neighbors have is that the label for the new point (the “k” is that the number of neighbors it checks). Makespredictionsaboutthe validation set using the entire training set. KNN makes a prediction about a new instance by searching through the entire set to find the k “closest” instances. 2.5.1 NAIVE BAYES ALGORITHM The Naive Bayes algorithm is an intuitive method that uses the possibilities of every attribute belongingto everyclassto form a prediction. It is the supervised learning approach you'd come up with if you wanted to model a predictive modeling problem probabilistically. This is a strong assumption but results in a fast and effective method. The probability of a category value given a worth of an attribute is named the contingent probability . By multiplying the conditional probabilities together for every attribute for a given class value, we've a probability of a knowledge instance belonging thereto class. To make a prediction we will calculate probabilities of the instancebelongingto every class and choose the category value with the very best probability.Naive Bayes may be a statistical classification technique supported BayesTheorem.Itisoneofthesimplest supervised learning algorithms. NaiveBayesclassifieristhat the fast, accurate and reliable algorithm. Naive Bayes classifier assumes that the effect of a particular feature in a class is independent of other features. For example, a loan applicant is desirable or not depending on his/her income, previous loan and transaction history, age, and location. Even if these features are interdependent, thesefeatures are still considered independently. This assumption simplifies computation, and that's why it is considered as naive. This assumption is called class conditional independence. 2.6 GRAPHICAL USER INTERFACE Tkinter is a python library for developing GUI (Graphical User Interfaces). We use the tkinter library for creating an application of UI (User Interface), to create windows and all other graphical user interface and Tkinter will come with Python as a standard package, it can be used for security purpose of each users or accountants. There will be two kinds of pages like registration user purpose and loginentry purpose of users.It is important tocomparethe performance of multiple different machine learning algorithms consistently and it will discover to create a test harness to compare multiple different machine learning algorithms in Python with scikit-learn. It can use this test harness as a template on your own machine learning problems and add more and different algorithms to compare.
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2237 2.6.1 ACCURACY CACULATION Table-1:Performance measurements of ML algorithm for speech Table-2: Performance measurements of ML algorithm for tremor Parameters LR DT Precision 1 1 Recall 0.80 1 F1-Score 0.89 1 Sensitivity 0.8 1 Specificity 1 1 Accuracy (%) 95.83 100 Table-3: Performance measurements confusion matrix for speech Parameters LR DT TP 39 40 TN 11 13 FP 4 2 FN 5 4 TPR 0.88 0.90 TNR 0.73 0.86 FPR 0.26 0.13 FNR 0.11 0.09 PPV 0.90 0.95 NPV 0.98 0.76 Table-4: Performance measurements confusion matrix for tremor Parameters LR DT TP 19 19 TN 4 5 FP 1 0 FN 0 0 TPR 1 1 TNR 0.8 1 FPR 0.2 0 FNR 0 0 PPV 0.95 1 NPV 1 1 Parameters LR DT Precision 0.69 0.76 Recall 0.73 0.87 F1-Score 0.71 0.81 Sensitivity 0.73 0.866 Specificity 0.88 0.90 Accuracy (%) 84.74 89.83
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2238 3. SYSTEM TECHNIQUES Design is meaningful engineering representation of something that's to be built. Software design is a process design is the perfect way to accurately translate requirements in to a finished software product. Design creates a representation or model, provides detail about software arrangement, architecture, interfaces and components that are necessary to implement a system. SYSTEM ARCHITECTURE Fig-1:Architecture Diagram HARDWARE REQUIREMENTS  Processor : i3/i4  Hard disk : minimum 300 GB  RAM : minimum 4 GB SOFTWARE REQUIREMENTS Operating System : Windows Tool : Anaconda with Jupyter Notebook SNAPSHOT Fig-2:Parkinson disease prediction for tremor symptom Fig-3: Parkinson disease prediction for speech symptom ADVANTAGES The scope of this project is to investigate a dataset of Parkinson normal person records and patient records for medical field using machinelearningtechnique.Toanalyzing the prediction of Parkinson disease person is moreaccuracy with comparing algorithm and try to reducethedoctor’srisk of factor behind detecting the patient. Easy to predicting the diagnose Parkinson with doctors can detecting the patient testing result time is reduced APPLICATION A hospital wants to automate the diagnosis of patient (real time) based on the patient detail provided while filling online/ offline application form. To automate this process, they have given a problem to identify the patient segments, those are have detecting disease to list to show doctors. FUTURE ENHANCEMENT Hospitals want to automate the detecting the disease persons from eligibility process (real time) based on the account detail.To automate this process by show the prediction result in web application or desktop application.To optimize the work to implement in Artificial Intelligence environment. CONCLUSION The analytical process started from data cleaning and processing, missing value, exploratory analysis and finally model building and evaluation. The best accuracy on public test set is higher accuracy score will be finding out. This brings some of the following insights about diagnose the Parkinson disease. Early diagnosis of Parkinson’s is most important for the patient to reduce its impact. It presenteda prediction model with the aid of artificial intelligence to improve over human accuracy and provide withthescopeof early detection. It can be inferred from this model that, area analysis and use of machine learning technique is useful in developing prediction models that can help a doctor reduce the long process of diagnosis anderadicateanyhumanerror.
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 07 Issue: 03 | Mar 2020 www.irjet.net p-ISSN: 2395-0072 © 2020, IRJET | Impact Factor value: 7.34 | ISO 9001:2008 Certified Journal | Page 2239 REFERENCES [1] X. Feng et al., “A language-independent neural network for event detection,” Sci. China Inf. Sci., vol. 61, no. 9, pp. 92– 106, 2018 [2] F. Karim et al., “LSTM fully convolutional networks for time series classification,” IEEE Access, vol. 6, pp. 1662– 1669, 2018. [3] W. Liu et al., “Learning efficient spatial-temporal gait features with deep learning for human identification,” Neuroinformatics, vol. 16, pp. 457– 471, 2018. [4] S. Yeung et al., “Every moment counts: Dense detailed labeling of actions in complex videos,”Int.J.Comput.Vis.,vol. 126, no. 2–4, pp. 375–389, 2018. [5] M. M. Hassan et al., “A robust human activity recognition system using smartphonesensorsanddeeplearning,”Future Gener. Comput. Syst., vol. 81, pp. 307–313, 2018. .