SlideShare a Scribd company logo
1 of 7
Performance Analysis of Machine Learning Algorithms on Self Localization Systems
In thispaperauthoris usingSVM(SupportVectorMachine), DecisionTree Classifier,K-Neighbors
Classifier,naïve bayes,RandomForestClassifier,BaggingClassifier,Ada BoostClassifierandMLP
Classifier
All the algorithmsgenerate model fromtraindatasetandnew datawill be appliedontrainmodel to
predictitclass.Random Forest algorithmisgivingbetterpredictionaccuracycompare to all other
algorithm.
Support vector machine:
Machine learninginvolvespredictingandclassifyingdataandto do sowe employvariousmachine
learningalgorithmsaccordingtothe dataset.SVMor SupportVectorMachine is a linearmodel for
classificationandregressionproblems.It cansolve linearandnon-linearproblemsandworkwell for
manypractical problems.The ideaof SVMissimple:The algorithmcreatesaline ora hyper plane
whichseparatesthe dataintoclasses.Inmachine learning,the radial basisfunctionkernel,orRBF
kernel,isapopularkernel functionusedinvariouskernelizedlearningalgorithms.Inparticular,itis
commonlyusedinsupportvectormachine classification.Asasimple example,foraclassification
task withonlytwofeatures(like the image above),youcanthinkof a hyperplane asa line that
linearlyseparatesandclassifiesasetof data.
Intuitively,the furtherfromthe hyper plane ourdatapointslie,the more confidentwe are thatthey
have beencorrectlyclassified.We therefore wantourdatapointstobe as far awayfrom the hyper
plane as possible,while still beingonthe correctside of it.
So whennewtestingdataisadded,whateversideof the hyper plane itlandswill decide the class
that we assignto it.
How dowe findthe right hyperplane?
Or, inotherwords,howdo we bestsegregate the twoclasseswithinthe data?
The distance betweenthe hyper plane andthe nearestdatapointfromeithersetisknownasthe
margin.The goal isto choose a hyper plane withthe greatestpossible marginbetweenthe hyper
plane andany pointwithinthe trainingset,givingagreaterchance of new data beingclassified
correctly.
Both algorithmsgeneratemodel fromtraindatasetandnew datawill be appliedontrainmodel to
predictitclass.SVMalgorithmisgivingbetterpredictionaccuracycompare to ANN algorithm.
Naïve Bayes Classifier Algorithm
It wouldbe difficultandpracticallyimpossible toclassifyawebpage,a document,anemail orany
otherlengthytextnotesmanually.This iswhere Naïve BayesClassifiermachine learningalgorithm
comesto the rescue.A classifierisafunctionthatallocatesa population’s elementvalue fromone of
the available categories.Forinstance,SpamFilteringisapopularapplicationof Naïve Bayes
algorithm.Spamfilterhere,isaclassifierthatassignsalabel “Spam”or “Not Spam” to all the emails.
Naïve BayesClassifierisamongstthe mostpopularlearningmethodgroupedbysimilaritiesthat
workson the popularBayesTheorem of Probability- tobuildmachine learningmodelsparticularly
for disease predictionanddocumentclassification.Itisa simple classification of wordsbasedon
BayesProbabilityTheoremforsubjective analysisof content.
Decision tree:
A decisiontree isagraphical representationthatmakesuse of branchingmethodologytoexemplify
all possible outcomesof adecision, basedoncertainconditions.Inadecisiontree,the internalnode
representsateston the attribute,eachbranchof the tree represents the outcome of the testand
the leaf node representsaparticularclasslabel i.e.the decisionmade aftercomputingall of the
attributes.
The classificationrulesare representedthroughthe pathfromrootto the leaf node.
Types ofDecisionTrees
ClassificationTrees- These are consideredasthe defaultkindof decisiontreesusedtoseparate a
datasetintodifferentclasses,based onthe responsevariable.Theseare generallyusedwhenthe
response variable iscategoricalinnature.
RegressionTrees-Whenthe responseortargetvariable iscontinuousornumerical,regressiontrees
are used.These are generally usedinpredictive type of problemswhencomparedtoclassification.
Decisiontreescanalsobe classifiedintotwotypes,basedonthe type of targetvariable- Continuous
Variable DecisionTreesandBinary Variable DecisionTrees.Itisthe targetvariable thathelpsdecide
whatkindof decisiontree wouldbe requiredforaparticularproblem.
Random forest:
RandomForestisthe go to machine learningalgorithmthatusesabaggingapproachto create a
bunchof decisiontreeswithrandom subsetof the data.A model istrainedseveral timesonrandom
sample of the datasetto achieve goodpredictionperformancefromthe randomforestalgorithm.In
thisensemble learningmethod,the outputof all the decisiontreesinthe randomforest,is
combinedtomake the final prediction.The final predictionof the randomforestalgorithmisderived
by pollingthe resultsof eachdecisiontree orjustby goingwitha predictionthatappearsthe most
timesinthe decisiontrees.
For instance,inthe above example- if 5 friendsdecide thatyouwill like restaurantRbutonly2
friendsdecide thatyouwill notlike the restaurantthenthe final predictionisthat,youwill like
restaurantR as majorityalwayswins.
K – nearest neighbor:
K-nearest neighbor’salgorithm(k-NN) isa nonparametricmethodusedforclassification
and regression Inbothcases,the inputconsistsof the kclosesttrainingexamplesinthe feature
space.The outputdependsonwhether k-NN isusedforclassificationorregression:
 In k-NN classification,the outputisa classmembership.Anobjectisclassifiedbya
pluralityvote of itsneighbors,withthe objectbeingassignedtothe classmost common
amongits k nearestneighbors(kisapositive integer,typicallysmall).If k= 1, thenthe
objectissimplyassignedtothe classof that single nearestneighbor.
 In k-NN regression,the outputisthe propertyvalue forthe object.Thisvalue isthe
average of the valuesof k nearestneighbors.
K-NN isa type of instant-basedlearning,orlazylearning, where the functionisonly
approximatedlocallyandall computationisdeferreduntil classification.
Both forclassificationandregression,auseful technique canbe toassignweightstothe
contributionsof the neighbors,sothatthe nearerneighborscontribute more tothe average
than the more distantones.Forexample,acommonweightingscheme consistsingiving
each neighboraweightof 1/d,where d isthe distance tothe neighbor
The neighborsare takenfroma setof objectsforwhichthe class (for k-NN classification)or
the objectpropertyvalue (for k-NN regression) isknown.Thiscanbe thoughtof as the
trainingsetforthe algorithm,thoughnoexplicittrainingstepisrequired.
A peculiarityof the k-NN algorithmisthatitis sensitive tothe local structure of the data.
Bagging classifier:
A Baggingclassifierisanensemble meta-estimatorthatfitsbase classifierseachonrandomsubsets
of the original datasetandthenaggregate theirindividual predictions(eitherbyvotingorby
averaging) toforma final prediction.Suchameta-estimatorcantypicallybe usedasa wayto reduce
the variance of a black-box estimator(e.g.,adecisiontree),by introducingrandomizationintoits
constructionprocedure andthenmakinganensemble outof it.
Each base classifieristrainedinparallelwithatrainingsetwhichisgeneratedbyrandomlydrawing,
withreplacement,N examples (ordata) fromthe original trainingdataset –whereN is the size of the
original training set.Trainingsetfor each of the base classifiersisindependentof eachother.Many
of the original datamaybe repeatedinthe resultingtrainingsetwhile othersmaybe leftout.
Baggingreducesoverfitting(variance) byaveragingorvoting,however,thisleadstoanincrease in
bias,whichiscompensatedbythe reductioninvariance though.
AdaBoost:
Adaptiveboosting isamachine learningmeatalgorithm formulated.Itcanbe usedin conjunction
withmanyothertypesof learningalgorithmstoimprove performance.The outputof the other
learningalgorithms('weaklearners') iscombinedintoaweightedsumthatrepresentsthe final
outputof the boostedclassifier.AdaBoostisadaptive inthe sense thatsubsequentweaklearners
are tweakedinfavorof those instancesmisclassifiedbypreviousclassifiers.AdaBoostissensitiveto
noisydata and outliers. Insome problemsitcanbe lesssusceptible tothe overfittingproblemthan
otherlearningalgorithms.The individuallearnerscanbe weak,butas longas the performance of
each one isslightlybetterthanrandomguessing,the final model canbe proventoconverge toa
stronglearner.
Everylearningalgorithmtendstosuitsome problemtypesbetterthanothers,andtypicallyhas
manydifferentparametersandconfigurationstoadjustbefore itachievesoptimalperformance ona
dataset,AdaBoost isoftenreferredtoasthe bestout-of-the-box classifier.[2]
Whenusedwith
decisiontree learning,informationgatheredateachstage of the AdaBoostalgorithmaboutthe
relative 'hardness'of eachtrainingsample isfedintothe tree growingalgorithmsuchthatlatertrees
tendto focuson harder-to-classifyexamples.
Multilayer perceptron (MLP):
A multilayerperceptron(MLP) isa classof feedforward artificialneural network (ANN).The term
MLP isusedambiguously, sometimeslooselytoreferto any feed forwardANN,sometimesstrictlyto
referto networkscomposedof multiple layersof perceptrons (withthresholdactivation);
see § Terminology.Multilayerperceptronsare sometimescolloquiallyreferredtoas"vanilla"neural
networks,especiallywhentheyhave asingle hiddenlayer.
An MLP consistsof at leastthree layersof nodes:aninputlayer,a hiddenlayerandanoutputlayer.
Exceptfor the inputnodes,eachnode isa neuronthatusesa nonlinear activationfunction.MLP
utilizesasupervisedlearningtechnique called backpropagation fortraining. Itsmultiple layersand
non-linearactivationdistinguishMLPfroma linear perceptron.Itcandistinguishdatathatis
not linearlyseparable.
To implementabove all algorithmswe have usedpythontechnologyand‘student data’ dataset.This
dataset available inside dataset folder which contains test dataset with dataset information file.
PythonPackagesandLibrariesused:Numpy,pandas, tkinter,
PyVISA 1.10.1 1.10.1
PyVISA-py 0.3.1 0.3.1
cycler 0.10.0 0.10.0
imutils 0.5.3 0.5.3
joblib 0.14.1 0.14.1
kiwisolver 1.1.0 1.1.0
matplotlib 3.1.2 3.1.2
nltk 3.4.5 3.4.5
numpy 1.18.1 1.18.1
opencv-python 4.1.2.30 4.1.2.30
pandas 0.25.3 0.25.3
pip 19.0.3 20.0.1
pylab 0.0.2 0.0.2
pyparsing 2.4.6 2.4.6
python-dateutil 2.8.1 2.8.1
pytz 2019.3 2019.3
pyusb 1.0.2 1.0.2
scikit-learn 0.22.1 0.22.1
scipy 1.4.1 1.4.1
seaborn 0.9.0 0.9.0
setuptools 40.8.0 45.1.0
six 1.14.0 1.14.0
sklearn 0.0 0.0
style 1.1.6 1.1.6
styled 0.2.0.post1 0.2.0.post1
classificationreport,confusionmatrix,accuracyscore,train_test_split,K-Fold,cross_val_score,Grid
SearchCV, DecisionTree Classifier,K-NeighborsClassifier,SVC,naive_bayes,Random Forest
Classifier,BaggingClassifier,AdaBoostClassifier,MLPClassifier.
Screenshots
Whenwe run the code itdisplaysbelow window
Nowclickon ‘uploaddataset’touploadthe data
Nowclickon ‘readdata’ itreads the data
Now clickon ‘Train_Test_split’tosplitthe dataintotrainingandtesting
Nowclickon ‘All classifiers’toclassifythe models
KNN Predicted Values on Test Data is 98%
CART Predicted Values on Test Data is 97.31%
SVM Predicted Values on Test Data is 98.18%
RF Predicted Values on Test Data is 98.62%
Bagging Predicted Values on Test Data is 97.41%
Ada Predicted Values on Test Data is 87.43%
MLP Predicted Values on Test Data is 98.00%
Nowclickon ‘Model comparison’the comparisonbetweenthe models

More Related Content

What's hot

2.1 Data Mining-classification Basic concepts
2.1 Data Mining-classification Basic concepts2.1 Data Mining-classification Basic concepts
2.1 Data Mining-classification Basic conceptsKrish_ver2
 
Data.Mining.C.6(II).classification and prediction
Data.Mining.C.6(II).classification and predictionData.Mining.C.6(II).classification and prediction
Data.Mining.C.6(II).classification and predictionMargaret Wang
 
Data mining technique (decision tree)
Data mining technique (decision tree)Data mining technique (decision tree)
Data mining technique (decision tree)Shweta Ghate
 
Chapter 4 Classification
Chapter 4 ClassificationChapter 4 Classification
Chapter 4 ClassificationKhalid Elshafie
 
Gradient Boosted trees
Gradient Boosted treesGradient Boosted trees
Gradient Boosted treesNihar Ranjan
 
05 Classification And Prediction
05   Classification And Prediction05   Classification And Prediction
05 Classification And PredictionAchmad Solichin
 
Introduction to Some Tree based Learning Method
Introduction to Some Tree based Learning MethodIntroduction to Some Tree based Learning Method
Introduction to Some Tree based Learning MethodHonglin Yu
 
Understanding random forests
Understanding random forestsUnderstanding random forests
Understanding random forestsMarc Garcia
 
Understanding the Machine Learning Algorithms
Understanding the Machine Learning AlgorithmsUnderstanding the Machine Learning Algorithms
Understanding the Machine Learning AlgorithmsRupak Roy
 
Machine learning basics using trees algorithm (Random forest, Gradient Boosting)
Machine learning basics using trees algorithm (Random forest, Gradient Boosting)Machine learning basics using trees algorithm (Random forest, Gradient Boosting)
Machine learning basics using trees algorithm (Random forest, Gradient Boosting)Parth Khare
 
Unsupervised Learning Techniques to Diversifying and Pruning Random Forest
Unsupervised Learning Techniques to Diversifying and Pruning Random ForestUnsupervised Learning Techniques to Diversifying and Pruning Random Forest
Unsupervised Learning Techniques to Diversifying and Pruning Random ForestMohamed Medhat Gaber
 
13 random forest
13 random forest13 random forest
13 random forestVishal Dutt
 
Predictive analytics
Predictive analyticsPredictive analytics
Predictive analyticsDinakar nk
 
CART: Not only Classification and Regression Trees
CART: Not only Classification and Regression TreesCART: Not only Classification and Regression Trees
CART: Not only Classification and Regression TreesMarc Garcia
 
Download It
Download ItDownload It
Download Itbutest
 
Data mining chapter04and5-best
Data mining chapter04and5-bestData mining chapter04and5-best
Data mining chapter04and5-bestABDUmomo
 
Data Mining:Concepts and Techniques, Chapter 8. Classification: Basic Concepts
Data Mining:Concepts and Techniques, Chapter 8. Classification: Basic ConceptsData Mining:Concepts and Techniques, Chapter 8. Classification: Basic Concepts
Data Mining:Concepts and Techniques, Chapter 8. Classification: Basic ConceptsSalah Amean
 

What's hot (19)

2.1 Data Mining-classification Basic concepts
2.1 Data Mining-classification Basic concepts2.1 Data Mining-classification Basic concepts
2.1 Data Mining-classification Basic concepts
 
Data.Mining.C.6(II).classification and prediction
Data.Mining.C.6(II).classification and predictionData.Mining.C.6(II).classification and prediction
Data.Mining.C.6(II).classification and prediction
 
Data mining technique (decision tree)
Data mining technique (decision tree)Data mining technique (decision tree)
Data mining technique (decision tree)
 
Chapter 4 Classification
Chapter 4 ClassificationChapter 4 Classification
Chapter 4 Classification
 
Gradient Boosted trees
Gradient Boosted treesGradient Boosted trees
Gradient Boosted trees
 
05 Classification And Prediction
05   Classification And Prediction05   Classification And Prediction
05 Classification And Prediction
 
Introduction to Some Tree based Learning Method
Introduction to Some Tree based Learning MethodIntroduction to Some Tree based Learning Method
Introduction to Some Tree based Learning Method
 
Understanding random forests
Understanding random forestsUnderstanding random forests
Understanding random forests
 
Understanding the Machine Learning Algorithms
Understanding the Machine Learning AlgorithmsUnderstanding the Machine Learning Algorithms
Understanding the Machine Learning Algorithms
 
Machine learning basics using trees algorithm (Random forest, Gradient Boosting)
Machine learning basics using trees algorithm (Random forest, Gradient Boosting)Machine learning basics using trees algorithm (Random forest, Gradient Boosting)
Machine learning basics using trees algorithm (Random forest, Gradient Boosting)
 
Unsupervised Learning Techniques to Diversifying and Pruning Random Forest
Unsupervised Learning Techniques to Diversifying and Pruning Random ForestUnsupervised Learning Techniques to Diversifying and Pruning Random Forest
Unsupervised Learning Techniques to Diversifying and Pruning Random Forest
 
13 random forest
13 random forest13 random forest
13 random forest
 
Predictive analytics
Predictive analyticsPredictive analytics
Predictive analytics
 
Primer on major data mining algorithms
Primer on major data mining algorithmsPrimer on major data mining algorithms
Primer on major data mining algorithms
 
CART: Not only Classification and Regression Trees
CART: Not only Classification and Regression TreesCART: Not only Classification and Regression Trees
CART: Not only Classification and Regression Trees
 
Download It
Download ItDownload It
Download It
 
Data mining chapter04and5-best
Data mining chapter04and5-bestData mining chapter04and5-best
Data mining chapter04and5-best
 
Clustering
ClusteringClustering
Clustering
 
Data Mining:Concepts and Techniques, Chapter 8. Classification: Basic Concepts
Data Mining:Concepts and Techniques, Chapter 8. Classification: Basic ConceptsData Mining:Concepts and Techniques, Chapter 8. Classification: Basic Concepts
Data Mining:Concepts and Techniques, Chapter 8. Classification: Basic Concepts
 

Similar to Performance analysis of machine learning algorithms on self localization system1

Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1Venkat Projects
 
Python Code for Classification Supervised Machine Learning.pdf
Python Code for Classification Supervised Machine Learning.pdfPython Code for Classification Supervised Machine Learning.pdf
Python Code for Classification Supervised Machine Learning.pdfAvjinder (Avi) Kaler
 
An Introduction to Random Forest and linear regression algorithms
An Introduction to Random Forest and linear regression algorithmsAn Introduction to Random Forest and linear regression algorithms
An Introduction to Random Forest and linear regression algorithmsShouvic Banik0139
 
Data mining: Classification and Prediction
Data mining: Classification and PredictionData mining: Classification and Prediction
Data mining: Classification and PredictionDatamining Tools
 
RapidMiner: Data Mining And Rapid Miner
RapidMiner:  Data Mining And Rapid MinerRapidMiner:  Data Mining And Rapid Miner
RapidMiner: Data Mining And Rapid MinerRapidmining Content
 
RapidMiner: Data Mining And Rapid Miner
RapidMiner: Data Mining And Rapid MinerRapidMiner: Data Mining And Rapid Miner
RapidMiner: Data Mining And Rapid MinerDataminingTools Inc
 
Building Azure Machine Learning Models
Building Azure Machine Learning ModelsBuilding Azure Machine Learning Models
Building Azure Machine Learning ModelsEng Teong Cheah
 
Introduction to XGBoost Machine Learning Model.pptx
Introduction to XGBoost Machine Learning Model.pptxIntroduction to XGBoost Machine Learning Model.pptx
Introduction to XGBoost Machine Learning Model.pptxagathaljjwm20
 
Mis End Term Exam Theory Concepts
Mis End Term Exam Theory ConceptsMis End Term Exam Theory Concepts
Mis End Term Exam Theory ConceptsVidya sagar Sharma
 
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESIMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESVikash Kumar
 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learningAmAn Singh
 
A Decision Tree Based Classifier for Classification & Prediction of Diseases
A Decision Tree Based Classifier for Classification & Prediction of DiseasesA Decision Tree Based Classifier for Classification & Prediction of Diseases
A Decision Tree Based Classifier for Classification & Prediction of Diseasesijsrd.com
 
Machine learning session6(decision trees random forrest)
Machine learning   session6(decision trees random forrest)Machine learning   session6(decision trees random forrest)
Machine learning session6(decision trees random forrest)Abhimanyu Dwivedi
 
Big Data Analytics.pptx
Big Data Analytics.pptxBig Data Analytics.pptx
Big Data Analytics.pptxKaviya452563
 
Random forest
Random forestRandom forest
Random forestUjjawal
 
Machine learning for_finance
Machine learning for_financeMachine learning for_finance
Machine learning for_financeStefan Duprey
 
Data mining approaches and methods
Data mining approaches and methodsData mining approaches and methods
Data mining approaches and methodssonangrai
 

Similar to Performance analysis of machine learning algorithms on self localization system1 (20)

Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1Performance analysis of machine learning algorithms on self localization system1
Performance analysis of machine learning algorithms on self localization system1
 
PythonML.pptx
PythonML.pptxPythonML.pptx
PythonML.pptx
 
Python Code for Classification Supervised Machine Learning.pdf
Python Code for Classification Supervised Machine Learning.pdfPython Code for Classification Supervised Machine Learning.pdf
Python Code for Classification Supervised Machine Learning.pdf
 
dm1.pdf
dm1.pdfdm1.pdf
dm1.pdf
 
An Introduction to Random Forest and linear regression algorithms
An Introduction to Random Forest and linear regression algorithmsAn Introduction to Random Forest and linear regression algorithms
An Introduction to Random Forest and linear regression algorithms
 
Data mining: Classification and Prediction
Data mining: Classification and PredictionData mining: Classification and Prediction
Data mining: Classification and Prediction
 
RapidMiner: Data Mining And Rapid Miner
RapidMiner:  Data Mining And Rapid MinerRapidMiner:  Data Mining And Rapid Miner
RapidMiner: Data Mining And Rapid Miner
 
RapidMiner: Data Mining And Rapid Miner
RapidMiner: Data Mining And Rapid MinerRapidMiner: Data Mining And Rapid Miner
RapidMiner: Data Mining And Rapid Miner
 
Building Azure Machine Learning Models
Building Azure Machine Learning ModelsBuilding Azure Machine Learning Models
Building Azure Machine Learning Models
 
Introduction to XGBoost Machine Learning Model.pptx
Introduction to XGBoost Machine Learning Model.pptxIntroduction to XGBoost Machine Learning Model.pptx
Introduction to XGBoost Machine Learning Model.pptx
 
AI Algorithms
AI AlgorithmsAI Algorithms
AI Algorithms
 
Mis End Term Exam Theory Concepts
Mis End Term Exam Theory ConceptsMis End Term Exam Theory Concepts
Mis End Term Exam Theory Concepts
 
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHESIMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
IMAGE CLASSIFICATION USING DIFFERENT CLASSICAL APPROACHES
 
Supervised and unsupervised learning
Supervised and unsupervised learningSupervised and unsupervised learning
Supervised and unsupervised learning
 
A Decision Tree Based Classifier for Classification & Prediction of Diseases
A Decision Tree Based Classifier for Classification & Prediction of DiseasesA Decision Tree Based Classifier for Classification & Prediction of Diseases
A Decision Tree Based Classifier for Classification & Prediction of Diseases
 
Machine learning session6(decision trees random forrest)
Machine learning   session6(decision trees random forrest)Machine learning   session6(decision trees random forrest)
Machine learning session6(decision trees random forrest)
 
Big Data Analytics.pptx
Big Data Analytics.pptxBig Data Analytics.pptx
Big Data Analytics.pptx
 
Random forest
Random forestRandom forest
Random forest
 
Machine learning for_finance
Machine learning for_financeMachine learning for_finance
Machine learning for_finance
 
Data mining approaches and methods
Data mining approaches and methodsData mining approaches and methods
Data mining approaches and methods
 

More from Venkat Projects

1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docxVenkat Projects
 
12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...
12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...
12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...Venkat Projects
 
10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docx
10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docx10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docx
10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docxVenkat Projects
 
9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docx
9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docx9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docx
9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docxVenkat Projects
 
8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...
8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...
8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...Venkat Projects
 
Image Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docx
Image Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docxImage Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docx
Image Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docxVenkat Projects
 
6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...
6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...
6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...Venkat Projects
 
4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...
4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...
4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...Venkat Projects
 
Application and evaluation of a K-Medoidsbased shape clustering method for an...
Application and evaluation of a K-Medoidsbased shape clustering method for an...Application and evaluation of a K-Medoidsbased shape clustering method for an...
Application and evaluation of a K-Medoidsbased shape clustering method for an...Venkat Projects
 
OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...
OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...
OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...Venkat Projects
 
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docxVenkat Projects
 
2022 PYTHON MAJOR PROJECTS LIST.docx
2022 PYTHON MAJOR  PROJECTS LIST.docx2022 PYTHON MAJOR  PROJECTS LIST.docx
2022 PYTHON MAJOR PROJECTS LIST.docxVenkat Projects
 
2022 PYTHON PROJECTS LIST.docx
2022 PYTHON PROJECTS LIST.docx2022 PYTHON PROJECTS LIST.docx
2022 PYTHON PROJECTS LIST.docxVenkat Projects
 
2021 PYTHON PROJECTS LIST.docx
2021 PYTHON PROJECTS LIST.docx2021 PYTHON PROJECTS LIST.docx
2021 PYTHON PROJECTS LIST.docxVenkat Projects
 
2021 python projects list
2021 python projects list2021 python projects list
2021 python projects listVenkat Projects
 
10.sentiment analysis of customer product reviews using machine learni
10.sentiment analysis of customer product reviews using machine learni10.sentiment analysis of customer product reviews using machine learni
10.sentiment analysis of customer product reviews using machine learniVenkat Projects
 
9.data analysis for understanding the impact of covid–19 vaccinations on the ...
9.data analysis for understanding the impact of covid–19 vaccinations on the ...9.data analysis for understanding the impact of covid–19 vaccinations on the ...
9.data analysis for understanding the impact of covid–19 vaccinations on the ...Venkat Projects
 
6.iris recognition using machine learning technique
6.iris recognition using machine learning technique6.iris recognition using machine learning technique
6.iris recognition using machine learning techniqueVenkat Projects
 
5.local community detection algorithm based on minimal cluster
5.local community detection algorithm based on minimal cluster5.local community detection algorithm based on minimal cluster
5.local community detection algorithm based on minimal clusterVenkat Projects
 

More from Venkat Projects (20)

1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
 
12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...
12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...
12.BLOCKCHAIN BASED MILK DELIVERY PLATFORM FOR STALLHOLDER DAIRY FARMERS IN K...
 
10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docx
10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docx10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docx
10.ATTENDANCE CAPTURE SYSTEM USING FACE RECOGNITION.docx
 
9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docx
9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docx9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docx
9.IMPLEMENTATION OF BLOCKCHAIN IN FINANCIAL SECTOR TO IMPROVE SCALABILITY.docx
 
8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...
8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...
8.Geo Tracking Of Waste And Triggering Alerts And Mapping Areas With High Was...
 
Image Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docx
Image Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docxImage Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docx
Image Forgery Detection Based on Fusion of Lightweight Deep Learning Models.docx
 
6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...
6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...
6.A FOREST FIRE IDENTIFICATION METHOD FOR UNMANNED AERIAL VEHICLE MONITORING ...
 
WATERMARKING IMAGES
WATERMARKING IMAGESWATERMARKING IMAGES
WATERMARKING IMAGES
 
4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...
4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...
4.LOCAL DYNAMIC NEIGHBORHOOD BASED OUTLIER DETECTION APPROACH AND ITS FRAMEWO...
 
Application and evaluation of a K-Medoidsbased shape clustering method for an...
Application and evaluation of a K-Medoidsbased shape clustering method for an...Application and evaluation of a K-Medoidsbased shape clustering method for an...
Application and evaluation of a K-Medoidsbased shape clustering method for an...
 
OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...
OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...
OPTIMISED STACKED ENSEMBLE TECHNIQUES IN THE PREDICTION OF CERVICAL CANCER US...
 
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
1.AUTOMATIC DETECTION OF DIABETIC RETINOPATHY USING CNN.docx
 
2022 PYTHON MAJOR PROJECTS LIST.docx
2022 PYTHON MAJOR  PROJECTS LIST.docx2022 PYTHON MAJOR  PROJECTS LIST.docx
2022 PYTHON MAJOR PROJECTS LIST.docx
 
2022 PYTHON PROJECTS LIST.docx
2022 PYTHON PROJECTS LIST.docx2022 PYTHON PROJECTS LIST.docx
2022 PYTHON PROJECTS LIST.docx
 
2021 PYTHON PROJECTS LIST.docx
2021 PYTHON PROJECTS LIST.docx2021 PYTHON PROJECTS LIST.docx
2021 PYTHON PROJECTS LIST.docx
 
2021 python projects list
2021 python projects list2021 python projects list
2021 python projects list
 
10.sentiment analysis of customer product reviews using machine learni
10.sentiment analysis of customer product reviews using machine learni10.sentiment analysis of customer product reviews using machine learni
10.sentiment analysis of customer product reviews using machine learni
 
9.data analysis for understanding the impact of covid–19 vaccinations on the ...
9.data analysis for understanding the impact of covid–19 vaccinations on the ...9.data analysis for understanding the impact of covid–19 vaccinations on the ...
9.data analysis for understanding the impact of covid–19 vaccinations on the ...
 
6.iris recognition using machine learning technique
6.iris recognition using machine learning technique6.iris recognition using machine learning technique
6.iris recognition using machine learning technique
 
5.local community detection algorithm based on minimal cluster
5.local community detection algorithm based on minimal cluster5.local community detection algorithm based on minimal cluster
5.local community detection algorithm based on minimal cluster
 

Recently uploaded

會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽
會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽
會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽中 央社
 
Observing-Correct-Grammar-in-Making-Definitions.pptx
Observing-Correct-Grammar-in-Making-Definitions.pptxObserving-Correct-Grammar-in-Making-Definitions.pptx
Observing-Correct-Grammar-in-Making-Definitions.pptxAdelaideRefugio
 
The Story of Village Palampur Class 9 Free Study Material PDF
The Story of Village Palampur Class 9 Free Study Material PDFThe Story of Village Palampur Class 9 Free Study Material PDF
The Story of Village Palampur Class 9 Free Study Material PDFVivekanand Anglo Vedic Academy
 
Personalisation of Education by AI and Big Data - Lourdes Guàrdia
Personalisation of Education by AI and Big Data - Lourdes GuàrdiaPersonalisation of Education by AI and Big Data - Lourdes Guàrdia
Personalisation of Education by AI and Big Data - Lourdes GuàrdiaEADTU
 
male presentation...pdf.................
male presentation...pdf.................male presentation...pdf.................
male presentation...pdf.................MirzaAbrarBaig5
 
會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文
會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文
會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文中 央社
 
How to Manage Website in Odoo 17 Studio App.pptx
How to Manage Website in Odoo 17 Studio App.pptxHow to Manage Website in Odoo 17 Studio App.pptx
How to Manage Website in Odoo 17 Studio App.pptxCeline George
 
Spellings Wk 4 and Wk 5 for Grade 4 at CAPS
Spellings Wk 4 and Wk 5 for Grade 4 at CAPSSpellings Wk 4 and Wk 5 for Grade 4 at CAPS
Spellings Wk 4 and Wk 5 for Grade 4 at CAPSAnaAcapella
 
Contoh Aksi Nyata Refleksi Diri ( NUR ).pdf
Contoh Aksi Nyata Refleksi Diri ( NUR ).pdfContoh Aksi Nyata Refleksi Diri ( NUR ).pdf
Contoh Aksi Nyata Refleksi Diri ( NUR ).pdfcupulin
 
SURVEY I created for uni project research
SURVEY I created for uni project researchSURVEY I created for uni project research
SURVEY I created for uni project researchCaitlinCummins3
 
When Quality Assurance Meets Innovation in Higher Education - Report launch w...
When Quality Assurance Meets Innovation in Higher Education - Report launch w...When Quality Assurance Meets Innovation in Higher Education - Report launch w...
When Quality Assurance Meets Innovation in Higher Education - Report launch w...Gary Wood
 
ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...
ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...
ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...Nguyen Thanh Tu Collection
 
An overview of the various scriptures in Hinduism
An overview of the various scriptures in HinduismAn overview of the various scriptures in Hinduism
An overview of the various scriptures in HinduismDabee Kamal
 
24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...
24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...
24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...Nguyen Thanh Tu Collection
 
Trauma-Informed Leadership - Five Practical Principles
Trauma-Informed Leadership - Five Practical PrinciplesTrauma-Informed Leadership - Five Practical Principles
Trauma-Informed Leadership - Five Practical PrinciplesPooky Knightsmith
 

Recently uploaded (20)

會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽
會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽
會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽會考英聽
 
VAMOS CUIDAR DO NOSSO PLANETA! .
VAMOS CUIDAR DO NOSSO PLANETA!                    .VAMOS CUIDAR DO NOSSO PLANETA!                    .
VAMOS CUIDAR DO NOSSO PLANETA! .
 
OS-operating systems- ch05 (CPU Scheduling) ...
OS-operating systems- ch05 (CPU Scheduling) ...OS-operating systems- ch05 (CPU Scheduling) ...
OS-operating systems- ch05 (CPU Scheduling) ...
 
Mattingly "AI and Prompt Design: LLMs with NER"
Mattingly "AI and Prompt Design: LLMs with NER"Mattingly "AI and Prompt Design: LLMs with NER"
Mattingly "AI and Prompt Design: LLMs with NER"
 
Observing-Correct-Grammar-in-Making-Definitions.pptx
Observing-Correct-Grammar-in-Making-Definitions.pptxObserving-Correct-Grammar-in-Making-Definitions.pptx
Observing-Correct-Grammar-in-Making-Definitions.pptx
 
The Story of Village Palampur Class 9 Free Study Material PDF
The Story of Village Palampur Class 9 Free Study Material PDFThe Story of Village Palampur Class 9 Free Study Material PDF
The Story of Village Palampur Class 9 Free Study Material PDF
 
Personalisation of Education by AI and Big Data - Lourdes Guàrdia
Personalisation of Education by AI and Big Data - Lourdes GuàrdiaPersonalisation of Education by AI and Big Data - Lourdes Guàrdia
Personalisation of Education by AI and Big Data - Lourdes Guàrdia
 
male presentation...pdf.................
male presentation...pdf.................male presentation...pdf.................
male presentation...pdf.................
 
會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文
會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文
會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文會考英文
 
How to Manage Website in Odoo 17 Studio App.pptx
How to Manage Website in Odoo 17 Studio App.pptxHow to Manage Website in Odoo 17 Studio App.pptx
How to Manage Website in Odoo 17 Studio App.pptx
 
Spellings Wk 4 and Wk 5 for Grade 4 at CAPS
Spellings Wk 4 and Wk 5 for Grade 4 at CAPSSpellings Wk 4 and Wk 5 for Grade 4 at CAPS
Spellings Wk 4 and Wk 5 for Grade 4 at CAPS
 
Contoh Aksi Nyata Refleksi Diri ( NUR ).pdf
Contoh Aksi Nyata Refleksi Diri ( NUR ).pdfContoh Aksi Nyata Refleksi Diri ( NUR ).pdf
Contoh Aksi Nyata Refleksi Diri ( NUR ).pdf
 
SURVEY I created for uni project research
SURVEY I created for uni project researchSURVEY I created for uni project research
SURVEY I created for uni project research
 
Including Mental Health Support in Project Delivery, 14 May.pdf
Including Mental Health Support in Project Delivery, 14 May.pdfIncluding Mental Health Support in Project Delivery, 14 May.pdf
Including Mental Health Support in Project Delivery, 14 May.pdf
 
When Quality Assurance Meets Innovation in Higher Education - Report launch w...
When Quality Assurance Meets Innovation in Higher Education - Report launch w...When Quality Assurance Meets Innovation in Higher Education - Report launch w...
When Quality Assurance Meets Innovation in Higher Education - Report launch w...
 
ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...
ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...
ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH FORM 50 CÂU TRẮC NGHI...
 
An overview of the various scriptures in Hinduism
An overview of the various scriptures in HinduismAn overview of the various scriptures in Hinduism
An overview of the various scriptures in Hinduism
 
24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...
24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...
24 ĐỀ THAM KHẢO KÌ THI TUYỂN SINH VÀO LỚP 10 MÔN TIẾNG ANH SỞ GIÁO DỤC HẢI DƯ...
 
Trauma-Informed Leadership - Five Practical Principles
Trauma-Informed Leadership - Five Practical PrinciplesTrauma-Informed Leadership - Five Practical Principles
Trauma-Informed Leadership - Five Practical Principles
 
Supporting Newcomer Multilingual Learners
Supporting Newcomer  Multilingual LearnersSupporting Newcomer  Multilingual Learners
Supporting Newcomer Multilingual Learners
 

Performance analysis of machine learning algorithms on self localization system1

  • 1. Performance Analysis of Machine Learning Algorithms on Self Localization Systems In thispaperauthoris usingSVM(SupportVectorMachine), DecisionTree Classifier,K-Neighbors Classifier,naïve bayes,RandomForestClassifier,BaggingClassifier,Ada BoostClassifierandMLP Classifier All the algorithmsgenerate model fromtraindatasetandnew datawill be appliedontrainmodel to predictitclass.Random Forest algorithmisgivingbetterpredictionaccuracycompare to all other algorithm. Support vector machine: Machine learninginvolvespredictingandclassifyingdataandto do sowe employvariousmachine learningalgorithmsaccordingtothe dataset.SVMor SupportVectorMachine is a linearmodel for classificationandregressionproblems.It cansolve linearandnon-linearproblemsandworkwell for manypractical problems.The ideaof SVMissimple:The algorithmcreatesaline ora hyper plane whichseparatesthe dataintoclasses.Inmachine learning,the radial basisfunctionkernel,orRBF kernel,isapopularkernel functionusedinvariouskernelizedlearningalgorithms.Inparticular,itis commonlyusedinsupportvectormachine classification.Asasimple example,foraclassification task withonlytwofeatures(like the image above),youcanthinkof a hyperplane asa line that linearlyseparatesandclassifiesasetof data. Intuitively,the furtherfromthe hyper plane ourdatapointslie,the more confidentwe are thatthey have beencorrectlyclassified.We therefore wantourdatapointstobe as far awayfrom the hyper plane as possible,while still beingonthe correctside of it. So whennewtestingdataisadded,whateversideof the hyper plane itlandswill decide the class that we assignto it. How dowe findthe right hyperplane? Or, inotherwords,howdo we bestsegregate the twoclasseswithinthe data? The distance betweenthe hyper plane andthe nearestdatapointfromeithersetisknownasthe margin.The goal isto choose a hyper plane withthe greatestpossible marginbetweenthe hyper plane andany pointwithinthe trainingset,givingagreaterchance of new data beingclassified correctly. Both algorithmsgeneratemodel fromtraindatasetandnew datawill be appliedontrainmodel to predictitclass.SVMalgorithmisgivingbetterpredictionaccuracycompare to ANN algorithm. Naïve Bayes Classifier Algorithm It wouldbe difficultandpracticallyimpossible toclassifyawebpage,a document,anemail orany otherlengthytextnotesmanually.This iswhere Naïve BayesClassifiermachine learningalgorithm comesto the rescue.A classifierisafunctionthatallocatesa population’s elementvalue fromone of the available categories.Forinstance,SpamFilteringisapopularapplicationof Naïve Bayes algorithm.Spamfilterhere,isaclassifierthatassignsalabel “Spam”or “Not Spam” to all the emails. Naïve BayesClassifierisamongstthe mostpopularlearningmethodgroupedbysimilaritiesthat workson the popularBayesTheorem of Probability- tobuildmachine learningmodelsparticularly for disease predictionanddocumentclassification.Itisa simple classification of wordsbasedon BayesProbabilityTheoremforsubjective analysisof content.
  • 2. Decision tree: A decisiontree isagraphical representationthatmakesuse of branchingmethodologytoexemplify all possible outcomesof adecision, basedoncertainconditions.Inadecisiontree,the internalnode representsateston the attribute,eachbranchof the tree represents the outcome of the testand the leaf node representsaparticularclasslabel i.e.the decisionmade aftercomputingall of the attributes. The classificationrulesare representedthroughthe pathfromrootto the leaf node. Types ofDecisionTrees ClassificationTrees- These are consideredasthe defaultkindof decisiontreesusedtoseparate a datasetintodifferentclasses,based onthe responsevariable.Theseare generallyusedwhenthe response variable iscategoricalinnature. RegressionTrees-Whenthe responseortargetvariable iscontinuousornumerical,regressiontrees are used.These are generally usedinpredictive type of problemswhencomparedtoclassification. Decisiontreescanalsobe classifiedintotwotypes,basedonthe type of targetvariable- Continuous Variable DecisionTreesandBinary Variable DecisionTrees.Itisthe targetvariable thathelpsdecide whatkindof decisiontree wouldbe requiredforaparticularproblem. Random forest: RandomForestisthe go to machine learningalgorithmthatusesabaggingapproachto create a bunchof decisiontreeswithrandom subsetof the data.A model istrainedseveral timesonrandom sample of the datasetto achieve goodpredictionperformancefromthe randomforestalgorithm.In thisensemble learningmethod,the outputof all the decisiontreesinthe randomforest,is combinedtomake the final prediction.The final predictionof the randomforestalgorithmisderived by pollingthe resultsof eachdecisiontree orjustby goingwitha predictionthatappearsthe most timesinthe decisiontrees. For instance,inthe above example- if 5 friendsdecide thatyouwill like restaurantRbutonly2 friendsdecide thatyouwill notlike the restaurantthenthe final predictionisthat,youwill like restaurantR as majorityalwayswins. K – nearest neighbor: K-nearest neighbor’salgorithm(k-NN) isa nonparametricmethodusedforclassification and regression Inbothcases,the inputconsistsof the kclosesttrainingexamplesinthe feature space.The outputdependsonwhether k-NN isusedforclassificationorregression:  In k-NN classification,the outputisa classmembership.Anobjectisclassifiedbya pluralityvote of itsneighbors,withthe objectbeingassignedtothe classmost common amongits k nearestneighbors(kisapositive integer,typicallysmall).If k= 1, thenthe objectissimplyassignedtothe classof that single nearestneighbor.  In k-NN regression,the outputisthe propertyvalue forthe object.Thisvalue isthe average of the valuesof k nearestneighbors. K-NN isa type of instant-basedlearning,orlazylearning, where the functionisonly approximatedlocallyandall computationisdeferreduntil classification. Both forclassificationandregression,auseful technique canbe toassignweightstothe contributionsof the neighbors,sothatthe nearerneighborscontribute more tothe average than the more distantones.Forexample,acommonweightingscheme consistsingiving each neighboraweightof 1/d,where d isthe distance tothe neighbor
  • 3. The neighborsare takenfroma setof objectsforwhichthe class (for k-NN classification)or the objectpropertyvalue (for k-NN regression) isknown.Thiscanbe thoughtof as the trainingsetforthe algorithm,thoughnoexplicittrainingstepisrequired. A peculiarityof the k-NN algorithmisthatitis sensitive tothe local structure of the data. Bagging classifier: A Baggingclassifierisanensemble meta-estimatorthatfitsbase classifierseachonrandomsubsets of the original datasetandthenaggregate theirindividual predictions(eitherbyvotingorby averaging) toforma final prediction.Suchameta-estimatorcantypicallybe usedasa wayto reduce the variance of a black-box estimator(e.g.,adecisiontree),by introducingrandomizationintoits constructionprocedure andthenmakinganensemble outof it. Each base classifieristrainedinparallelwithatrainingsetwhichisgeneratedbyrandomlydrawing, withreplacement,N examples (ordata) fromthe original trainingdataset –whereN is the size of the original training set.Trainingsetfor each of the base classifiersisindependentof eachother.Many of the original datamaybe repeatedinthe resultingtrainingsetwhile othersmaybe leftout. Baggingreducesoverfitting(variance) byaveragingorvoting,however,thisleadstoanincrease in bias,whichiscompensatedbythe reductioninvariance though. AdaBoost: Adaptiveboosting isamachine learningmeatalgorithm formulated.Itcanbe usedin conjunction withmanyothertypesof learningalgorithmstoimprove performance.The outputof the other learningalgorithms('weaklearners') iscombinedintoaweightedsumthatrepresentsthe final outputof the boostedclassifier.AdaBoostisadaptive inthe sense thatsubsequentweaklearners are tweakedinfavorof those instancesmisclassifiedbypreviousclassifiers.AdaBoostissensitiveto noisydata and outliers. Insome problemsitcanbe lesssusceptible tothe overfittingproblemthan otherlearningalgorithms.The individuallearnerscanbe weak,butas longas the performance of each one isslightlybetterthanrandomguessing,the final model canbe proventoconverge toa stronglearner. Everylearningalgorithmtendstosuitsome problemtypesbetterthanothers,andtypicallyhas manydifferentparametersandconfigurationstoadjustbefore itachievesoptimalperformance ona dataset,AdaBoost isoftenreferredtoasthe bestout-of-the-box classifier.[2] Whenusedwith decisiontree learning,informationgatheredateachstage of the AdaBoostalgorithmaboutthe relative 'hardness'of eachtrainingsample isfedintothe tree growingalgorithmsuchthatlatertrees tendto focuson harder-to-classifyexamples. Multilayer perceptron (MLP): A multilayerperceptron(MLP) isa classof feedforward artificialneural network (ANN).The term MLP isusedambiguously, sometimeslooselytoreferto any feed forwardANN,sometimesstrictlyto referto networkscomposedof multiple layersof perceptrons (withthresholdactivation); see § Terminology.Multilayerperceptronsare sometimescolloquiallyreferredtoas"vanilla"neural networks,especiallywhentheyhave asingle hiddenlayer. An MLP consistsof at leastthree layersof nodes:aninputlayer,a hiddenlayerandanoutputlayer. Exceptfor the inputnodes,eachnode isa neuronthatusesa nonlinear activationfunction.MLP utilizesasupervisedlearningtechnique called backpropagation fortraining. Itsmultiple layersand
  • 4. non-linearactivationdistinguishMLPfroma linear perceptron.Itcandistinguishdatathatis not linearlyseparable. To implementabove all algorithmswe have usedpythontechnologyand‘student data’ dataset.This dataset available inside dataset folder which contains test dataset with dataset information file. PythonPackagesandLibrariesused:Numpy,pandas, tkinter, PyVISA 1.10.1 1.10.1 PyVISA-py 0.3.1 0.3.1 cycler 0.10.0 0.10.0 imutils 0.5.3 0.5.3 joblib 0.14.1 0.14.1 kiwisolver 1.1.0 1.1.0 matplotlib 3.1.2 3.1.2 nltk 3.4.5 3.4.5 numpy 1.18.1 1.18.1 opencv-python 4.1.2.30 4.1.2.30 pandas 0.25.3 0.25.3 pip 19.0.3 20.0.1 pylab 0.0.2 0.0.2 pyparsing 2.4.6 2.4.6 python-dateutil 2.8.1 2.8.1 pytz 2019.3 2019.3 pyusb 1.0.2 1.0.2 scikit-learn 0.22.1 0.22.1 scipy 1.4.1 1.4.1 seaborn 0.9.0 0.9.0 setuptools 40.8.0 45.1.0 six 1.14.0 1.14.0 sklearn 0.0 0.0 style 1.1.6 1.1.6 styled 0.2.0.post1 0.2.0.post1 classificationreport,confusionmatrix,accuracyscore,train_test_split,K-Fold,cross_val_score,Grid SearchCV, DecisionTree Classifier,K-NeighborsClassifier,SVC,naive_bayes,Random Forest Classifier,BaggingClassifier,AdaBoostClassifier,MLPClassifier. Screenshots Whenwe run the code itdisplaysbelow window
  • 6. Nowclickon ‘readdata’ itreads the data Now clickon ‘Train_Test_split’tosplitthe dataintotrainingandtesting Nowclickon ‘All classifiers’toclassifythe models
  • 7. KNN Predicted Values on Test Data is 98% CART Predicted Values on Test Data is 97.31% SVM Predicted Values on Test Data is 98.18% RF Predicted Values on Test Data is 98.62% Bagging Predicted Values on Test Data is 97.41% Ada Predicted Values on Test Data is 87.43% MLP Predicted Values on Test Data is 98.00% Nowclickon ‘Model comparison’the comparisonbetweenthe models