SlideShare a Scribd company logo
1 of 7
Download to read offline
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072
© 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 135
Machine Learning Algorithms for the Detection of Diabetes
Ranjith M S1, Santhosh H S2, Swamy M S3
1,2,3Student, Dept. of ECE, The National Institute of Engineering, Mysuru, India
---------------------------------------------------------------------***----------------------------------------------------------------------
Abstract - Diabetes is one of the fastest-growing chronic life-threatening diseases that is the seventh leading cause of death
according to the estimation of WHO in 2016. Due to the presence of a relatively long asymptomatic phase, early detection of
diabetes is always desired for a clinically meaningful outcome. Diabetes is a major cause of blindness, kidney failure, heart
attacks, stroke, and lower limb amputation. These Could be avoided if it is detected in early stages. A large amount of clinical data
available due to the digital era has made it possible for Deep learning techniques to give good results on medical diagnosis and
prognosis. We use the diabetes dataset to train the model in predicting it. We have analyzed the dataset with Logistic Regression
Algorithm, Random Forest Algorithm, Deep Neural Network, and a DNN having the embeddings for the categorical features. The
DNN with embeddings makes the correct predictions on most of the test set examples i.e., nearly 100% of the examples, and has
an F1 score of 1.0 on test data.
Key Words: Deep learning, Regression, Diabetes, Health Care, Neural Networks, TensorFlow
1. INTRODUCTION
Diabetes Mellitus, a chronic metabolic disorder, is one of the fastest-growing health crises of this era regardless ofgeographic,
racial, or ethnic context. Commonly, we know about two types of diabetes called type 1 and type 2 diabetes. Type 1 diabetes
occurs when the immune system mistakenly attacks the pancreatic beta cells and very little insulin is released to the body or
sometimes even no insulin is released to the body. On the other hand, type 2 diabetes occurs when our body doesn’t produce
proper insulin or the body becomes insulin resistant [1].
Some researchers divided diabetes into Type 1, Type 2, and gestational diabetes[2].Agrawal,Pet.al [3] showed88.10%accuracy
using the SVM and LDA algorithm together on a dataset having 738 patient data. They have also tried other methods likeCNN,
KNN, SVM, NB.
Joshi et.al [4] used logistic regression, SVM, ANN on a dataset having 7 attributes. Aftercomparingtheirfeatures,the researcher
opinionated that the Support Vector Machine (SVM) as the best classification method.
Sapon et.al [5] found 88.8% accuracy with the Bayesian Regulationalgorithmona datasetfrom250diabetespatients’ data from
Pusat Perubatan University Kebangsaan Malaysia, Kuala Lumpur.
Rabina et.al [6] predicted using supervised and unsupervised algorithms. They used the software tool WEKA to find a better
prediction algorithm in machine learning. Finally, they concluded that ANN or Decision tree is the best way for diabetes
prediction.
The main contributions of this paper are:
a) We used the dataset from Islam, MM Faniqul, et al [7] and used different algorithms like Decision tree, Random forest,
logistic regression, Naïve Bayes, KNN, Neural network, and Neural Networks with embeddings inpredictingdiabetes.
b) Our neural network using the embeddings layer on the categorical features learns a distributed representationofthe
categories. This method outperforms every other method leading to an accuracy of 100%, and an F1 score of 100%
with sensitivity near to 100%.
Since we are using only dense networks we use He initialization[8] as compared with Xavier Initialization[9] for initializing the
weights while training the network. The optimizers such as Adam[10], RMS[11], LARS[12] lead to faster convergence. “One of the
key elements of super-convergence is training with one learning rate cycle and a large maximum learning rate”[13]. To speed up
training we use Batch Normalization[14].
2. EXPERIMENTAL SETUP
2.1 Data pre-processing
The dataset contains both categorical and continuous features. Categorical features include Gender, Polyuria, Polydipsia,
sudden weight loss, weakness, Polyphagia, Genital thrush, visual blurring, itching, Irritability, delayed healing, partial paresis,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072
© 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 136
muscle stiffness, Alopecia, Obesity. All these categorical features have only two classes yes or no except sex which has male or
female as two classes. The only continuous feature present in the dataset is Age varying between 16 and 90. The output is
having two classes yes or no indicating whether a person has diabetes or not.
The categorical features are encoded into integers. The continuous variable Age is mean normalized in order to have mean 0
and standard deviation of 1 which helps in faster convergence and also counters the problems like vanishing gradient when
parameterized models like neural network are used.
The mean normalization is given by,
Where μ(i) is the average of all the values for feature (i) and s(i) is the range of values (max-min)
2.2 Reducing the size of dataset
When the CSV file is read as a data frame in the python environment the default size of the values will be Int64 for the integers
and float32 for floating-point numbers. These default allocations lead to the consumption of a large amount of memory in
runtime. The memory size is reduced by considering the maximum and minimum valuesofthecolumn.Fore.g.,thecategorical
columns have two values 0 and 1 so the default allocation of int64 is changed to uint8. After applying these reductions on all
columns, the size of the dataset is reduced to 12.65% of the initial size.
3 TRAINING
The preprocessed dataset is trained using different machine learning algorithms, decision tree, random forest, Naïve Bayes,
regression, K nearest neighbors, Artificial neural networks, and ANN’s with embedding layers for the categorical features.
3.1 ANN’s with embedding layers
TensorFlow Keras is used for the implementation and training of the neural network. The embedding layer will capture more
details on the relationship between thecategoricalvariables.The embeddinglayerisintroducedonlytothecategoricalfeatures
and the dimension is chosen according to the number of unique values present in a particularattribute.Sinceinour caseall the
categorical attributes have two unique values we chose the output dimension to be 2 for each attribute. All these embeddings
are flattened and given as input to the dense layer. Two dense layers are introduced exclusively for the categorical features
with each layer having 16 hidden units. The output of the dense layerisconcatenated withthecontinuousfeatureage asshown
in fig.1. These are further connected to the other 2 dense layers having 16 and 8 hidden units respectively. The batch
normalization and dropout are used after each dense layer to train the model effectively. The output layer hasonehiddenunit
and has a sigmoid activation function whereas other intermediate dense layers have ReLU as the activation function.
Binary cross-entropy is used as the loss function and is given by,
Where f(s)I represents sigmoid function given by,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072
© 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 137
FIG.-1 Architecture
The model is trained for 150 epochs with Adam optimizer. The model was trained on Tesla K80 GPU which can do up to 8.73
Teraflops single-precision and up to 2.91 Teraflops double-precision performancewithNVIDIA GPUBoost.Thisnetwork gives
a validation accuracy of 100 %. Fig.2 shows the variation of training and validation loss during each epoch of training.
Fig-2: Variation of loss with epochs
3.2 Artificial Neural Network
TensorFlow Keras is used for the implementation and training of the neural network. The created network has four layers
having 128, 64, 16, 4 hidden units respectively. The output layer has 2 nodes since categorical cross-entropy is used as a loss
function. ReLU is used as an activation function in intermediate layers and the output layer uses SoftMax as the activation
function.
Categorical cross-entropy is given by,
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072
© 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 138
Where f(s)i represents SoftMax function and is given by,
Where C represents the total number of class and sj are the score inferred by the neural network for each class in C.
Table:1 shows the network structure implemented.
Table-1: Network structure
MODEL STRUCTURE AND PARAMETERS
Layer OUTPUT SHAPE NO. of Parameters
Dense_1 (None,128) 2176
Dropout_1 (None,128) 0
Dense_2 (None,64) 8256
Dropout_2 (None,64) 0
Dense_3 (None,16) 1040
Dropout_3 (None,16) 0
Dense_4 (None,4) 68
Droout_4 (None,4) 0
Dense_5 (None,2) 10
Total Parameters: 11,550
Trainable Parameters: 11,550
Non -Trainable Parameters: 0
3.3 Random Forest
Random Forest is an ensemble algorithm. Decision trees with a maximumdepthof100,5minimumleafnodeswereusedinthe
structure. 500 Decision trees were ensembled to get a training accuracy of 0.9547and testaccuracyof0.9487whichperforms
better than the individual decision tree.
3.4 K-Nearest Neighbors
K-Nearest Neighbors take the Kth number of nearest neighbors and calculate the distance between query-instance and all the
samples in the training set. Based on that it predicts the output that has minimum distance among all neighbors. In this
experiment, we took K as 15 to achieve 0.9208 train accuracy and 0.9358 test accuracy.
3.5 Naïve Bayes
Naïve Bayes is a probabilistic algorithm that works based ontheBayestheorem.The equationofBayestheoremisstatedbelow
P(AB) = p(BA) *p(A) / p(B
It predicts the output based on the likelihood probability of each class. We achieved 0.9095 train accuracy and 0.8974 test
accuracy using this.
3.6 Decision Tree
A tree structure with a depth of 50 and a minimum of 15 leaf nodes was created. Using the decision tree, a data set is broken
down into smaller and smaller subsets while at the same time an associated decision tree is incrementally developed.
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072
© 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 139
3.7 Logistic regression
Logistic regression is a parameterized machine learning algorithm. Where the parameters along with the activation function
define the decision boundary. Sigmoid is used as activation and the parameters are learned by looking at the dataset.
4. RESULTS
The entire dataset is split into 85% for training and 15% for validation. All the algorithms were given the same set of training
and validation data.
Table-2: Results
Matrices Logistic
Regression
Naïve
Bayes
K nearest
neighbors
Decision
Tree
Random
Forest
Neural
network
Neural
network
with
embeddings
accuracy Train 0.9276 0.9095 0.9208 0.9208 0.9547 0.9915 0.9699
Test 0.9358 0.8974 0.9358 0.9102 0.9487 0.9872 1.0
f1 score Train 0.9411 0.9270 0.9323 0.9353 0.9629 0.9963 0.9749
Test 0.9462 0.9148 0.9450 0.9247 0.9565 0.9894 1.0
Precision
score
Train 0.9446 0.9236 0.9877 0.9440 0.9737 0.9927 0.9628
Test 0.9565 0.9148 0.9772 0.9347 0.9777 0.9791 1.0
Recall
score
Train 0.9377 0.9304 0.8827 0.9267 0.9523 1.0000 0.9882
Test 0.9361 0.9148 0.9148 0.9148 0.9361 1.0000 1.0
specificity Train 0.9112 0.8757 0.9822 0.9112 0.9585 0.9881 0.9455
Test 0.9354 0.8709 0.9677 0.9032 0.9677 0.9677 1.0
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072
© 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 140
Fig-3. Performance of different models
Table-2 shows the performance of all the models and it is observed that all the best score belongs to ANN or the ANN’s with
Embeddings. Pure ANN’s are slightly biased towards predicting the diseased condition as its evident from a recall score of 1
and a precision of 0.97. ANN+embeddings has a test accuracy of 1 indicating that it predicts all the test examples correctly.
Since logistic regression involves a smaller number of parameters it is observed that there is less differenceinthetrainingand
the test scores indicating its robustness towards overfitting. It obtains a .94+ F1 score both on the training and validation set.
Naïve Bayes is probabilistic based so is expected to perform poorly on the test set as it does not learn about the features andis
evident from 0.89 test set accuracy. KNN has a test accuracy of 0.93.
5. DISCUSSION
As the data mining methods, techniques and tools are becoming more promising to predict diabetes and eventually several
patients reduce the treatment cost, its role in this medical health care is undeniable. We found that the ANN+ebmeddings
performs very well on the test dataset and is also highly robust to variance. They have correctly predicted all the test set
examples indicating its credibility in the real-world scenario. Thereasonbehinditsperformanceisembeddinglayers'abilityto
capture distributed representation meaning, they helpin capturingmoreinsightsabouteachcategoryin eachofthecategorical
attributes. Pure ANN’s are also very near to the performance of ANN+embeddings but the latter gives the prediction based on
the more insights gained through embedding layers which makes it more reliable.
REFERENCES
[1] The 6 Different Types of Diabetes: (5 Mar 2018). The diabetic journey. https:// thediabeticjourney.com/the-6-
different-types-of-diabetes
[2] Statistics About Diabetes: American Diabetes Association, 22 Mar 2018. https://www.diabetes. org
[3] Agrawal, P., Dewangan, A.: A brief survey on the techniques used for the diagnosis of diabetesmellitus. Int. Res. J. Eng.
Technol. (IRJET). 02(03) (2015). e-ISSN: 2395-0056; p-ISSN: 2395- 0072
[4] Joshi, T.N. Chawan, P.M.: Diabetes prediction using machine learning techniques. Dewangan, S. et.al. Int. J. Eng. Res.
Appl. (Part -II) 8(1), 09–13 (2018). ISSN: 2248-9622
International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056
Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072
© 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 141
[5] Sapon, M.A., Ismail, K., Zainudin, S.: Prediction of diabetes by using artificial neural network. In: 2011 International
Conference on Circuits, System and Simulation IPCSIT, vol. 7. IACSIT Press, Singapore (2011)
[6] Rabina1, Er. Anshu Chopra2: Diabetesprediction bysupervisedandunsupervisedlearning withfeatureselection,2(5).
ISSN: 2454-132
[7] Islam, MM Faniqul, et al. 'Likelihood prediction of diabetes at early stage using data mining techniques.' Computer
Vision and Machine Intelligence in Medical Image Analysis. Springer, Singapore, 2020. 113-125.
[8] Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun. Delving Deep into Rectifiers: Surpassing Human-Level
Performance on ImageNet Classification
[9] Bengio, Yoshua and Glorot, Xavier. Understanding thedifficulty of training deep feedforward neural
networks.InProceedings of AISTATS 2010, volume 9, pp. 249–256, May 2010.
[10] Diederik P. Kingma, Jimmy Ba. Adam: A Method for Stochastic Optimization. arXiv:1412.6980v9 [cs.LG]
[11] Geoffrey Hinton. 2012. Neural Networks for MachineLearning -Lecture6a -Overview ofmini-batchgradi-entdescent.
[12] Yang You, Igor Gitman, Boris Ginsburg. Large Batch Training of Convolutional Networks. arXiv:1708.03888v3[cs.CV]
[13] Leslie N. Smith, Nicholay Topin. Super-Convergence: Very Fast Training of Neural Networks Using Large Learning
Rates. arXiv:1708.07120v3 [cs.LG]
[14] Sergey Ioffe, Christian Szegedy. Batch Normalization: Accelerating Deep Network Training by Reducing Internal
Covariate Shift. arXiv:1502.03167v3 [cs.LG]
[15] Alexandre de Brébisson, Étienne Simon, Alex Auvolat, Pascal Vincent, Yoshua Bengio. Artificial Neural Networks
Applied to Taxi Destination Prediction. arXiv:1508.00021v2 [cs.LG]
[16] Abadi, M., Barham, P., Chen, J., Chen, Z., Davis, A., Dean, J., Devin, M., Ghemawat, S.,Irving, G., Isard, M., Kudlur, M.,
Levenberg, J., Monga, R., Moore, S., Murray, D. G.,Steiner, B., Tucker, P., Vasudevan, V., Warden, P., Wicke,M.,Yu,Y.,and
Zheng, X. TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems. arXiv:1603.04467
[cs.DC]
[17] Ranjith M S, S Parameshwara. Optimizing Neural Networks for Embedded Systems. IRJET Volume 7, Issue 4, April
2020 S.NO: 211
[18] S. Coric, I. Latinovic and A. Pavasovic, "A neural network FPGA implementation," Proceedings of the 5th Seminar on
Neural Network Applications in Electrical Engineering. NEUREL 2000 (IEEE Cat. No.00EX287), Belgrade, Yugoslavia,
2000, pp. 117-120.
[19] J. D. Hunter, "Matplotlib: A 2D Graphics Environment", Computing in Science & Engineering, vol. 9, no. 3, pp. 90-95,
2007.
[20] Plotly Technologies Inc. (2015). Collaborative data science. Montreal, QC: Plotly Technolo-gies Inc.
[21] S. Sahin, Y. Becerik1i, S. Yazici, "Neural network implementation in hardware using FPGAs", NIP Neural Information
Processing, vol. 4234, no. 3, pp. 1105-1112, 2006.
[22] Yufeng Hao. A General Neural Network Hardware Architecture on FPGA
arXiv:1711.05860 [cs.CV]

More Related Content

What's hot

Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...
Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...
Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...IJERA Editor
 
IRJET- An Effective Brain Tumor Segmentation using K-means Clustering
IRJET-  	  An Effective Brain Tumor Segmentation using K-means ClusteringIRJET-  	  An Effective Brain Tumor Segmentation using K-means Clustering
IRJET- An Effective Brain Tumor Segmentation using K-means ClusteringIRJET Journal
 
Optimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionOptimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionIAEME Publication
 
IRJET- Fault Detection and Maintenance Prediction for Gear of an Industri...
IRJET-  	  Fault Detection and Maintenance Prediction for Gear of an Industri...IRJET-  	  Fault Detection and Maintenance Prediction for Gear of an Industri...
IRJET- Fault Detection and Maintenance Prediction for Gear of an Industri...IRJET Journal
 
BACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHM
BACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHMBACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHM
BACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHMcscpconf
 
IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...
IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...
IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...IRJET Journal
 
A survey early detection of
A survey early detection ofA survey early detection of
A survey early detection ofijcsa
 
Genetic Algorithm Processor for Image Noise Filtering Using Evolvable Hardware
Genetic Algorithm Processor for Image Noise Filtering Using Evolvable HardwareGenetic Algorithm Processor for Image Noise Filtering Using Evolvable Hardware
Genetic Algorithm Processor for Image Noise Filtering Using Evolvable HardwareCSCJournals
 
Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...
Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...
Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...IOSR Journals
 
High performance extreme learning machines a complete toolbox for big data a...
High performance extreme learning machines  a complete toolbox for big data a...High performance extreme learning machines  a complete toolbox for big data a...
High performance extreme learning machines a complete toolbox for big data a...redpel dot com
 
Microarray Data Classification Using Support Vector Machine
Microarray Data Classification Using Support Vector MachineMicroarray Data Classification Using Support Vector Machine
Microarray Data Classification Using Support Vector MachineCSCJournals
 
IRJET- Performance Analysis of Optimization Techniques by using Clustering
IRJET- Performance Analysis of Optimization Techniques by using ClusteringIRJET- Performance Analysis of Optimization Techniques by using Clustering
IRJET- Performance Analysis of Optimization Techniques by using ClusteringIRJET Journal
 
Analysis of multi focus gray scale image fusion using
Analysis of multi focus gray scale image fusion usingAnalysis of multi focus gray scale image fusion using
Analysis of multi focus gray scale image fusion usingeSAT Publishing House
 
Transfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classificationTransfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classificationTELKOMNIKA JOURNAL
 
Efficient Small Template Iris Recognition System Using Wavelet Transform
Efficient Small Template Iris Recognition System Using Wavelet TransformEfficient Small Template Iris Recognition System Using Wavelet Transform
Efficient Small Template Iris Recognition System Using Wavelet TransformCSCJournals
 
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...IRJET Journal
 
Wavelet Transform based Medical Image Fusion With different fusion methods
Wavelet Transform based Medical Image Fusion With different fusion methodsWavelet Transform based Medical Image Fusion With different fusion methods
Wavelet Transform based Medical Image Fusion With different fusion methodsIJERA Editor
 
Gaussian noise reduction on images automatically
Gaussian noise reduction on images automaticallyGaussian noise reduction on images automatically
Gaussian noise reduction on images automaticallyeSAT Journals
 

What's hot (19)

Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...
Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...
Implementing Tumor Detection and Area Calculation in Mri Image of Human Brain...
 
IRJET- An Effective Brain Tumor Segmentation using K-means Clustering
IRJET-  	  An Effective Brain Tumor Segmentation using K-means ClusteringIRJET-  	  An Effective Brain Tumor Segmentation using K-means Clustering
IRJET- An Effective Brain Tumor Segmentation using K-means Clustering
 
Optimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionOptimal neural network models for wind speed prediction
Optimal neural network models for wind speed prediction
 
IRJET- Fault Detection and Maintenance Prediction for Gear of an Industri...
IRJET-  	  Fault Detection and Maintenance Prediction for Gear of an Industri...IRJET-  	  Fault Detection and Maintenance Prediction for Gear of an Industri...
IRJET- Fault Detection and Maintenance Prediction for Gear of an Industri...
 
BACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHM
BACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHMBACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHM
BACKPROPAGATION LEARNING ALGORITHM BASED ON LEVENBERG MARQUARDT ALGORITHM
 
IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...
IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...
IRJET- Image Fusion using Lifting Wavelet Transform with Neural Networks for ...
 
A survey early detection of
A survey early detection ofA survey early detection of
A survey early detection of
 
Genetic Algorithm Processor for Image Noise Filtering Using Evolvable Hardware
Genetic Algorithm Processor for Image Noise Filtering Using Evolvable HardwareGenetic Algorithm Processor for Image Noise Filtering Using Evolvable Hardware
Genetic Algorithm Processor for Image Noise Filtering Using Evolvable Hardware
 
Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...
Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...
Artificial Neural Networks for ON Line Assessment of Voltage Stability using ...
 
High performance extreme learning machines a complete toolbox for big data a...
High performance extreme learning machines  a complete toolbox for big data a...High performance extreme learning machines  a complete toolbox for big data a...
High performance extreme learning machines a complete toolbox for big data a...
 
Microarray Data Classification Using Support Vector Machine
Microarray Data Classification Using Support Vector MachineMicroarray Data Classification Using Support Vector Machine
Microarray Data Classification Using Support Vector Machine
 
IRJET- Performance Analysis of Optimization Techniques by using Clustering
IRJET- Performance Analysis of Optimization Techniques by using ClusteringIRJET- Performance Analysis of Optimization Techniques by using Clustering
IRJET- Performance Analysis of Optimization Techniques by using Clustering
 
Neeta tiwari paper
Neeta tiwari paperNeeta tiwari paper
Neeta tiwari paper
 
Analysis of multi focus gray scale image fusion using
Analysis of multi focus gray scale image fusion usingAnalysis of multi focus gray scale image fusion using
Analysis of multi focus gray scale image fusion using
 
Transfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classificationTransfer learning with multiple pre-trained network for fundus classification
Transfer learning with multiple pre-trained network for fundus classification
 
Efficient Small Template Iris Recognition System Using Wavelet Transform
Efficient Small Template Iris Recognition System Using Wavelet TransformEfficient Small Template Iris Recognition System Using Wavelet Transform
Efficient Small Template Iris Recognition System Using Wavelet Transform
 
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
IRJET- Facial Gesture Recognition using Surface EMG and Multiclass Support Ve...
 
Wavelet Transform based Medical Image Fusion With different fusion methods
Wavelet Transform based Medical Image Fusion With different fusion methodsWavelet Transform based Medical Image Fusion With different fusion methods
Wavelet Transform based Medical Image Fusion With different fusion methods
 
Gaussian noise reduction on images automatically
Gaussian noise reduction on images automaticallyGaussian noise reduction on images automatically
Gaussian noise reduction on images automatically
 

Similar to Machine learning detects diabetes

Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaIRJET Journal
 
ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...
ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...
ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...IRJET Journal
 
IRJET- Plant Disease Detection and Classification using Image Processing a...
IRJET- 	  Plant Disease Detection and Classification using Image Processing a...IRJET- 	  Plant Disease Detection and Classification using Image Processing a...
IRJET- Plant Disease Detection and Classification using Image Processing a...IRJET Journal
 
Applications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer PredictionApplications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer PredictionIRJET Journal
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET Journal
 
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...IRJET Journal
 
IRJET - Heart Health Classification and Prediction using Machine Learning
IRJET -  	  Heart Health Classification and Prediction using Machine LearningIRJET -  	  Heart Health Classification and Prediction using Machine Learning
IRJET - Heart Health Classification and Prediction using Machine LearningIRJET Journal
 
MULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMS
MULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMSMULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMS
MULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMSijcsit
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsIRJET Journal
 
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET Journal
 
Optimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionOptimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionIAEME Publication
 
Optimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionOptimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionIAEME Publication
 
Neural Network Based Individual Classification System
Neural Network Based Individual Classification SystemNeural Network Based Individual Classification System
Neural Network Based Individual Classification SystemIRJET Journal
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMIRJET Journal
 
Automated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep LearningAutomated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep LearningIRJET Journal
 
Accuracy, Sensitivity and Specificity Measurement of Various Classification T...
Accuracy, Sensitivity and Specificity Measurement of Various Classification T...Accuracy, Sensitivity and Specificity Measurement of Various Classification T...
Accuracy, Sensitivity and Specificity Measurement of Various Classification T...IOSR Journals
 
Blood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNBlood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNIRJET Journal
 
Diabetes Prediction using Machine Learning Algorithms
Diabetes Prediction using Machine Learning AlgorithmsDiabetes Prediction using Machine Learning Algorithms
Diabetes Prediction using Machine Learning AlgorithmsIRJET Journal
 
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...IRJET Journal
 
Implementation of Back-Propagation Neural Network using Scilab and its Conver...
Implementation of Back-Propagation Neural Network using Scilab and its Conver...Implementation of Back-Propagation Neural Network using Scilab and its Conver...
Implementation of Back-Propagation Neural Network using Scilab and its Conver...IJEEE
 

Similar to Machine learning detects diabetes (20)

Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of GlaucomaComparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
Comparative Study of Pre-Trained Neural Network Models in Detection of Glaucoma
 
ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...
ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...
ICU Mortality Rate Estimation Using Machine Learning and Artificial Neural Ne...
 
IRJET- Plant Disease Detection and Classification using Image Processing a...
IRJET- 	  Plant Disease Detection and Classification using Image Processing a...IRJET- 	  Plant Disease Detection and Classification using Image Processing a...
IRJET- Plant Disease Detection and Classification using Image Processing a...
 
Applications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer PredictionApplications of Artificial Neural Networks in Cancer Prediction
Applications of Artificial Neural Networks in Cancer Prediction
 
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...IRJET-  	  Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
IRJET- Jeevn-Net: Brain Tumor Segmentation using Cascaded U-Net & Overall...
 
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
Utilizing Machine Learning, Detect Chronic Kidney Disease and Suggest A Healt...
 
IRJET - Heart Health Classification and Prediction using Machine Learning
IRJET -  	  Heart Health Classification and Prediction using Machine LearningIRJET -  	  Heart Health Classification and Prediction using Machine Learning
IRJET - Heart Health Classification and Prediction using Machine Learning
 
MULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMS
MULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMSMULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMS
MULTI-PARAMETER BASED PERFORMANCE EVALUATION OF CLASSIFICATION ALGORITHMS
 
Survey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique AlgorithmsSurvey on Artificial Neural Network Learning Technique Algorithms
Survey on Artificial Neural Network Learning Technique Algorithms
 
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
IRJET- Convolutional Neural Networks for Automatic Classification of Diabetic...
 
Optimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionOptimal neural network models for wind speed prediction
Optimal neural network models for wind speed prediction
 
Optimal neural network models for wind speed prediction
Optimal neural network models for wind speed predictionOptimal neural network models for wind speed prediction
Optimal neural network models for wind speed prediction
 
Neural Network Based Individual Classification System
Neural Network Based Individual Classification SystemNeural Network Based Individual Classification System
Neural Network Based Individual Classification System
 
AUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEMAUTOMATED WASTE MANAGEMENT SYSTEM
AUTOMATED WASTE MANAGEMENT SYSTEM
 
Automated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep LearningAutomated Detection of Diabetic Retinopathy Using Deep Learning
Automated Detection of Diabetic Retinopathy Using Deep Learning
 
Accuracy, Sensitivity and Specificity Measurement of Various Classification T...
Accuracy, Sensitivity and Specificity Measurement of Various Classification T...Accuracy, Sensitivity and Specificity Measurement of Various Classification T...
Accuracy, Sensitivity and Specificity Measurement of Various Classification T...
 
Blood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNNBlood Cell Image Classification for Detecting Malaria using CNN
Blood Cell Image Classification for Detecting Malaria using CNN
 
Diabetes Prediction using Machine Learning Algorithms
Diabetes Prediction using Machine Learning AlgorithmsDiabetes Prediction using Machine Learning Algorithms
Diabetes Prediction using Machine Learning Algorithms
 
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
Improved UNet Framework with attention for Semantic Segmentation of Tumor Reg...
 
Implementation of Back-Propagation Neural Network using Scilab and its Conver...
Implementation of Back-Propagation Neural Network using Scilab and its Conver...Implementation of Back-Propagation Neural Network using Scilab and its Conver...
Implementation of Back-Propagation Neural Network using Scilab and its Conver...
 

More from IRJET Journal

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

More from IRJET Journal (20)

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

Recently uploaded

Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Dr.Costas Sachpazis
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130Suhani Kapoor
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSSIVASHANKAR N
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCall Girls in Nagpur High Profile
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝soniya singh
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxpranjaldaimarysona
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerAnamika Sarkar
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxJoão Esperancinha
 
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZTE
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )Tsuyoshi Horigome
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escortsranjana rawat
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...ranjana rawat
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur High Profile
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxupamatechverse
 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAbhinavSharma374939
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).pptssuser5c9d4b1
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINESIVASHANKAR N
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVRajaP95
 

Recently uploaded (20)

Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
Sheet Pile Wall Design and Construction: A Practical Guide for Civil Engineer...
 
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
VIP Call Girls Service Hitech City Hyderabad Call +91-8250192130
 
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLSMANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
MANUFACTURING PROCESS-II UNIT-5 NC MACHINE TOOLS
 
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service NashikCollege Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
College Call Girls Nashik Nehal 7001305949 Independent Escort Service Nashik
 
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
Model Call Girl in Narela Delhi reach out to us at 🔝8264348440🔝
 
Processing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptxProcessing & Properties of Floor and Wall Tiles.pptx
Processing & Properties of Floor and Wall Tiles.pptx
 
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
★ CALL US 9953330565 ( HOT Young Call Girls In Badarpur delhi NCR
 
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube ExchangerStudy on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
Study on Air-Water & Water-Water Heat Exchange in a Finned Tube Exchanger
 
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptxDecoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
Decoding Kotlin - Your guide to solving the mysterious in Kotlin.pptx
 
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
ZXCTN 5804 / ZTE PTN / ZTE POTN / ZTE 5804 PTN / ZTE POTN 5804 ( 100/200 GE Z...
 
SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )SPICE PARK APR2024 ( 6,793 SPICE Models )
SPICE PARK APR2024 ( 6,793 SPICE Models )
 
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptxExploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
Exploring_Network_Security_with_JA3_by_Rakesh Seal.pptx
 
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur EscortsHigh Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
High Profile Call Girls Nagpur Isha Call 7001035870 Meet With Nagpur Escorts
 
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
(PRIYA) Rajgurunagar Call Girls Just Call 7001035870 [ Cash on Delivery ] Pun...
 
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur EscortsCall Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
Call Girls in Nagpur Suman Call 7001035870 Meet With Nagpur Escorts
 
Introduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptxIntroduction to IEEE STANDARDS and its different types.pptx
Introduction to IEEE STANDARDS and its different types.pptx
 
Analog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog ConverterAnalog to Digital and Digital to Analog Converter
Analog to Digital and Digital to Analog Converter
 
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
247267395-1-Symmetric-and-distributed-shared-memory-architectures-ppt (1).ppt
 
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINEMANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
MANUFACTURING PROCESS-II UNIT-2 LATHE MACHINE
 
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IVHARMONY IN THE NATURE AND EXISTENCE - Unit-IV
HARMONY IN THE NATURE AND EXISTENCE - Unit-IV
 

Machine learning detects diabetes

  • 1. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072 © 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 135 Machine Learning Algorithms for the Detection of Diabetes Ranjith M S1, Santhosh H S2, Swamy M S3 1,2,3Student, Dept. of ECE, The National Institute of Engineering, Mysuru, India ---------------------------------------------------------------------***---------------------------------------------------------------------- Abstract - Diabetes is one of the fastest-growing chronic life-threatening diseases that is the seventh leading cause of death according to the estimation of WHO in 2016. Due to the presence of a relatively long asymptomatic phase, early detection of diabetes is always desired for a clinically meaningful outcome. Diabetes is a major cause of blindness, kidney failure, heart attacks, stroke, and lower limb amputation. These Could be avoided if it is detected in early stages. A large amount of clinical data available due to the digital era has made it possible for Deep learning techniques to give good results on medical diagnosis and prognosis. We use the diabetes dataset to train the model in predicting it. We have analyzed the dataset with Logistic Regression Algorithm, Random Forest Algorithm, Deep Neural Network, and a DNN having the embeddings for the categorical features. The DNN with embeddings makes the correct predictions on most of the test set examples i.e., nearly 100% of the examples, and has an F1 score of 1.0 on test data. Key Words: Deep learning, Regression, Diabetes, Health Care, Neural Networks, TensorFlow 1. INTRODUCTION Diabetes Mellitus, a chronic metabolic disorder, is one of the fastest-growing health crises of this era regardless ofgeographic, racial, or ethnic context. Commonly, we know about two types of diabetes called type 1 and type 2 diabetes. Type 1 diabetes occurs when the immune system mistakenly attacks the pancreatic beta cells and very little insulin is released to the body or sometimes even no insulin is released to the body. On the other hand, type 2 diabetes occurs when our body doesn’t produce proper insulin or the body becomes insulin resistant [1]. Some researchers divided diabetes into Type 1, Type 2, and gestational diabetes[2].Agrawal,Pet.al [3] showed88.10%accuracy using the SVM and LDA algorithm together on a dataset having 738 patient data. They have also tried other methods likeCNN, KNN, SVM, NB. Joshi et.al [4] used logistic regression, SVM, ANN on a dataset having 7 attributes. Aftercomparingtheirfeatures,the researcher opinionated that the Support Vector Machine (SVM) as the best classification method. Sapon et.al [5] found 88.8% accuracy with the Bayesian Regulationalgorithmona datasetfrom250diabetespatients’ data from Pusat Perubatan University Kebangsaan Malaysia, Kuala Lumpur. Rabina et.al [6] predicted using supervised and unsupervised algorithms. They used the software tool WEKA to find a better prediction algorithm in machine learning. Finally, they concluded that ANN or Decision tree is the best way for diabetes prediction. The main contributions of this paper are: a) We used the dataset from Islam, MM Faniqul, et al [7] and used different algorithms like Decision tree, Random forest, logistic regression, Naïve Bayes, KNN, Neural network, and Neural Networks with embeddings inpredictingdiabetes. b) Our neural network using the embeddings layer on the categorical features learns a distributed representationofthe categories. This method outperforms every other method leading to an accuracy of 100%, and an F1 score of 100% with sensitivity near to 100%. Since we are using only dense networks we use He initialization[8] as compared with Xavier Initialization[9] for initializing the weights while training the network. The optimizers such as Adam[10], RMS[11], LARS[12] lead to faster convergence. “One of the key elements of super-convergence is training with one learning rate cycle and a large maximum learning rate”[13]. To speed up training we use Batch Normalization[14]. 2. EXPERIMENTAL SETUP 2.1 Data pre-processing The dataset contains both categorical and continuous features. Categorical features include Gender, Polyuria, Polydipsia, sudden weight loss, weakness, Polyphagia, Genital thrush, visual blurring, itching, Irritability, delayed healing, partial paresis,
  • 2. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072 © 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 136 muscle stiffness, Alopecia, Obesity. All these categorical features have only two classes yes or no except sex which has male or female as two classes. The only continuous feature present in the dataset is Age varying between 16 and 90. The output is having two classes yes or no indicating whether a person has diabetes or not. The categorical features are encoded into integers. The continuous variable Age is mean normalized in order to have mean 0 and standard deviation of 1 which helps in faster convergence and also counters the problems like vanishing gradient when parameterized models like neural network are used. The mean normalization is given by, Where μ(i) is the average of all the values for feature (i) and s(i) is the range of values (max-min) 2.2 Reducing the size of dataset When the CSV file is read as a data frame in the python environment the default size of the values will be Int64 for the integers and float32 for floating-point numbers. These default allocations lead to the consumption of a large amount of memory in runtime. The memory size is reduced by considering the maximum and minimum valuesofthecolumn.Fore.g.,thecategorical columns have two values 0 and 1 so the default allocation of int64 is changed to uint8. After applying these reductions on all columns, the size of the dataset is reduced to 12.65% of the initial size. 3 TRAINING The preprocessed dataset is trained using different machine learning algorithms, decision tree, random forest, Naïve Bayes, regression, K nearest neighbors, Artificial neural networks, and ANN’s with embedding layers for the categorical features. 3.1 ANN’s with embedding layers TensorFlow Keras is used for the implementation and training of the neural network. The embedding layer will capture more details on the relationship between thecategoricalvariables.The embeddinglayerisintroducedonlytothecategoricalfeatures and the dimension is chosen according to the number of unique values present in a particularattribute.Sinceinour caseall the categorical attributes have two unique values we chose the output dimension to be 2 for each attribute. All these embeddings are flattened and given as input to the dense layer. Two dense layers are introduced exclusively for the categorical features with each layer having 16 hidden units. The output of the dense layerisconcatenated withthecontinuousfeatureage asshown in fig.1. These are further connected to the other 2 dense layers having 16 and 8 hidden units respectively. The batch normalization and dropout are used after each dense layer to train the model effectively. The output layer hasonehiddenunit and has a sigmoid activation function whereas other intermediate dense layers have ReLU as the activation function. Binary cross-entropy is used as the loss function and is given by, Where f(s)I represents sigmoid function given by,
  • 3. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072 © 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 137 FIG.-1 Architecture The model is trained for 150 epochs with Adam optimizer. The model was trained on Tesla K80 GPU which can do up to 8.73 Teraflops single-precision and up to 2.91 Teraflops double-precision performancewithNVIDIA GPUBoost.Thisnetwork gives a validation accuracy of 100 %. Fig.2 shows the variation of training and validation loss during each epoch of training. Fig-2: Variation of loss with epochs 3.2 Artificial Neural Network TensorFlow Keras is used for the implementation and training of the neural network. The created network has four layers having 128, 64, 16, 4 hidden units respectively. The output layer has 2 nodes since categorical cross-entropy is used as a loss function. ReLU is used as an activation function in intermediate layers and the output layer uses SoftMax as the activation function. Categorical cross-entropy is given by,
  • 4. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072 © 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 138 Where f(s)i represents SoftMax function and is given by, Where C represents the total number of class and sj are the score inferred by the neural network for each class in C. Table:1 shows the network structure implemented. Table-1: Network structure MODEL STRUCTURE AND PARAMETERS Layer OUTPUT SHAPE NO. of Parameters Dense_1 (None,128) 2176 Dropout_1 (None,128) 0 Dense_2 (None,64) 8256 Dropout_2 (None,64) 0 Dense_3 (None,16) 1040 Dropout_3 (None,16) 0 Dense_4 (None,4) 68 Droout_4 (None,4) 0 Dense_5 (None,2) 10 Total Parameters: 11,550 Trainable Parameters: 11,550 Non -Trainable Parameters: 0 3.3 Random Forest Random Forest is an ensemble algorithm. Decision trees with a maximumdepthof100,5minimumleafnodeswereusedinthe structure. 500 Decision trees were ensembled to get a training accuracy of 0.9547and testaccuracyof0.9487whichperforms better than the individual decision tree. 3.4 K-Nearest Neighbors K-Nearest Neighbors take the Kth number of nearest neighbors and calculate the distance between query-instance and all the samples in the training set. Based on that it predicts the output that has minimum distance among all neighbors. In this experiment, we took K as 15 to achieve 0.9208 train accuracy and 0.9358 test accuracy. 3.5 Naïve Bayes Naïve Bayes is a probabilistic algorithm that works based ontheBayestheorem.The equationofBayestheoremisstatedbelow P(AB) = p(BA) *p(A) / p(B It predicts the output based on the likelihood probability of each class. We achieved 0.9095 train accuracy and 0.8974 test accuracy using this. 3.6 Decision Tree A tree structure with a depth of 50 and a minimum of 15 leaf nodes was created. Using the decision tree, a data set is broken down into smaller and smaller subsets while at the same time an associated decision tree is incrementally developed.
  • 5. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072 © 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 139 3.7 Logistic regression Logistic regression is a parameterized machine learning algorithm. Where the parameters along with the activation function define the decision boundary. Sigmoid is used as activation and the parameters are learned by looking at the dataset. 4. RESULTS The entire dataset is split into 85% for training and 15% for validation. All the algorithms were given the same set of training and validation data. Table-2: Results Matrices Logistic Regression Naïve Bayes K nearest neighbors Decision Tree Random Forest Neural network Neural network with embeddings accuracy Train 0.9276 0.9095 0.9208 0.9208 0.9547 0.9915 0.9699 Test 0.9358 0.8974 0.9358 0.9102 0.9487 0.9872 1.0 f1 score Train 0.9411 0.9270 0.9323 0.9353 0.9629 0.9963 0.9749 Test 0.9462 0.9148 0.9450 0.9247 0.9565 0.9894 1.0 Precision score Train 0.9446 0.9236 0.9877 0.9440 0.9737 0.9927 0.9628 Test 0.9565 0.9148 0.9772 0.9347 0.9777 0.9791 1.0 Recall score Train 0.9377 0.9304 0.8827 0.9267 0.9523 1.0000 0.9882 Test 0.9361 0.9148 0.9148 0.9148 0.9361 1.0000 1.0 specificity Train 0.9112 0.8757 0.9822 0.9112 0.9585 0.9881 0.9455 Test 0.9354 0.8709 0.9677 0.9032 0.9677 0.9677 1.0
  • 6. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072 © 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 140 Fig-3. Performance of different models Table-2 shows the performance of all the models and it is observed that all the best score belongs to ANN or the ANN’s with Embeddings. Pure ANN’s are slightly biased towards predicting the diseased condition as its evident from a recall score of 1 and a precision of 0.97. ANN+embeddings has a test accuracy of 1 indicating that it predicts all the test examples correctly. Since logistic regression involves a smaller number of parameters it is observed that there is less differenceinthetrainingand the test scores indicating its robustness towards overfitting. It obtains a .94+ F1 score both on the training and validation set. Naïve Bayes is probabilistic based so is expected to perform poorly on the test set as it does not learn about the features andis evident from 0.89 test set accuracy. KNN has a test accuracy of 0.93. 5. DISCUSSION As the data mining methods, techniques and tools are becoming more promising to predict diabetes and eventually several patients reduce the treatment cost, its role in this medical health care is undeniable. We found that the ANN+ebmeddings performs very well on the test dataset and is also highly robust to variance. They have correctly predicted all the test set examples indicating its credibility in the real-world scenario. Thereasonbehinditsperformanceisembeddinglayers'abilityto capture distributed representation meaning, they helpin capturingmoreinsightsabouteachcategoryin eachofthecategorical attributes. Pure ANN’s are also very near to the performance of ANN+embeddings but the latter gives the prediction based on the more insights gained through embedding layers which makes it more reliable. REFERENCES [1] The 6 Different Types of Diabetes: (5 Mar 2018). The diabetic journey. https:// thediabeticjourney.com/the-6- different-types-of-diabetes [2] Statistics About Diabetes: American Diabetes Association, 22 Mar 2018. https://www.diabetes. org [3] Agrawal, P., Dewangan, A.: A brief survey on the techniques used for the diagnosis of diabetesmellitus. Int. Res. J. Eng. Technol. (IRJET). 02(03) (2015). e-ISSN: 2395-0056; p-ISSN: 2395- 0072 [4] Joshi, T.N. Chawan, P.M.: Diabetes prediction using machine learning techniques. Dewangan, S. et.al. Int. J. Eng. Res. Appl. (Part -II) 8(1), 09–13 (2018). ISSN: 2248-9622
  • 7. International Research Journal of Engineering and Technology (IRJET) e-ISSN: 2395-0056 Volume: 08 Issue: 01 | Jan 2021 www.irjet.net p-ISSN: 2395-0072 © 2021, IRJET | Impact Factor value: 7.529 | ISO 9001:2008 Certified Journal | Page 141 [5] Sapon, M.A., Ismail, K., Zainudin, S.: Prediction of diabetes by using artificial neural network. In: 2011 International Conference on Circuits, System and Simulation IPCSIT, vol. 7. IACSIT Press, Singapore (2011) [6] Rabina1, Er. Anshu Chopra2: Diabetesprediction bysupervisedandunsupervisedlearning withfeatureselection,2(5). ISSN: 2454-132 [7] Islam, MM Faniqul, et al. 'Likelihood prediction of diabetes at early stage using data mining techniques.' Computer Vision and Machine Intelligence in Medical Image Analysis. Springer, Singapore, 2020. 113-125. [8] Kaiming He, Xiangyu Zhang, Shaoqing Ren, Jian Sun. Delving Deep into Rectifiers: Surpassing Human-Level Performance on ImageNet Classification [9] Bengio, Yoshua and Glorot, Xavier. Understanding thedifficulty of training deep feedforward neural networks.InProceedings of AISTATS 2010, volume 9, pp. 249–256, May 2010. [10] Diederik P. Kingma, Jimmy Ba. Adam: A Method for Stochastic Optimization. arXiv:1412.6980v9 [cs.LG] [11] Geoffrey Hinton. 2012. Neural Networks for MachineLearning -Lecture6a -Overview ofmini-batchgradi-entdescent. [12] Yang You, Igor Gitman, Boris Ginsburg. Large Batch Training of Convolutional Networks. arXiv:1708.03888v3[cs.CV] [13] Leslie N. Smith, Nicholay Topin. Super-Convergence: Very Fast Training of Neural Networks Using Large Learning Rates. arXiv:1708.07120v3 [cs.LG] [14] Sergey Ioffe, Christian Szegedy. Batch Normalization: Accelerating Deep Network Training by Reducing Internal Covariate Shift. arXiv:1502.03167v3 [cs.LG] [15] Alexandre de Brébisson, Étienne Simon, Alex Auvolat, Pascal Vincent, Yoshua Bengio. Artificial Neural Networks Applied to Taxi Destination Prediction. arXiv:1508.00021v2 [cs.LG] [16] Abadi, M., Barham, P., Chen, J., Chen, Z., Davis, A., Dean, J., Devin, M., Ghemawat, S.,Irving, G., Isard, M., Kudlur, M., Levenberg, J., Monga, R., Moore, S., Murray, D. G.,Steiner, B., Tucker, P., Vasudevan, V., Warden, P., Wicke,M.,Yu,Y.,and Zheng, X. TensorFlow: Large-Scale Machine Learning on Heterogeneous Distributed Systems. arXiv:1603.04467 [cs.DC] [17] Ranjith M S, S Parameshwara. Optimizing Neural Networks for Embedded Systems. IRJET Volume 7, Issue 4, April 2020 S.NO: 211 [18] S. Coric, I. Latinovic and A. Pavasovic, "A neural network FPGA implementation," Proceedings of the 5th Seminar on Neural Network Applications in Electrical Engineering. NEUREL 2000 (IEEE Cat. No.00EX287), Belgrade, Yugoslavia, 2000, pp. 117-120. [19] J. D. Hunter, "Matplotlib: A 2D Graphics Environment", Computing in Science & Engineering, vol. 9, no. 3, pp. 90-95, 2007. [20] Plotly Technologies Inc. (2015). Collaborative data science. Montreal, QC: Plotly Technolo-gies Inc. [21] S. Sahin, Y. Becerik1i, S. Yazici, "Neural network implementation in hardware using FPGAs", NIP Neural Information Processing, vol. 4234, no. 3, pp. 1105-1112, 2006. [22] Yufeng Hao. A General Neural Network Hardware Architecture on FPGA arXiv:1711.05860 [cs.CV]