Abstract
Diabetes is a fatal disease that currently has no treatment. However, early diagnosis of diabetes aids patients to start timely treatment and thus reduces or eliminates the risk of severe complications. The prevalence of diabetes has been rising rapidly worldwide. Several methods have been introduced to diagnose diabetes at an early stage, however, most of these methods lack interpretability, due to which the diagnostic process cannot be explained. In this paper, fuzzy logic has been employed to develop an interpretable model and to perform an early diagnosis of diabetes. Fuzzy logic has been combined with the cosine amplitude method, and two fuzzy classifiers have been constructed. Afterward, fuzzy rules have been designed based on these classifiers. Lastly, a publicly available diabetes dataset has been used to evaluate the performance of the proposed fuzzy rule-based model. The results show that the proposed model outperforms existing techniques by achieving an accuracy of 96.47%. The proposed model has demonstrated great prediction accuracy, suggesting that it can be utilized in the healthcare sector for the accurate diagnose of diabetes.
Keywords: diabetes, fuzzy logic, fuzzy rule-based system, diabetes prediction, classification
1. Introduction
Diabetes mellitus (DM) is considered chronic disease in which the required amount of insulin is not produced by the body or insulin is not properly used by the body, resulting in excessively high blood sugar (glucose) levels [1]. The number of people affected by diabetes in 2015 was 415 million. This number is predicted to surpass 642 million by 2040. Moreover, the prevalence of undiagnosed diabetic patients is up to 179 million [2]. Furthermore, according to the World Health Organization (WHO), diabetes caused 4.6 million deaths in 2011, and it will be the seventh major cause of mortality by 2030. The number of diabetic patients has been increased with every passing year and becoming a challenge for the healthcare sector. Early diagnosis of diabetes has been improved by recent advances in the healthcare sector, but approximately half of the patients are not aware of their ailment. It can take more than 10 years to diagnose them. Serious health complications such as kidney failure, risk of blindness, blood pressure, nerve damage, and stroke can develop with treatment delay. Diabetes is currently an incurable disease, and its treatment efficiency is primarily dependent on accurate diagnosis and timely treatment. If diabetes is detected in its initial phase, then the disease can be controlled. On the other hand, if diabetes is left undetected or untreated, it can cause serious harm to the body and make it difficult to treat, while early diabetes detection can lead to better treatment, resulting in lower morbidity and deaths.
In order to detect diabetes, a wide variety of technologies and algorithms have been employed by researchers during the past few years. Machine learning (ML) is one of these technologies. During this fourth industrial revolution, machine learning has been proved a valuable tool in various areas including, healthcare [3,4,5]. Artificial intelligence (AI), data mining, neural networks (NN), and many others are considered essential branches of ML that are crucial in the healthcare sector, specifically in diabetes detection [6]. However, while most of these technologies can be used to predict diseases accurately, their designs and reasoning processes are often not interpretable, making them difficult to understand and they are therefore considered as “black boxes”. The process of disease detection and data inference can’t be explained using machine learning technologies [7]. Therefore, it is crucial to employ technologies that are interpretable and understandable to humans. Moreover, another drawback of these technologies is that they cannot deal with the vagueness of data.
Fuzzy logic was developed to address these issues. It was first introduced by Zadeh [8]. It is considered as the extension of Boolean logic in which values lie between 0 and 1, which is called the degree of membership (belongingness). Fuzzy logic is analogous to human thinking systems. Therefore, it can be used to handle the vagueness present in data. By permitting overlapping class definitions and having powerful capabilities to manage ambiguity and vagueness, fuzzy logic has proven a valuable tool for classification problems. Moreover, the use of fuzzy rule-based systems (FRBS), which employ if-then rules, improves interpretability and gives more insight into the classifier structure [9]. Furthermore, an object can be assigned to several classes with different degrees of membership. FRBS is easily interpretable by humans as they are represented in linguistic forms compared to machine learning technologies [10,11]. These characteristics have made fuzzy logic a useful technique for the accurate and early prediction of diabetes. Therefore, serious complications of the disease can be avoided.
The primary objective of this research is to identify diabetes in its early stages so that patients can receive prompt treatment and prevent the severe complications linked with this deadly disease. Moreover, this research has intended to provide high classification accuracy. Furthermore, complicated data has not been required in this study to predict diabetes; instead, it employs simple features such as age, BMI, and others to predict diabetes. In this paper, FRBS has been used to early predict diabetes using features such as blood glucose level, body mass index (BMI), skin thickness, diabetes pedigree function, age, etc. The performance of the entire system has been evaluated using a diabetes dataset. The proposed FRBS has yielded good results, indicating that it can predict diabetes with greater accuracy than previous methods.
This study plays an important role in the research era regarding the early detection of diabetes. It has provided great classification accuracy in predicting diabetes. As compared to other studies that employ fuzzy logic (FL), the proposed study has achieved the highest classification accuracy.
The rest of the paper is divided as follows: A literature review about the latest advancements in the field of diabetes detection is given in Section 2. The methodology of this research is presented in Section 3. A discussion about the results obtained from the proposed methodology is included in Section 4. A comparative analysis of the obtained results is also included in Section 4. Section 5 concludes this research by highlighting the problem area and also discussing the importance of this work.
2. Related Work
Several researchers have been employed machine learning (ML) techniques and fuzzy logic (FL) to predict diabetes using different diabetes datasets. In this section, we have included only those studies that used datasets similar to our dataset. Our dataset has eight attributes and 768 entries. All the entries are women and at least 21 years old.
2.1. Machine Learning Techniques for Diabetes Detection
This section includes ML techniques for diabetes detection. Table 1 summarizes all the papers discussed in this section. Sisodia et al. [12] conducted an experiment to detect diabetes in patients with high classification accuracy. Naive Bayes (NB), decision tree (DT), and support vector machine (SVM) were the three machine learning classification techniques used by the researchers. However, feature selection methodologies were not used to extract the features; instead, the K10 protocol was used. To test these classification algorithms, the Pima Indians Diabetes (PID) dataset was used. With an accuracy rate of 76.30%, the NB classifier outperformed the SVM and the DT. In another study, Naz et al. [13] conducted research on different machine learning classification techniques with the aim of diabetes prediction. Artificial neural network (ANN), NB, DT, and deep learning (DL) were compared. To evaluate the performance of classifiers, a diabetes dataset was used. When compared to other classifiers, DL attained the highest accuracy (98.07%). The accuracy could be improved further by using omics data. Similarly, Khanam et al. [14] compared several machine learning techniques to predict diabetes in its early stages. The researchers used a diabetes dataset to evaluate the performance of several algorithms. Seven ML techniques: SVM, random forest (RF), logistic regression (LR), AdaBoost (AB), DT, k-nearest neighbours (kNN), and neural network (NN) were used. LR and SVM performed well, while neural network (NN) outperformed the other techniques and achieved an accuracy of 88.6% on the Pima Indians Diabetes (PID) dataset.
Table 1.
Sr. No. | Reference | Year | Methodology | Finding and Results |
---|---|---|---|---|
1 | Sisodia et al. [12] | 2018 | Naive Bayes, SVM, and DT | NB classifier outperformed the other classifiers with an accuracy of 76.30%. |
2 | Naz et al. [13] | 2020 | Artificial Neural Network (ANN), Bayes, Decision Tree, and Deep Learning | Deep Learning (DL) attained the highest 98.07% accuracy |
3 | Khanam et al. [14] | 2021 | SVM, DT, k-Nearest Neighbours (kNN), Random Forest (RF), Logistic Regression (LR), AdaBoost (AB), and Neural Network (NN) | Neural Network (NN) outperformed the other techniques and reached an accuracy of 88.6% on the Pima Indians Diabetes (PID) dataset |
4 | Hasan et al. [15] | 2020 | Weighted ensemble model of kNN, DT, RF, AB, NB, and XGBoost | The results demonstrated that the proposed ensemble classifier achieved 78.9% sensitivity, 93.4% specificity, and 95% AUC |
5 | Singh et al. [16] | 2021 | Ensemble model of DT, RF, SVM, XGBoost, and NN | The model demonstrated an accuracy of 95%. |
6 | Pradhan et al. [17] | 2020 | Artificial neural network | With 70% training data and 30% testing data, the model achieved an accuracy of 85.09% |
7 | Kannadasan et al. [18] | 2019 | Deep Neural Network (DNN) | The results demonstrated that the classifier achieved an accuracy of 86.26%. |
8 | Maniruzzaman et al. [22] | 2017 | Linear Discriminant Analysis (LDA), Quadratic Discriminant Analysis (QDA), and Naive Bayes (NB) | The results demonstrated that the model achieved an accuracy of 81.97%. |
9 | Azad et al. [19] | 2021 | Synthetic Minority Over-sampling Technique (SMOTE), Genetic Algorithm (GA), and Decision Tree (DT) | The model was tested on the Pima Indians Diabetes (PID) dataset and achieved an accuracy of 82.1256%. |
10 | Kumari et al. [20] | 2021 | k-Nearest Neighbours (kNN) | The model achieved an accuracy of 92.28% on the diabetes dataset |
11 | Abokhzam et al. [21] | 2021 | Machine Learning grid-based Random Forest | The model achieved an accuracy of 95.7%. |
Hasan et al. [15] predicted diabetes using a weighted ensemble model based on different ML classifiers (KNN, RF, AB, DT, NB, and XGBoost) and multilayer perceptron (MLP). To calculate the weights of each ML classifier, the area under the ROC curve (AUC) of the classifier was used. A diabetes dataset was used to check the performance of the proposed model. The results demonstrated that the proposed ensemble classifier achieved 78.9% sensitivity, 93.4% specificity, and 95% AUC. Moreover, it outperformed many state-of-the-art studies by 2.0% percent in AUC. Singh et al. [16] proposed an ensemble model, called eDiaPredict, for the prediction of diabetes. They combined a variety of machine learning approaches, including DT, RF, SVM, XGBoost, and NN. Several performance matrices were employed to test the performance of the ensemble model. Lastly, a diabetes dataset was used to evaluate the performance of the model. The model demonstrated an accuracy of 95%.
Pradhan et al. [17] suggested an artificial neural network (ANN) model for detecting diabetes in patients. The Pima Indians Diabetes (PID) dataset was used to test the working of the proposed model. The data normalization was performed in the data preprocessing stage. Afterward, training data was used to train the ANN. Finally, the model performance was evaluated using testing data. With 70% training data and 30% testing data, the model achieved an accuracy of 85.09%. In another study, Kannadasan et al. [18] proposed a deep neural network (DNN) classifier to predict diabetes. A stacked autoencoders approach was used to extract the optimal features and a SoftMax layer to classify diabetes. Moreover, the neural network was fine-tuned using backpropagation. Furthermore, the PID dataset was used to train and test the performance of the classifier. The results demonstrated that the classifier achieved an accuracy of 86.26%.
Azad et al. [19] proposed a model PMSGD to classify diabetes. Synthetic minority over-sampling technique (SMOTE), genetic algorithm (GA), and DT were used in the proposed model. The proposed model was constructed using four layers. In the first layer, data preprocessing was performed. Optimal features for training were chosen in the second layer. The model was trained in the third layer. In the fourth layer, model performance was evaluated using different performance matrices. The model was tested on the Pima Indians Diabetes (PID) dataset and achieved an accuracy of 82.1256%. Kumari et al. [20] proposed a reliable diabetes classification and prediction model (DCPM). At first, the data was preprocessed. Then, using kNN, the best value for k was determined and the model was trained using the k value. Finally, the model’s performance was assessed using various performance matrices. The model achieved an accuracy of 92.28% on the PID dataset. Abokhzam [21] et al. proposed a method to predict diabetes using an ML grid-based RF classifier. The framework was divided into two phases: training and testing. The training phase included data pre-processing, optimal feature selection, and model training. The testing phase included data pre-processing, optimal feature selection, and diabetes prediction. The researchers used the diabetes dataset to evaluate the performance of the model. The model achieved an accuracy of 95.7%. Furthermore, the researchers incorporated natural language processing with the model.
2.2. Fuzzy Logic for Diabetes Detection
Table 2 summarizes all of the FL diabetes detection techniques discussed in this section. Siva et al. [23] proposed a model for diabetes prediction that incorporated fuzzy rules and the grey wolf optimization (GWO) algorithm. The Pima Indians Diabetes (PID) dataset was used by the researchers in this study. Firstly, 17 fuzzy rules were generated from the selected dataset. Afterward, fuzzy rules were optimized using the grey wolf optimization (GWO) algorithm. The classification was carried out by using these optimal rules. The proposed model obtained an accuracy of 81%. Using fuzzy logic, Cheruku et al. [24] suggested a system called RST-BatMiner for diabetes prediction. Rough set theory (RST) and the bat optimization algorithm (BA) were used to generate comprehensible fuzzy rules. The proposed system consisted of two stages. In the first stage, it incorporated the RST for optimal feature selection. In the second stage, it integrated BA and boosting algorithms to generate accurate fuzzy rules. The model was evaluated on the diabetes dataset, and it gave 85.33% accuracy. The proposed model exhibited great accuracy in early diabetes detection compared to previous algorithms.
Table 2.
Sr. No. | Reference | Year | Methodology | Finding and Results |
---|---|---|---|---|
1 | Siva et al. [23] | 2019 | Fuzzy rules and grey wolf optimization (GWO) algorithm | The classification was carried out by using optimal rules. The proposed model obtained an accuracy of 81%. |
2 | Cheruku et al. [24] | 2018 | Rough Set Theory (RST) and the Bat Optimization Algorithm | The system gave an accuracy of 85.33%. |
3 | Singh et al. [25] | 2019 | Fuzzy rule miner (ANT FDCSM). | The results demonstrated 87.7% accuracy, 92.2% sensitivity, and 80.3% specificity. |
4 | Lukmanto et al. [26] | 2019 | Fuzzy support vector machine | The results demonstrated that the system achieved an accuracy of 89.02% in predicting diabetes. |
5 | Sharma et al. [27] | 2021 | Mediative Fuzzy Logic | The researchers generated optimal fuzzy rules for diabetes prediction. |
6 | Thungrut et al. [28] | 2019 | Fuzzy genetic algorithm | The system showed 87.40% accuracy, 86.82% sensitivity, and 88% specificity. |
7 | Zhang et al. [29] | 2019 | Parallel ensemble fuzzy classifier | The finding demonstrated that the FP-TSK-FW is effective in the classification of diabetes. |
8 | Mujawar et al. [30] | 2019 | Fuzzy expert system | The results demonstrated 84% prediction accuracy. |
9 | Chen et al. [31] | 2019 | Neuro-fuzzy | The proposed model gave 75.67% accuracy on the selected dataset. |
10 | Mansourypoor et al. [10] | 2017 | Fuzzy rule-based system | The researchers used two datasets to test RLEFRBS performance: the Pima Indian Diabetes dataset and the Biosat Diabetes dataset, and these datasets gave 82.5% and 96.5% accuracy, respectively. |
11 | Vaishali et al. [32] | 2017 | Multiple objective evolutionary fuzzy classifier | With 70% training and 30% testing data, the classifier achieved an accuracy of 83.0435%. |
12 | Geman et al. [33] | 2017 | Adaptive Neuro-Fuzzy Inference System | The proposed system demonstrated accuracy for training data is 85.35%, and testing data is 84.27%. |
13 | Bhuvaneswari et al. [34] | 2018 | Temporal fuzzy ant miner tree | The proposed system achieved an 83.7% accuracy. |
14 | Deshmukh et al. [35] | 2018 | Fuzzy CNN | The results demonstrated that the fuzzified CNN approach outperformed the traditional NN approach and achieved an accuracy of 95%. |
Singh et al. [25] proposed a novel fuzzy rule miner (ANT FDCSM). The rule miner used an ant colony meta-heuristic for the prediction of diabetes. To compute the heuristic knowledge, a hybrid node split measure (SW FDCSM) was employed. A diabetes dataset was used to evaluate the performance of ANT FDCSM using 10-fold cross-validation. The results demonstrated 87.7% accuracy, 92.2% sensitivity, and 80.3% specificity. Lukmanto et al. [26] proposed a model for the early detection of diabetes. The feature selection technique was used to get the optimal features from the dataset. Afterward, a support vector machine (SVM) was used to generate optimal fuzzy rules. PID dataset was chosen to evaluate the performance of the entire system. The results demonstrated that the system achieved an accuracy of 89.02% in predicting diabetes.
Sharma et al. [27] proposed a novel technique for the prediction of diabetes. Features were extracted from the PID dataset and then used as input variables. Afterward, the mediative fuzzy logic (MFL)-based inference method was applied to diagnose diabetes. Furthermore, an algorithm was proposed that was based on MFL. In this study, approximately 150 rules were generated using the proposed algorithm, but only 28 rules were chosen because they showed drastic changes in the results. Then, these rules were used to diagnose diabetes. Thungrut et al. [28] proposed a method based on the fuzzy genetic algorithm for the classification of diabetes. To improve classification accuracy, two algorithms that were made up of fuzzy algorithms and genetic algorithms were employed. Furthermore, the synthetic minority over-sampling technique (SMOTE) was employed to tackle the ambiguity in the dataset. The experiments demonstrated that five-fold cross-validation was a suitable technique to measure the performance of the proposed research. The system showed 87.40% accuracy, 86.82% sensitivity, and 88% specificity. Zhang et al. [29] proposed a parallel ensemble fuzzy classifier FP-TSK-FW for diabetes detection. Parallel-based fuzzy partition, fuzzy weighted ensemble, and Takagi-Sugeno-Kang were used to construct the classifiers. Firstly, the fuzzy clustering algorithm FCM was used to partition the training dataset. Afterward, several TSK-fuzzy sub-classifiers were constructed using training data. All these sub-classifiers were generated in parallel and with varied structures. Lastly, the final prediction of the proposed system is carried out using the fuzzy weight of each classifier. The proposed ensemble classifier experimented on the PID dataset. The finding demonstrated that the FP-TSK-FW is effective in the classification of diabetes.
Mujawar et al. [30] proposed a fuzzy rule-based expert system (WebFESDD) that incorporated a web facility to diagnose diabetes. The PID dataset was used to evaluate the performance of the proposed expert system. The results demonstrated 84% prediction accuracy. The limitation of the proposed expert system was it focused on a specific age group. The system could have been further improved by including different age groups. Chen et al. [31] proposed a method based on the Takagi-Sugeno-Kang (TSK) fuzzy rule for the diagnosis of diabetes. The proposed method began with the creation of a crisp rule base using a decision tree, a mechanism capable of learning fundamental rules that represent the relationships between domain input and output attributes with low overhead. Afterward, the crisp rule base was converted to the fuzzy rule base using Gaussian membership functions (MF). Then the fuzzy rule base was inputted to the neuro-fuzzy framework that enhanced the rules. The proposed method was implemented and tested using the PID dataset and gave 75.67% accuracy.
Mansourypoor et al. [10] proposed a novel fuzzy rule-based system (FRBS) based on reinforcement learning (RL), called reinforcement learning-based evolutionary fuzzy rule-based system (RLEFRBS), for the diagnosis of diabetes. Initially, a rule base (RB was generated from numerical data and then optimized. After that, unnecessary rules were discarded using confidence measures. Furthermore, redundant conditions in the antecedent parts were cut down. Lastly, a final RB was constructed using the genetic algorithm (GA), and it consisted of a subset of rules initially developed using numerical data. Afterward, membership functions were tuned, and the weights were adjusted using reinforcement learning (RL) to increase RLEFRBS performance. In addition, RLEFRBS used an efficient rule stretching mechanism to cope with uncovered instances. Two datasets were used to test RLEFRBS performance: the PID dataset and Biosat diabetes dataset, and these datasets gave 82.5% and 96.5% accuracy, respectively. Vaishali et al. [32] combined the genetic algorithm and multiple objective evolutionary fuzzy classifier for the prediction of diabetes. These two techniques were combined to achieve better prediction accuracy. At first, the PID dataset was selected. Next, Goldberg’s genetic algorithm was applied to reduce the features of the dataset. This algorithm minimizes the features and maximizes the classification rate. Lastly, the performance of the multi-objective evolutionary (MOE) fuzzy classifier was checked using both original and feature-reduced datasets. With 70% training and 30% testing data, the classifier achieved an accuracy of 83.0435%. Geman et al. [33] developed a hybrid adaptive neuro-fuzzy inference system (ANFIS). The researchers used the PID dataset. Afterward, ANFIS was integrated with the diabetes pedigree function. A genetic relationship was used to define the fuzzy rule base with multiple premises. The proposed method was implemented using ANFIS fuzzy logic toolbox and MATLAB. The proposed system demonstrated an accuracy of 85.35% for training data and 84.27% for testing data.
Bhuvaneswari et al. [34] proposed a novel system for the prediction of diabetes. The proposed system combined temporal feature selection and temporal fuzzy ant miner tree (TFAMT) classifier for effective diabetes prediction. A novel temporal weighted genetic algorithm was used that preprocessed the imagery and textual data. Furthermore, the intelligent fuzzy rules were generated from the weighted temporal capability of TFAMT. Afterward, the fuzzy rules were optimized. The proposed system was tested using the UCI diabetes and the retinopathy image datasets and gave 83.7% accuracy. Deshmukh et al. [35] developed a hybrid fuzzy deep learning approach for the detection of diabetes. Firstly, the data was fuzzified. After that, a 5 × 5 fuzzy matrix was constructed where columns represented features of the dataset, while rows represented the fuzzy value of the features. Lastly, the fuzzy matrix was fed into the convolution neural network (CNN). In this research, the three experiments were carried out on the diabetes dataset. Two experiments were conducted on neural network (NN) and one on CNN. The results demonstrated that the fuzzified CNN approach outperformed the traditional NN approach and achieved an accuracy of 95%.
2.3. Fuzzy Logic and Machine Learning Techniques for Other Diseases
Orujov et al. [36] created a blood vessel identification method using contour detection and Mamdani fuzzy rules. The algorithm was tested on three different datasets and achieved accuracies of 0.865, 0.939, and 0.950, respectively. The suggested method employed linguistic threshold criteria, which made it superior to existing strategies. Fatema et al. [37] developed a distributed type 2 FL (DT2FL) method and employed ML-based mobile agents to implement it. The paper concentrated on the DT2FL application for analyzing MRI data. The flexibility of DT2FL with ML models makes it appropriate for the healthcare industry.
Reddy et al. [38] developed a model based on adaptive GA and FL (AGAFL) for the early identification of heart problems. The model was made up of two modules: RS-based feature selection and FRB-based classification. The AGA was used to determine the rules produced by fuzzy classifiers. The UCI heart disease datasets were used to evaluate the performance of the proposed model. Experimental research demonstrated that the proposed technique outperformed currently available approaches. Singla et al. [39] proposed an FES for kidney diseases detection. To evaluate the performance of the proposed system, 80 tests were performed on the FES. The outputs of 80 tests were compared with the predicted output. This system succeeded in 93.75% of the tests. The FES was developed using MATLAB.
Khalil et al. [40] developed a fuzzy soft expert system for the detection of lung cancer. A fuzzy membership function and some algorithms were used to build the system. The system was comprised of different steps. At first, input was converted to fuzzy numbers. In the next step, a fuzzy set was developed using the fuzzy numbers. Afterward, the fuzzy set was reduced using the reduction method. Lastly, the proposed algorithm was used to generate the output. The system was tested on 45 patients and achieved 100% accuracy in predicting lung cancer. Luo et al. [41] developed a self-supervised model that employed fuzzy clustering. Three modules were developed: feature learning, reconstruction, and fuzzy self-supervision. These modules were used to generate training guidance for the whole network. To assess the efficiency of the proposed model, three retinal datasets were used, and the results showed that the proposed model attained the highest accuracy of 82.8%.
3. Materials and Methods
Fuzzy rule-based systems are systems in which crisp data is transformed into fuzzy sets. This process is called fuzzification. Afterward, fuzzy inference techniques (Mamdani and Sugeno) are applied to construct fuzzy rules. Based on the fuzzy rules, the output is derived.
3.1. Dataset
The dataset (https://www.kaggle.com/uciml/pima-indians-diabetes-database (accessed on 27 November 2021)) that has been used for this study is taken from Kaggle, which is an online dataset database. This dataset is included several attributes through which we have predicted whether the patient can get diabetes or not. All the instances of the dataset are women and at least 21 years old. The dataset is comprised of 768 patients, out of which 268 samples are identified as diabetic while 500 samples are identified as non-diabetic. The dataset is included nine attributes that are as follows: the number of pregnancies, plasma glucose concentration, diastolic blood pressure, serum insulin, body mass index (BMI), triceps, skinfold thickness, diabetes pedigree function, age, and a class variable. The other eight attributes, on the other hand, are features variables and are independent variables. There are just two values in the class variable: Yes and No, with ‘Yes’ indicating diabetic and ‘No’ indicating non-diabetic. Table 3 presents more detailed information about each parameter of the dataset.
Table 3.
Sr. No. | Parameters of Dataset | Description of Parameters | Normal Range |
---|---|---|---|
1 | Number of pregnancies | Number of times the person gets pregnant | 0–17 |
2 | Plasma glucose concentration | Represents the concentration of glucose in a person’s body. | 0–199 |
3 | Diastolic blood pressure | Represents the diastolic blood pressure in (mm Hg) | 0–122 |
4 | Triceps skinfold thickness | Represents triceps skinfold thickness in (mm) | 0–99 |
5 | Serum insulin | Represent 2 h serum insulin in (µU/mL) | 0–846 |
6 | Body mass index | It is a value derived from the weight and height of a person (weight in kg/(height in m)2). | 0–67.1 |
7 | Diabetes pedigree function | It represents the history of diabetes associated with a particular person. | 0.0078–2.42 |
8 | Age | Age of the person in years | 21–81 |
9 | Class variable | It represented two classes: diabetic and non-diabetic | Yes/No |
3.2. Data Pre-Processing
This section describes how the data is pre-processed in our proposed method. Data pre-processing helps in generating a reliable classification model that provides high accuracy. Therefore, the data has been normalized and it ranges from 0 to 1. At first, data is categorized into two parts: class 0 and class 1. Healthy people are represented by class 0, while sick people are represented by class 1. Afterward, two matrices have been created. Let A0 and A1 be the matrices containing data of class 0 and class 1, respectively. Where A0 ∈ and A1 ∈ , k is the size of each sample, and there are n and m number of samples for class 0 and class 1, respectively. In data normalization, all feature variables or independent variables of the dataset are rescaled from 0 to 1. As a result, the attribute’s maximum value is 1, and its smallest value is 0. The normalized of is given below:
(1) |
where is a vector that contains an instance of a dataset. This normalizing process is used to transform the data into a fuzzy set. Figure 1 illustrates the framework of the proposed system.
3.3. Classification
After performing normalization on the attributes of the dataset, training, and testing are performed. The dataset is sliced into training and testing parts using linear sampling. Table 4 presents more information about the dataset division. 52% of data is used for training, while 48% of data is used for testing. In this work, two fuzzy classifiers are constructed to predict diabetes.
Table 4.
Class 0 | Class 1 | |
---|---|---|
Total | 500 | 268 |
Training | 250 | 150 |
Testing | 250 | 118 |
The major benefit of the proposed work is it finds the degree of belongingness for each instance of the dataset. Afterward, based on the degree of belongingness, a person is classified as diabetic or non-diabetic. To perform classification, firstly, the distance matrix has been determined. The training data has been used to find the distance matrix D using Euclidean distance. The equation for the distance matrix is as follows:
(2) |
where dij is the instance of the D matrix. The equation for dij is given below:
(3) |
where xi is the ith row of A0 and yj is the jth row of A1, i [1, n] and j [1, m]. Using the distance matrix, extreme examples are found. Such as d = max dij. Let d is the pth row and qth column of D. Therefore, the extreme examples are and . Afterward, the cosine amplitude method has been used to find similarities of the entire data with extreme examples. Then, based on each extreme example, two classifiers have been constructed.
3.3.1. Classifier 1
In classifier 1, the cosine amplitude of the data is calculated with . Therefore, the dot product of matrix A0 is taken with vector . Similarly, the dot product of matrix A1 is taken with vector . As a result, two vectors and have been created. The equations are given below for class 0 and class 1, respectively:
(4) |
(5) |
It is observed that and are not fuzzy sets. Therefore, and are normalized. Equations (6) and (7) demonstrate the normalization of and . While and are the summation of all values in the vector and , respectively. Where and are defined in Equations (8) and (9). In these equations, 1 is a vector with all values as one.
(6) |
(7) |
(8) |
(9) |
Further, a scalar has been multiplied to normalize the values on a large scale. However, does not affect classification. Now, elements appearing in and are considered as unordered series, and histograms h0(z) and h1(z) are computed where z ∈ R. Note that h0(z) and h1(z) are continuous fuzzy sets. λ-cut has been applied on h1(z), say, h1λ(z). The set h1λ(z) defines regions for class 1.
3.3.2. Classifier 2
In classifier 2, the cosine amplitude of the data is calculated with . The equations are given below for class 0 and class 1, respectively:
(10) |
(11) |
It is observed that and are not fuzzy sets. Therefore, and are normalized in Equations (12) and (13):
(12) |
(13) |
where and is the summation of all values in the vector and . Equations (14) and (15) define and , while 1 is a vector with all values set as one.
(14) |
(15) |
A scalar β has been multiplied to normalize the values on a large scale, and it does not affect the classification. Now, elements appearing in and are considered as unordered series, and histograms l0(z) and l1(z) are computed where z ∈ R. Note that l0(z) and l1(z) are continuous fuzzy sets. λ-cut has been applied on l0(z), say, l0λ(z). The set l0λ(z) defines regions for class 0.
Now classification is performed: Let be an input vector and is classified whether healthy or sick (class 0 and class 1, respectively). As xi and yj are computed in Equation (3):
If ∈ h1λ(z), then belongs to class 1.
If ∈ l0λ(z), then belongs to class 0.
4. Results and Discussion
This section presents a detailed analysis of the proposed fuzzy model for diabetes prediction. The proposed model has been evaluated using a diabetes dataset taken from an online database, Kaggle, and implemented on MATLAB R2021a (version 10.0). 52% of data has been used for training and 48% has been of data is used for testing. At first, the dataset has been normalized, which means that each numerical value in the dataset is between 0 and 1. The equation for normalization is given in Equation (1). Fuzzy membership values for the variables considered in this study are shown in Figure 2, versus the respective universes of discourse.
Moreover, the cosine amplitude method has been used to find the thresholds for classifier 1 and classifier 2. Graphical representation of thresholds for the training phase is shown in Figure 3.
With the information perceived from Figure 3a, we find corresponding threshold values in the interval [0, 1.4] listed as [0.2, 0.4, 0.8]. Based on these thresholds, we set up three fuzzy MFs namely for sickness and two membership functions for health shown in Figure 4.
As in Equation (16) are representing MFs for sickness, we established a single MF by aggregation through their unions:
(16) |
Similarly for healthy status aggregate is calculated by using Equation (17):
(17) |
For a given instance x, ( defines fuzzy grades of the health status of x, whereas the represent the status of healthiness and sickness level respectively. Rules for classifier 1 are mentioned below.
If then “ is healthy”
If then “ is sick“
With the information perceived from Figure 3b, we find a threshold 0.5. Based on this threshold value, we setup MFs namely for sickness status respectively. MFs for classifier 1 are shown in Figure 5.
Rules for classifier 2 are as under and MFs for classifier 2 are shown in Figure 6.
If then “ is healthy”
If then “ is sickness”
Afterward, these rules have been employed to classify the dataset. A confusion matrix has been constructed to see the results of our classifiers. The confusion matrix is given in Table 5. TN which stands for true negatives is a measure of the number of instances that are non-diabetic and classified as non-diabetic, while, FP, false positive is a measure of the number of instances where a patient is non-diabetic and classified as diabetic. FN which stands for false negatives is a measure of the number of instances that are diabetic and classified as non-diabetic. TP, true positive is a measure of the number of instances that are diabetic and classified as diabetic. The testing results of both classifiers are demonstrated using a confusion matrix in Table 6. Classifiers 1 and 2 is made a total of 368 predictions. Out of these 368 predictions, classifier 1 predicted “yes” 121 times and “no” 247 times. The predictions of classifier 1 include 113 TP, 5 FN, 8 FP, and 242 TN, while classifier 2 predicted “yes” 136 times and “no” 232 times. The predictions of classifier 2 include 106 TP, 12 FN, 5 FP, and 245 TN. While in reality, 118 samples are diabetic, and 250 samples are non-diabetic.
Table 5.
Predicted Yes | Predicted No | |
---|---|---|
Actual Yes | True Positive (TP) | False Negative (FN) |
Actual No | False Positive (FP) | True Negative (TN) |
Table 6.
Predicted Yes | Predicted No | ||
---|---|---|---|
Classifier 1 | Actual Yes | 113 | 5 |
Actual No | 8 | 242 | |
Classifier 2 | Actual Yes | 106 | 12 |
Actual No | 5 | 245 |
The two classifiers have been evaluated using four key criteria: classification accuracy or classification rate, precision, recall, and F-measure. The classification accuracy is obtained using the following formula:
(18) |
Our proposed classifiers’ accuracies have been compared to that of other well-known fuzzy classification methods in Table 7. The comparison is demonstrated that the proposed classifiers have outperformed the state-of-the-art fuzzy classification techniques in classification accuracy. Table 7 compares our results with existing fuzzy rule-based systems, fuzzy genetic algorithms, fuzzy CNN, and other fuzzy techniques. Our proposed classifiers demonstrate the classification accuracy of 96.47% and 95.38%, respectively. This means that the proposed fuzzy classifiers would be extremely successful in detecting diabetes.
Table 7.
Sr. No. | Reference | Methods | Classification Accuracy |
---|---|---|---|
1 | Siva et al. [23] | Fuzzy rules and grey wolf optimization (GWO) algorithm | 81% |
2 | Cheruku et al. [24] | Rough Set Theory (RST) and the Bat Optimization Algorithm | 85.33% |
3 | Singh et al. [25] | Fuzzy rule miner (ANT FDCSM). | 87.7% |
4 | Lukmanto et al. [26] | Fuzzy support vector machine | 89.02% |
5 | Thungrut et al. [28] | Fuzzy genetic algorithm | 87.40% |
6 | Mujawar et al. [30] | Fuzzy expert system | 84% |
7 | Chen et al. [31] | Neuro-fuzzy | 75.67% |
8 | Mansourypoor et al. [10] | Fuzzy rule-based system | 82.5% and 96.5% |
9 | Vaishali et al. [32] | Multiple objective evolutionary fuzzy classifier | 83.0435% |
10 | Geman et al. [33] | Adaptive Neuro-Fuzzy Inference System | For training data, 85.35% and testing data, is 84.27% |
11 | Bhuvaneswari et al. [34] | Temporal fuzzy ant miner tree | 83.7% |
12 | Deshmukh et al. [35] | Fuzzy CNN | 95% |
13 | Fuzzy classifier 1 | Fuzzy | 96.47% |
14 | Fuzzy classifier 2 | Fuzzy | 95.38% |
After calculating classification accuracy, the recall, precision, and f-measure of the classifiers have been calculated. Table 8 shows the values of the accuracy, precision, recall, and F-measure for testing. The formulas for recall, precision, and f-measure are given below:
(19) |
(20) |
(21) |
Table 8.
Performance Measure | Percentage | |
---|---|---|
Classifier 1 | Accuracy | 96.47% |
Recall | 95.76% | |
Precision | 93.39% | |
F-measure | 94.56% | |
Classifier 2 | Accuracy | 95.38% |
Recall | 89.83% | |
Precision | 95.50% | |
F-measure | 92.58% |
Both classifiers have shown good results by using parameters like accuracy, precision, recall, and F-measure. Classifier 1 is achieved 96.47%, 95.76%, 93.39%, and 94.56% scores for accuracy, recall, precision, and F-measure, respectively, while classifier 2 achieved 95.38%, 89.83%, 95.50%, and 92.58% scores for accuracy, recall, precision, and F-measure, respectively.
5. Conclusions
Diabetes has recently emerged as a major public health problem. Diabetes is a currently incurable disease that can lead to a variety of serious complications that endanger the health of diabetic patients. Therefore, early diagnosis of diabetes is very crucial to control and prevent its impact on health. For the early detection of diabetes, a variety of approaches have been proposed by researchers. In this paper, a fuzzy rule-based system for the early prediction of diabetes has been proposed and implemented. Two fuzzy classifiers have been constructed which classify either a person diabetic or non-diabetic. First, a distance matrix was constructed using Euclidean distance, and the maximum value of the matrix was determined. Second, cosine amplitude was used to determine belongingness. This degree of belongingness helps in the classification of diabetes. Afterward, fuzzy rules based on the two classifiers have been developed. Lastly, classification accuracy, precision, recall, and f-measure are used as performance parameters. To evaluate the performance of classifiers, a diabetes dataset has been used. Classifiers 1 and 2 have demonstrated 96.47% and 95.38% accuracy, respectively. The findings indicate that the proposed model can accurately predict diabetes at an early stage. In the future, the proposed model will be used to diagnose other diseases.
Acknowledgments
Jana Shafi would like to thank the Deanship of Scientific Research, Prince Sattam bin Abdul Aziz University for supporting this work. Muhammad Bilal would like to thank FAST National University of Computer and Emerging Sciences, Pakistan for supporting this research by Faculty Research Support Grant (Fall-2021) under Letter ID: “11-71-5/NU-R/21”.
Author Contributions
Conceptualization, K.M.A., M.R. and M.B.; methodology, K.M.A. and M.B.; software, K.M.A. and L.S.; validation, K.M.A., J.S. and M.A.; formal analysis, L.S. and M.R.; investigation, K.M.A. and M.B.; resources, M.B. and M.A.; data curation, L.S.; writing—original draft preparation, K.M.A., L.S. and M.R.; writing—review and editing, M.B., J.S. and M.A.; visualization, L.S., M.B. and J.S.; supervision, M.R., M.B. and M.A.; project administration, M.R. and J.S.; funding acquisition, J.S. and M.A. All authors have read and agreed to the published version of the manuscript.
Funding
This research was supported by the National Research Foundation of Korea grant funded by the Korean Government (2020R1G1A1013221).
Institutional Review Board Statement
Not applicable.
Informed Consent Statement
Not applicable.
Data Availability Statement
We have used only publicly available dataset for experimentation. The dataset is available at: https://www.kaggle.com/uciml/pima-indians-diabetes-database (accessed on 27 November 2021).
Conflicts of Interest
The authors declare no conflict of interest.
Footnotes
Publisher’s Note: MDPI stays neutral with regard to jurisdictional claims in published maps and institutional affiliations.
References
- 1.American Diabetes Association Diagnosis and Classification of Diabetes Mellitus. Diabetes Care. 2013;37:S81–S90. doi: 10.2337/dc14-s081. [DOI] [PubMed] [Google Scholar]
- 2.IDF Diabetes Atlas 9th Edition. 2021. [(accessed on 11 August 2021)]. Available online: https://diabetesatlas.org/en/
- 3.Ijaz M.F., Attique M., Son Y. Data-Driven Cervical Cancer Prediction Model with Outlier Detection and Over-Sampling Methods. Sensors. 2020;20:2809. doi: 10.3390/s20102809. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 4.Srinivasu P.N., SivaSai J.G., Ijaz M.F., Bhoi A.K., Kim W., Kang J.J. Classification of skin disease using deep learning neural networks with MobileNet V2 and LSTM. Sensors. 2021;21:2852. doi: 10.3390/s21082852. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 5.Mandal M., Singh P.K., Ijaz M.F., Shafi J., Sarkar R. A Tri-Stage Wrapper-Filter Feature Selection Framework for Disease Classification. Sensors. 2021;21:5571. doi: 10.3390/s21165571. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 6.Ijaz M.F., Alfian G., Syafrudin M., Rhee J. Hybrid Prediction Model for Type 2 Diabetes and Hypertension Using DBSCAN-Based Outlier Detection, Synthetic Minority Over Sampling Technique (SMOTE), and Random Forest. Appl. Sci. 2018;8:1325. doi: 10.3390/app8081325. [DOI] [Google Scholar]
- 7.Biran O., Cotton C. Explanation and Justification in Machine Learning: A Survey, IJCAI-17 Work. Explain. AI. 2017. [(accessed on 11 August 2021)]. pp. 8–13. Available online: http://www.cs.columbia.edu/~orb/papers/xai_survey_paper_2017.pdf.
- 8.Zadeh L.A. FUZZY SETS. Advances in Fuzzy Systems—Applications and Theory. Word Scientific Publisher; Singapore: 1996. pp. 394–432. [Google Scholar]
- 9.Mehmanpazir F., Asadi S. Development of an evolutionary fuzzy expert system for estimating future behavior of stock price. J. Ind. Eng. Int. 2017;13:29–46. doi: 10.1007/s40092-016-0165-7. [DOI] [Google Scholar]
- 10.Mansourypoor F., Asadi S. Development of a Reinforcement Learning-based Evolutionary Fuzzy Rule-Based System for diabetes diagnosis. Comput. Biol. Med. 2017;91:337–352. doi: 10.1016/j.compbiomed.2017.10.024. [DOI] [PubMed] [Google Scholar]
- 11.Guillaume S., Charnomordic B. Learning interpretable fuzzy inference systems with FisPro. Inf. Sci. 2011;181:4409–4427. doi: 10.1016/j.ins.2011.03.025. [DOI] [Google Scholar]
- 12.Sisodia D., Sisodia D.S. Prediction of Diabetes using Classification Algorithms. Procedia Comput. Sci. 2018;132:1578–1585. doi: 10.1016/j.procs.2018.05.122. [DOI] [Google Scholar]
- 13.Naz H., Ahuja S. Deep learning approach for diabetes prediction using PIMA Indian dataset. J. Diabetes Metab. Disord. 2020;19:391–403. doi: 10.1007/s40200-020-00520-5. [DOI] [PMC free article] [PubMed] [Google Scholar]
- 14.Khanam J.J., Foo S.Y. A comparison of machine learning algorithms for diabetes prediction. ICT Express. 2021;7:432–439. doi: 10.1016/j.icte.2021.02.004. [DOI] [Google Scholar]
- 15.Hasan K., Alam A., Das D., Hossain E., Hasan M. Diabetes Prediction Using Ensembling of Different Machine Learning Classifiers. IEEE Access. 2020;8:76516–76531. doi: 10.1109/ACCESS.2020.2989857. [DOI] [Google Scholar]
- 16.Singh A., Dhillon A., Kumar N., Hossain M.S., Muhammad G., Kumar M. eDiaPredict: An Ensemble-based Framework for Diabetes Prediction. ACM Trans. Multimed. Comput. Commun. Appl. 2021;17:1–26. doi: 10.1145/3415155. [DOI] [Google Scholar]
- 17.Pradhan N., Rani G., Dhaka V.S., Poonia R.C. Deep Learning Techniques for Biomedical and Health Informatics. Academic Press; Cambridge, MA, USA: 2020. Diabetes prediction using artificial neural network; pp. 327–339. [DOI] [Google Scholar]
- 18.Kannadasan K., Edla D.R., Kuppili V. Type 2 diabetes data classification using stacked autoencoders in deep neural networks. Clin. Epidemiol. Glob. Health. 2019;7:530–535. doi: 10.1016/j.cegh.2018.12.004. [DOI] [Google Scholar]
- 19.Azad C., Bhushan B., Sharma R., Shankar A., Singh K.K., Khamparia A. Prediction model using SMOTE, genetic algorithm and decision tree (PMSGD) for classification of diabetes mellitus. Multimed. Syst. 2021:1–19. doi: 10.1007/s00530-021-00817-2. [DOI] [Google Scholar]
- 20.Kumari M., Ahlawat P. DCPM: An effective and robust approach for diabetes classification and prediction. Int. J. Inf. Technol. 2021;13:1079–1088. doi: 10.1007/s41870-021-00656-4. [DOI] [Google Scholar]
- 21.Abokhzam A.A., Gupta N.K., Bose D.K. Efficient diabetes mellitus prediction with grid based random forest classifier in association with natural language processing. Int. J. Speech Technol. 2021;24:601–614. doi: 10.1007/s10772-021-09825-z. [DOI] [Google Scholar]
- 22.Maniruzzaman, Kumar N., Abedin M., Islam S., Suri H.S., El-Baz A.S., Suri J.S. Comparative approaches for classification of diabetes mellitus data: Machine learning paradigm. Comput. Methods Programs Biomed. 2017;152:23–34. doi: 10.1016/j.cmpb.2017.09.004. [DOI] [PubMed] [Google Scholar]
- 23.Shankar S.G. Diagnosis of diabetes diseases using optimized fuzzy rule set by grey wolf optimization. Pattern Recognit. Lett. 2019;125:432–438. doi: 10.1016/j.patrec.2019.06.005. [DOI] [Google Scholar]
- 24.Cheruku R., Edla D.R., Kuppili V., Dharavath R. RST-BatMiner: A fuzzy rule miner integrating rough set feature selection and Bat optimization for detection of diabetes disease. Appl. Soft Comput. 2018;67:764–780. doi: 10.1016/j.asoc.2017.06.032. [DOI] [Google Scholar]
- 25.Anuradha, Singh A., Gupta G. ANT_FDCSM: A novel fuzzy rule miner derived from ant colony meta-heuristic for diagnosis of diabetic patients. J. Intell. Fuzzy Syst. 2019;36:747–760. doi: 10.3233/JIFS-172240. [DOI] [Google Scholar]
- 26.Lukmanto R.B., Suharjito, Nugroho A., Akbar H. Early Detection of Diabetes Mellitus using Feature Selection and Fuzzy Support Vector Machine. Procedia Comput. Sci. 2019;157:46–54. doi: 10.1016/j.procs.2019.08.140. [DOI] [Google Scholar]
- 27.Sharma M.K., Dhiman N., Mishra V.N. Mediative Fuzzy Logic of Sugeno-Tsk Model for the Diagnosis of Diabetes. J. Phys. Conf. Ser. 2021;1724:012028. doi: 10.1088/1742-6596/1724/1/012028. [DOI] [Google Scholar]
- 28.Thungrut W., Wattanapongsakorn N. Diabetes Classification with Fuzzy Genetic Algorithm. Adv. Intell. Syst. Comput. 2018;769:107–114. doi: 10.1007/978-3-319-93692-5_11. [DOI] [Google Scholar]
- 29.Zhang X., Jiang Y., Hu W., Wang S. A Parallel Ensemble Fuzzy Classifier for Diabetes Diagnosis. J. Med. Imaging Health Inform. 2020;10:544–551. doi: 10.1166/jmihi.2020.2972. [DOI] [Google Scholar]
- 30.Mujawar I., Jadhav B. Web-based Fuzzy Expert System for Diabetes Diagnosis. Int. J. Comput. Sci. Eng. 2019;7:995–1000. doi: 10.26438/ijcse/v7i2.9951000. [DOI] [Google Scholar]
- 31.Chen T., Shang C., Su P., Antoniou G., Shen Q. Effective Diagnosis of Diabetes with a Decision Tree-Initialised Neuro-Fuzzy Approach. Volume 840. Springer; Singapore: 2018. pp. 227–239. [Google Scholar]
- 32.Vaishali R., Sasikala R., Ramasubbareddy S., Remya S., Nalluri S. Genetic algorithm based feature selection and MOE Fuzzy classification algorithm on Pima Indians Diabetes dataset; Proceedings of the 2017 International Conference on Computing Networking and Informatics (ICCNI); Silicon Valley, CA, USA. 26–29 January 2017; pp. 1–5. [Google Scholar]
- 33.Geman O., Chiuchisan I., Toderean R. Application of Adaptive Neuro-Fuzzy Inference System for diabetes classification and prediction; Proceedings of the 2017 E-Health and Bioengineering Conference (EHB); Sinaia, Romania. 22–24 June 2017; pp. 639–642. [Google Scholar]
- 34.Bhuvaneswari G., Manikandan G. A novel machine learning framework for diagnosing the type 2 diabetics using temporal fuzzy ant miner decision tree classifier with temporal weighted genetic algorithm. Computers. 2018;100:759–772. doi: 10.1007/s00607-018-0599-4. [DOI] [Google Scholar]
- 35.Deshmukh T., Fadewar H.S. Fuzzy Deep Learning for Diabetes Detection. Volume 810. Springer; Singapore: 2019. pp. 875–882. [Google Scholar]
- 36.Orujov F., Maskeliūnas R., Damaševičius R., Wei W. Fuzzy based image edge detection algorithm for blood vessel detection in retinal images. Appl. Soft Comput. 2020;94:106452. doi: 10.1016/j.asoc.2020.106452. [DOI] [Google Scholar]
- 37.Benchara F.Z., Youssfi M. A New Distributed Type-2 Fuzzy Logic Method for Efficient Data Science Models of Medical Informatics. Adv. Fuzzy Syst. 2020;2020:6539123. doi: 10.1155/2020/6539123. [DOI] [Google Scholar]
- 38.Reddy G.T., Reddy P.K., Lakshmanna K., Rajput D.S., Kaluri R., Srivastava G. Hybrid genetic algorithm and a fuzzy logic classifier for heart disease diagnosis. Evol. Intell. 2019;13:185–196. doi: 10.1007/s12065-019-00327-1. [DOI] [Google Scholar]
- 39.Singla J. A Novel Fuzzy Logic-Based Medical Expert System for Diagnosis of Chronic Kidney Disease Mob. Inf. Syst. 2020;2020:8887627. doi: 10.1155/2020/8887627. [DOI] [Google Scholar]
- 40.Khalil A.M., Li S.-G., Lin Y., Li H.-X., Ma S.-G. A new expert system in prediction of lung cancer disease based on fuzzy soft sets. Soft Comput. 2020;24:14179–14207. doi: 10.1007/s00500-020-04787-x. [DOI] [Google Scholar]
- 41.Luo Y., Pan J., Fan S., Du Z., Zhang G. Retinal Image Classification by Self-supervised Fuzzy Clustering Network. IEEE Access. 2020;8:1. doi: 10.1109/ACCESS.2020.2994047. [DOI] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Data Availability Statement
We have used only publicly available dataset for experimentation. The dataset is available at: https://www.kaggle.com/uciml/pima-indians-diabetes-database (accessed on 27 November 2021).