Skip to main content

ORIGINAL RESEARCH article

Front. Public Health, 15 February 2022
Sec. Digital Public Health
This article is part of the Research Topic Big Data Analytics for Smart Healthcare applications View all 109 articles

A Novel Extra Tree Ensemble Optimized DL Framework (ETEODL) for Early Detection of Diabetes

\nMonika AryaMonika Arya1Hanumat Sastry G
Hanumat Sastry G2*Anand MotwaniAnand Motwani3Sunil KumarSunil Kumar2Atef ZaguiaAtef Zaguia4
  • 1Department of Computer Science and Engineering, Bhilai Institute of Technology, Durg, India
  • 2School of Computer Science, University of Petroleum and Energy Studies, Dehradun, India
  • 3School of Computing Science and Engineering, VIT Bhopal University, Sehore, India
  • 4Department of Computer Science, College of Computers and Information Technology, Taif University, Taif, Saudi Arabia

Diabetes has been recognized as a global medical problem for more than half a century. Patients with diabetes can benefit from the Internet of Things (IoT) devices such as continuous glucose monitoring (CGM), intelligent pens, and similar devices. Smart devices generate continuous data streams that must be processed in real-time to benefit the users. The amount of medical data collected is vast and heterogeneous since it is gathered from various sources. An accurate diagnosis can be achieved through a variety of scientific and medical techniques. It is necessary to process this streaming data faster to obtain relevant and significant knowledge. Recently, the research has concentrated on improving the prediction model's performance by using ensemble-based and Deep Learning (DL) approaches. However, the performance of the DL model can degrade due to overfitting. This paper proposes the Extra-Tree Ensemble feature selection technique to reduce the input feature space with DL (ETEODL), a predictive framework to predict the likelihood of diabetes. In the proposed work, dropout layers follow the hidden layers of the DL model to prevent overfitting. This research utilized a dataset from the UCI Machine learning (ML) repository for an Early-stage prediction of diabetes. The proposed scheme results have been compared with state-of-the-art ML algorithms, and the comparison validates the effectiveness of the predictive framework. This proposed work, which outperforms the other selected classifiers, achieves a 97.38 per cent accuracy rate. F1-Score, precision, and recall percent are 96, 97.7, and 97.7, respectively. The comparison unveils the superiority of the suggested approach. Thus, the proposed method effectively improves the performance against the earlier ML techniques and recent DL approaches and avoids overfitting.

Introduction

In a survey made by IDF and WHO, nearly half a billion of the population worldwide have diabetes and posing about $13,700 financial burden per year. Moreover, the statistics increasing in years to come. Diabetes is a persistent disease caused when the blood sugar level crosses certain levels and can have adverse consequences on other organs of the human body and severely affect the entire body. If it is not diagnosed at the right time and remains untreated, it can increase the risk of other disorders. In addition, diabetes may lead to other problems like kidney failure, weak eyesight and heart problem.

Furthermore, diabetic persons are at higher risk of infection and death from COVID-19 (1). Hence, concerning its severe complications, prior diagnosis of the disease is very significant to take timely steps to avoid other health risks and complications. Patients with diabetes can benefit from the Internet of Things devices such as CGM, intelligent pens, and other similar devices, according to the American Diabetes Association (ADA). These devices help in collecting medical data in real-time. Data collected from the smart devices needs to be processed immediately for dissemination of information to practitioners to provide prompt medical attention. Health care data comes from various sources, including medical history and records of patients in hospitals, medical diagnosis reports, medical examination reports by doctors, real-time data from multiple IoT devices and health-related Apps, and data streams from social networking sites. Dealing with such heterogeneous healthcare data has become increasingly difficult in recent years, owing to the large volume of data, security issues, incompetence in wireless network application development, and the rapidity with which it is being generated. As a result, to improve the healthcare industry's efficiency, accuracy, and workflow, data analytics tools are required to manage such complex data (2). Therefore, it is necessary to process this streaming data faster to obtain relevant and significant knowledge using an adaptive model. In the recent past, many algorithms have been employed in handling the classification of real-time data streams. Gaining insights and knowledge from such streaming data is a crucial challenge. Machine Learning (ML) is an analytical method for mechanized learning. It learns from knowledge and skill gained during the training process and applies the experience to improve the performance to make more accurate predictions. ML plays a significant role in discovering hidden and new patterns in the medical data stream. These patterns provide fascinating insights into the knowledge gained.

Further, researchers and medical practitioners use it for assistance in various ailment diagnoses and treatments. Latest advances in this field can also be applied for discovering unknown and latent patterns for detecting diabetes in prior stages. The advancement in ML techniques resolves this censorious problem of an early diabetes diagnosis.

Only health professionals are permitted to process health data because it is sensitive and not readily available. In addition, it is subject to strict usage rules due to the obligation of medical secrecy. As a result, only health professionals are permitted to process it. ML algorithms frequently underperform in prediction accuracy when there is insufficient data to train the model. The data obtained from heterogeneous sources can be either structured or unstructured, depending on the source. Conventional ML techniques cannot process unstructured data; on the other hand, DL can analyze images, videos, and unstructured data in ways that traditional ML techniques cannot. Deep understanding, as opposed to ML, typically necessitates less ongoing human intervention. DL models for prediction and classification are becoming increasingly popular as a means of avoiding these pitfalls.

DL is a subset of Artificial Intelligence with similar architecture as a neural network but has extra hidden layers. The extra layers, therefore, make DL more powerful in data processing than shallow architecture. DL methods showed more accuracy in results than traditional rule-based methods in various domains, including eHealth systems (35). A study proposed a hypothesis that further improving the accuracy of DNN feature selection techniques can be used (6, 7). Feature selection is the process of acquiring relevant information and discarding irrelevant ones (8). The feature selection methods can be either supervised or unsupervised, and the supervised method can be divided into the wrapper, filter or intrinsic methods.

Furthermore, a single feature selection method may produce a local optimal or sub-optimal feature subset for which a learning method's performance is compromised. Therefore, multiple feature subsets are combined in the ensemble-based feature selection method to select an optimal subset of features using a combination of feature ranking that improves classification accuracy. The normalized total reduction is the mathematical criteria used in the split decision during the forest construction when the extra tree ensemble method performs feature selection. In addition, in the proposed work Gini Index is computed for each feature known as the Gini Importance of the feature. Then, each feature is ordered in descending order based on its Gini Importance, and the user selects the top k features based on the preferences to perform feature selection. This process selects the optimal feature subset from the high dimensional feature space.

However, the DNN has a disadvantage because it overfits small data sets (9, 10). Overfitting occurs when the accuracy with the training dataset is greater than the accuracy with the testing data set, and the model is not generalized. Dropouts can avoid this problem where a certain number of neurons at a layer are deactivated from firing during training. This deactivation of neurons prevents overfitting, and the network's performance on test data improves (11).

The novelty of the proposed work is as follows:

(i) The Extra tree ensemble feature selection technique reduces the feature space by selecting the optimal feature subset. Thus, improving the prediction accuracy and reducing model complexity.

(ii) When presented to the DL network, the optimal feature subset further enhances its performance and prevents overfitting.

(iii) Previous works are either complex or prone to overfitting. Both these issues are fixed in the proposed work.

Following are the key contributions of the Novel ETEODL framework.

(i) The proposed algorithm predicts diabetes at a very early stage using a framework that combines an extra-tree ensemble feature extraction technique used to extract relevant features and a deep neural network to improve prediction accuracy.

(ii) Valuable metrics: prediction accuracy, Precision, Recall, F1-score, and computation time are evaluated for performance comparison.

(iii) The proposed algorithm is compared with state-of-the-art techniques.

(iv) The proposed algorithm shows no instances of overfitting or underfitting.

Literature Review

Alić et al. (12) studied several diverse ML techniques to detect diabetes and concluded that the most common type of ANN used is multilayered feed-forward and the Naïve Bayesian network, which shows higher possibilities of get-ting accurate predictions. In their work, Sisodia and Sisodia (13) experimented with Decision Tree, SVM, and Naive Bayes and concluded that Naive Bayes has the highest accuracy compared to other algorithms and verified it using ROC metrics. Maniruzzaman et al. (14) used Gaussian process classification (GPC) to diagnose diabetes and concluded that the model's performance is comparatively better than other models. In their work, Kaur and Kumari (15) analyzed different models for the detection of diabetes. Wei et al. (16) explored the popular techniques to detect diabetes and data pre-processing techniques. Kamble et al. (47) proposed a DL-based Restricted Boltzmann machine approach for detecting diabetes. Swapna et al. (17) used DL-based methods to classify diabetic and HRV signals by extracting dynamic features from HRV data using a combination of LSTM and CNN. However, LSTM has high computational complexity and is prone to overfitting (18). Yahyaoui et al. (19) compared traditional classifiers with DL-based classifiers, Random Forest (RF) shows more accurate results in predicting diabetes than DL and SVM methods. DL (DL) techniques like CNN and RNN improve performance compared with classic designs (20). Naz and Ahuja (21), in their work, concluded that DL approaches perform better for early detection of diabetes as compared to Artificial Neural Network (ANN), Naive Bayes (NB), and Decision Tree (DT). The DL techniques also facilitate the latest trending techniques like Edge AI applications (22). A regularization layer called dropout can be used in fully connected layers of DNN to address the problem of overfitting (23). Rubaiyat et al. (24) used feature selection and used the selected features with traditional ML techniques like Random Forest, Logistic Regression, and MLP neural network classifier. Iwendi et al. (25) proposed a system to improve intrusion detection using a combination of correlation-based feature selection techniques and machine learning ensemble models. Reddy et al. (26) proposed ensemble-based ML algorithms, compared the proposed performance against the individual ML algorithms and concluded their superiority over the unique ML algorithms. Bashir et al. (27) used ensemble techniques for diabetes detection and inferred that the Bagging ensemble outperforms other ensemble techniques.

Similarly, Tama and Rhee (28) concluded that a tree-based classifier is better than other approaches. Recent research has been concentrated on enhancing the performance of ensemble-based methods for the prediction of disease. In addition, the neural network-based models can further reduce the cost (29). Deepa et al. (30) proposed RASGD to improve the regularization of the classification model. It is done by employing weight decay methods, such as the least absolute shrinkage and selection operator. In addition, ridge regression methods are used to achieve better regularization. Gadekallu et al. (31) were motivated by the fact that previous work had neglected the aspects of data pre-processing and dimensionality reduction, which had resulted in skewed results. Consequently, in their work, the raw dataset is normalized using the Standardscalar technique and Principal Component Analysis (PCA) is used to extract the most significant features from the dataset. In addition, the Firefly algorithm is used to reduce the dimensionality of the data. Finally, this condensed dataset is fed into a Deep Neural Network Model, used to classify the data. Gadekallu et al. (32), in their work, use a principal component analysis-based deep neural network model with the Gray Wolf Optimization (GWO) algorithm. The application of GWO allows for the selection of the most optimal parameters for training the DNN model.

Research Motivation

In this era of big data, various types of biomedical data for early detection of diabetes have been emerging from electronically generated health records, medical images, IoT sensor data, and simple text data. This streaming data is intricate, diverse, appallingly annotated, and commonly not structured. Early detection of the disease is significant to take timely steps to avoid other health risks and complications. However, the earlier studies depict that the ML algorithms need structured data for classification, have less prediction accuracy, prone to overfitting, and require more computational time to predict the disease. While DL models are more promising, as DL networks are flexible, making them suitable for structured and unstructured data (33), they can process the data than the shallow architecture.

Further, their accuracy can be improved by appropriate feature selection techniques (34, 35). Thus, DL approaches could employ big biomedical data to improve human health (36). For example, most of the recent research (20) concluded that DL performs better for early detection of diabetes as compared to Artificial Neural Network (ANN), Naive Bayes (NB), and Decision Tree (DT).

In literature, various techniques like linear regression feature selection, logistic regression feature selection, Correlation-value based feature selection, Chi- square-based feature selection, F-score based feature selection, decision tree feature selection and random forest feature selection are used for selecting relevant features.

Table 1 below summarizes the methodology used and the limitations of some of the pertinent recent works.

TABLE 1
www.frontiersin.org

Table 1. Methodology and limitations of recent relevant work.

Chen et al. (42) concluded that feature extraction might improve the performance of deep neural networks. In their work, Motwani et al. (43) suggested a framework based on a deep neural network for intelligent patient monitoring. Motwani et al. (44) used DL with cost optimization for remote patient monitoring and recommendation. Authors in (45) compared various feature selection techniques and concluded that the random forest algorithm performs better than the other algorithms. Trapping this advantage of the tree-based technique for selecting relevant features based on feature importance, the proposed approach uses the Extra tree ensemble feature selection technique to retrieve the optimal feature set. Furthermore, a single feature selection method may produce a local optimal or sub-optimal feature subset for which a learning method's performance is compromised. Therefore, multiple feature subsets are combined in the ensemble-based feature selection method to select an optimal subset of features using a combination of feature ranking that improves classification accuracy.

Thrust by these facts, this paper proposed an Extra-Tree Ensemble optimized DL framework (ETEODL) to predict the likelihood of diabetes. This approach is a combination DL approach for prediction and an Extra Tree ensemble technique for selecting the best features based on feature importance. The DL approach extracts lower-level information and feeds them to the next higher layer. The dropout technique is used with hidden layers of DNN to prevent the overfitting of the model.

The proposed model performs better in the following aspects:

(1) Prediction accuracy and computational time

(2) Prevent overfitting.

The framework is compared with traditional ML techniques and recent works for various parameters like Accuracy, F1-Score, Precision, Recall, and Computation time and thus concluded that the efficiency of the proposed framework is better than the compared works.

The paper has the following sections. First, in section Methodology and Algorithm of the proposed framework are discussed. Then, in section 5, Experimental Setup, including Dataset description, Experiment Environment setup, Experiments, and results, has been discussed. In the last, the proposed work is concluded, and directions for future research are suggested.

Methodology and Algorithm

The DL framework used in this paper for the early prediction of diabetes is called ETEODL. The framework is divided into two segments. The first segment performs the data acquisition, pre-processing, and feature extraction, while the second segment performs the prediction using a DL model. First, data is acquired from the UCI repository. The acquired data is pre-processed to make it ready for further processing. Next, the data set is split for training and testing purposes. It is followed by feature extraction, where relevant features are extracted to reduce the data set's feature space and prevent model overfitting. The extra tree feature extraction technique is used in the proposed work. The output of the first segment is fed in a DL model for classification and prediction. The functions of the two segments are explained in detail in the following section.

Segment-1

Data Acquisition and Data Pre-processing

Data is acquired and pre-processed in the first phase of the framework to clean, transform, and reduce the dimensions. Then, the missing values are discarded. Finally, the normalization process does data transformation. The dataset is divided in a ratio of 80:20 for training and testing purposes for ensuring the learning process only from the training data. After training the model, the performance is tested using testing data.

Data Feature Selection Using Extra Tree Ensemble

After data pre-processing, feature selection is made using Extra Tree Ensemble technique. In this step, the subset of the most relevant features is selected. The choice of the most pertinent features influences the model performance greatly. In the proposed framework, feature importance property is utilized for feature selection. In this method, each feature is given a score. The score ranges from zero and one. The leading score indicates more relevancy of the feature toward the targeted output. These relevant features are thus chosen for model building with improved predictive accuracy and controlled over-fitting. A subset of randomly selected n features is supplied to each test node of the tree. Further, the best feature is chosen by the decision tree from this subset to split the data based on Gini Index. The output features of segment one are used as input in segment 2.

Segment-2

DL Model With Dropouts

The DL model consists of three types of layers:

The Input layer is where the selected features are passed. No computation occurs in this layer. The Hidden layers are present between the input and output layers. For choosing the number of Hidden Layers following basic rules are followed;

(1) If the data is linearly separable, then no hidden layers are required.

(2) Using neural networks with one to two hidden layers would be appropriate if the data is less complex and has fewer dimensions or features.

(3) If the data has many dimensions or features, it is possible to use three to five hidden layers to achieve the best possible result.

The input data is not linearly separable and is complex as obtained from various heterogeneous sources; the proposed model consists of three hidden layers. The hidden layers one and two utilize the Rectified Linear Unit (ReLU) as activation.

Mathematically, it is defined as

y=max(0,x)    (1)

And at hidden layer three uses the sigmoid as an activation function. The sigmoid is mathematically represented as:

f(x)=1/(1+e(-x))    (2)

These hidden layers perform the computation and pass the information to the output layer in the end.

The output layer is responsible for producing the out variable and giving the result.

The cost or loss function is binary cross-entropy/log loss represented using E(W).

[E(W)]=1mi=1myilog(γ)+(1yi)log(1γ)    (3)

A dropout layer is added to the model after each hidden layer to prevent overfitting. During the training phase, the dropout layer deactivates a random set of fractions “i” neurons. The value of p is set to 0.8, where p is the probability of retention used in the input layers and is set to 0.5 in the hidden layers. The value of c is set to 4 in all the layers, where c is the Max-norm constraint. The step-wise methodology of the framework is shown in Figure 1.

FIGURE 1
www.frontiersin.org

Figure 1. Flowchart for the proposed framework.

The algorithm of the proposed framework is given in below.

ALGORITHM 1
www.frontiersin.org

Algorithm 1. Extra Tree Ensemble Optimized DL Algorithm

ALGORITHM 2
www.frontiersin.org

Algorithm 2. ETE

ALGORITHM 3
www.frontiersin.org

Algorithm 3. Rand_Split(s,f)

Experimental Setup and Results

Data Set

The dataset used in the research is taken from the UCI repository (34). It contains 520 instances and 16 attributes. The missing values have been pre-processed by discarding the tuples with incomplete values.

Experiment Environment Setup

The experimental setup includes an Intel Core i5 processor with 16 GB RAM. The software configuration includes Keras, Google Tensorflow, and other required libraries such as Scikit-Learn, Numpy, and Pandas installed over Python.

Results and Discussion

The proposed ETEODL model was implemented over Python. The parameters to evaluate the model. The model efficiency was evaluated based on essential metrics like prediction accuracy, precision, recall, f1-measure, ROC, and RMS Error (14). The proposed model is compared with conventional techniques (13) like Naïve Bayes, Decision Tree, Random-forest, Hoeffding tree, and ensemble classifier-like stacking and also with the recent three related works (17, 18, 46). The comparisons are with conventional work is summarized in Table 2, and comparison with recent existing work is summarized in Table 3.

TABLE 2
www.frontiersin.org

Table 2. Comparison of proposed model with conventional ML algorithms.

TABLE 3
www.frontiersin.org

Table 3. Comparison of the proposed model with recent works.

Table 2 shows the comparison of the proposed framework and conventional ML algorithms.

The outcome of the comparison in Table 2 can be concluded as follows:

(i) The DL-based framework outperforms traditional algorithms for the early detection of diabetes (21).

(ii) The Extra-Tree ensemble feature extraction technique prevents the overfitting of the DL model (28).

The graph in Figure 2 compares the prediction accuracy of conventional ML algorithms with the ETEODL (proposed).

FIGURE 2
www.frontiersin.org

Figure 2. Accuracy (%) comparison with existing methods.

Figure 3 represents the graphs comparing the computation time of conventional ML algorithms with the ETEODL (proposed).

FIGURE 3
www.frontiersin.org

Figure 3. Comparison of computation time (in sec).

Figure 4 represents the graphs comparing the precision, recall, and F1 score.

FIGURE 4
www.frontiersin.org

Figure 4. Comparison of precision, recall, F1-score, and ROC area.

Table 3 shows the performance comparison of the proposed framework with Recent work.

The proposed work is less computationally complex and requires less computation time than previous related work while improving performance.

Figure 5 represents the graph comparing the accuracy of the proposed model with Recent works (17, 46, 47).

FIGURE 5
www.frontiersin.org

Figure 5. Comparison of prediction accuracy.

Figure 6 represents the graph Comparing the computation time of the Proposed model with three Recent works.

FIGURE 6
www.frontiersin.org

Figure 6. Comparison of computation time.

Figure 7 represents the graph Comparing the proposed model's Precision, Recall, and F1 score with Recent works.

FIGURE 7
www.frontiersin.org

Figure 7. Comparison of precision, recall, f1-score, and roc area.

Table 4 compares the training and testing accuracy of ETEODL over hundred epochs.

TABLE 4
www.frontiersin.org

Table 4. Comparison of training and testing accuracy of ETEODL over 100 epochs.

The graph in Figure 8 shows the comparison of training and testing accuracies.

FIGURE 8
www.frontiersin.org

Figure 8. Comparison of training and testing accuracy.

The comparison graph shows that the proposed work prevents overfitting as it maintains good training and testing accuracies.

Conclusion

Detecting diabetes at an early stage is very consequential to take well-timed steps to avoid other health risks and complications. The proposed work demonstrates the application of the Extra Tree ensemble for optimization and DL for classification and prediction for diabetes. The proposed ETEODL is compared against the conventional ML techniques and ensemble algorithms and similar recent works. The accuracy obtained using ETEDOL was approximately 97.38% which is better than contemporary and traditional techniques. The information thus predicted can provide a caution signal for the patient and the doctor to take precautions and control measures. The proposed method is limited to numerical and categorical data and can also be developed for image data. In the future, the proposed model can be extended as an integral part of an automated system for diabetes prediction.

Data Availability Statement

The original contributions presented in the study are included in the article/supplementary materials, further inquiries can be directed to the corresponding author.

Author Contributions

MA and HS developed and implemented algorithm. AM, SK, and MA evaluated the performance of the algorithm and created the first draft. AZ further evaluated and benchmarked the work. HS and AZ finalized the manuscript. All authors contributed to the article and approved the submitted version.

Funding

This work was supported by Taif University Researchers Supporting Project Number (TURSP-2020/114), Taif University, Taif, Saudi Arabia.

Conflict of Interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

The reviewer PK has declared a shared parent affiliation with the author AM at the time of review.

Publisher's Note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

Acknowledgments

This work was supported by Taif University Researchers Supporting Project Number (TURSP-2020/114), Taif University, Taif, Saudi Arabia. Authors express thanks to University of Petroleum and Energy Studies, India, Taif Univerisity, Saudi Arabia and Bhilai Institute of Technology, India for Providing the state of art research facilities.

References

1. Uddin S, Khan A, Hossain ME, Moni MA. Comparing different supervised machine learning algorithms for disease prediction. BMC Med Inform Decis Mak. (2019) 19:281. doi: 10.1186/s12911-019-1004-8

PubMed Abstract | CrossRef Full Text | Google Scholar

2. Iwendi C, Bashir AK, Peshkar A, Sujatha R, Chatterjee JM, Pasupuleti S, et al. COVID-19 patient health prediction using boosted random forest algorithm. Front Public Health. (2020) 8:357. doi: 10.3389/fpubh.2020.00357

PubMed Abstract | CrossRef Full Text | Google Scholar

3. Stephen O, Sain M, Maduh UJ, Jeong DU. An efficient deep learning approach to pneumonia classification in healthcare. J Healthc Eng. (2019) 2019:4180949. doi: 10.1155/2019/4180949

PubMed Abstract | CrossRef Full Text | Google Scholar

4. Tomov NS, Tomov S. On Deep Neural Networks for Detecting Heart Disease. (2018). Available online at: http://arxiv.org/abs/1808.07168 (accessed November 11, 2021).

Google Scholar

5. Kutia S, Chauhdary SH, Iwendi C, Liu L, Wang Y, Bashira AK. Socio-technological factors affecting user's adoption of eHealth functionalities: a case study of China and Ukraine eHealth systems. IEEE Access. (2019) 7:90777–88. doi: 10.1109/ACCESS.2019.2924584

PubMed Abstract | CrossRef Full Text | Google Scholar

6. Liu Y, Yu Z, Sun H. Prediction method of gestational diabetes based on electronic medical record data. J Healthc Eng. (2021) 2021:6672072. doi: 10.1155/2021/6672072

PubMed Abstract | CrossRef Full Text | Google Scholar

7. Huang M, Huang C, Yuan J, Kong D. A semiautomated deep learning approach for pancreas segmentation. J Healthc Eng. (2021):3284493. doi: 10.1155/2021/3284493

PubMed Abstract | CrossRef Full Text | Google Scholar

8. Bourouis S, Alroobaea R, Rubaiee S, Andejany M, Bouguila N. Nonparametric bayesian learning of infinite multivariate generalized normal mixture models and its applications. Appl Sci. (2021) 11:5798. doi: 10.3390/app11135798

CrossRef Full Text | Google Scholar

9. Cogswell M, Ahmed F, Girshick R, Zitnick L, Batra D. Reducing overfitting in deep networks by decorrelating representations. arXiv preprint arXiv:1511.06068. (2015).

Google Scholar

10. Salman S, Liu X. Overfitting Mechanism Avoidance in Deep Neural Networks. (2019). Available online at: http://arxiv.org/abs/1901.06566 (accessed November 11, 2021).

Google Scholar

11. Mele B, Altarelli G. Lepton spectra as a measure of b quark polarization at LEP. Phys Lett B. (1993) 299:345–50. doi: 10.1016/0370-2693(93)90272-J

CrossRef Full Text | Google Scholar

12. Alić B, Gurbeta L, Badnjević A. Machine learning techniques for classification of diabetes and cardiovascular diseases. In: 2017 6th Mediterranean Conference on Embedded Computing (MECO). IEEE (2017). p. 1–4.

Google Scholar

13. Sisodia D, Sisodia DS. Prediction of diabetes using classification algorithms. Procedia Comput. Sci. (2018) 132:1578–85. doi: 10.1016/j.procs.2018.05.122

CrossRef Full Text | Google Scholar

14. Maniruzzaman M, Kumar N, Menhazul Abedin M, Shaykhul Islam M, Suri HS, El-Baz AS, et al. 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

PubMed Abstract | CrossRef Full Text | Google Scholar

15. Kaur H, Kumari V. Predictive modelling and analytics for diabetes using a machine learning approach. Appl Comput Informatics. (2020). doi: 10.1016/j.aci.2018.12.004. [Epub ahead of print].

CrossRef Full Text | Google Scholar

16. Wei S, Zhao X, Miao C. A comprehensive exploration to the machine learning techniques for diabetes identification. In; 2018 IEEE 4th World Forum on Internet of Things (WF-IoT). IEEE (2018). p. 291–5.

PubMed Abstract | Google Scholar

17. Swapna G, Vinayakumar R, Soman KP. Diabetes detection using deep learning algorithms. ICT Express. (2018) 4:243–6. doi: 10.1016/j.icte.2018.10.005

CrossRef Full Text | Google Scholar

18. Duc TN, Minh CT, Xuan TP, Kamioka E. Convolutional neural networks for continuous QoE prediction in video streaming services. IEEE Access. (2020) 8:116268–78. doi: 10.1109/ACCESS.2020.3004125

PubMed Abstract | CrossRef Full Text | Google Scholar

19. Yahyaoui, Jamil A, Rasheed J, Yesiltepe M. A decision support system for diabetes prediction using machine learning and deep learning techniques. In; 2019 1st International Informatics and Software Engineering Conference (UBMYK). IEEE (2019). p. 1–4.

Google Scholar

20. Almulihi S, Alharithi AH, Mechti FS, Alroobaea S, Rubaiee R. A software for thorax images analysis based on deep learning. Int J Open Source Softw Process. (2021) 12:60–71. doi: 10.4018/IJOSSP.2021010104

CrossRef Full Text | Google Scholar

21. 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

PubMed Abstract | CrossRef Full Text | Google Scholar

22. Masud M, Singh P, Gaba GS, Kaur A, Alghamdi RA, Alrashoud M et al. CROWD: crow search and deep learning based feature extractor for classification of parkinson's disease. ACM Tran Internet Technol. (2021) 21:1–18. doi: 10.1145/3418500

CrossRef Full Text | Google Scholar

23. Ashiquzzaman A, Tushar AK, Islam MR, Shon S, Im K, Park JH, et al. Reduction of overfitting in diabetes prediction using deep learning neural network. Lect Notes Electr Eng. (2017) 449:35–43. doi: 10.1007/978-981-10-6451-7_5

CrossRef Full Text | Google Scholar

24. Rubaiat SY, Rahman MM, Hasan MK. Important feature selection accuracy comparisons of different machine learning models for early diabetes detection. In; 2018 International Conference on Innovation in Engineering and Technology (ICIET). IEEE (2018). p. 1–6.

Google Scholar

25. Iwendi C, Khan S, Anajemba JH, Mittal M, Alenezi M, Alazab M. The use of ensemble models for multiple class and binary class classification for improving intrusion detection systems. Sensors. (2020) 20:1–37. doi: 10.3390/s20092559

PubMed Abstract | CrossRef Full Text | Google Scholar

26. Reddy GT, Bhattacharya S, Sivaramakrishnan S, Chowdhary CL, Hakak S, Kaluri R, et al. An ensemble based machine learning model for diabetic retinopathy classification. In; Int Conf Emerg Trends Inf Techno. Eng. ic-ETITE 2020 (2020).

Google Scholar

27. Bashir S, Qamar U, Khan FH, Javed MY. An efficient rule-based classification of diabetes using ID3, C4.5, & CART ensembles. In; 2014 12th International Conference on Frontiers of Information Technology. IEEE (2014). p. 226–31.

Google Scholar

28. Tama BA, Rhee KH. Tree-based classifier ensembles for early detection method of diabetes: an exploratory study. Artif. Intell. Rev. (2019) 51:355–70. doi: 10.1007/s10462-017-9565-3

CrossRef Full Text | Google Scholar

29. Liu H, Yue K, Cheng S, Pan C, Sun J, Li W. Hybrid model structure for diabetic retinopathy classification. J Healthc Eng. (2020) 2020:8840174. doi: 10.1155/2020/8840174

PubMed Abstract | CrossRef Full Text | Google Scholar

30. Deepa N, Prabadevi B, Maddikunta PK, Gadekallu TR, Baker T, Khan MA, et al. An AI-based intelligent system for healthcare analysis using Ridge-adaline stochastic gradient descent classifier. J Supercomput. (2021) 77:1998–2017. doi: 10.1007/s11227-020-03347-2

CrossRef Full Text | Google Scholar

31. Gadekallu TR, Khare N, Bhattacharya S, Singh S, Reddy P, Ra IH, et al. Early detection of diabetic retinopathy using pca-firefly based deep learning model. Electron. (2020) 9:274. doi: 10.3390/electronics9020274

PubMed Abstract | CrossRef Full Text | Google Scholar

32. Gadekallu TR, Khare N, Bhattacharya S, Singh S, Maddikunta PKR, Srivastava G. Deep neural networks to predict diabetic retinopathy. J Ambient Intell Humaniz Comput. (2020) 24:1–4. doi: 10.1007/s12652-020-01963-7

CrossRef Full Text | Google Scholar

33. Zhang D, Yin C, Zeng J, Yuan X, Zhang P. Combining structured and unstructured data for predictive models : a deep learning approach. BMC Med Inform Decis Mak. (2020) 20:280. doi: 10.1186/s12911-020-01297-6

PubMed Abstract | CrossRef Full Text | Google Scholar

34. Gupta M, Konar D, Bhattacharyya S, Biswas S. Computer Vision and Machine Intelligence in Medical Image Analysis. Singapore: Springer (2020).

Google Scholar

35. Rathi T. Variable Weights Neural Network For Diabetes Classification. arXiv preprint arXiv:2102.12984. (2021).

Google Scholar

36. Miotto R, Wang F, Wang S, Jiang X, Dudley JT. Deep learning for healthcare : review , opportunities and challenges. Brief Bioinform. (2018) 19:1236–46. doi: 10.1093/bib/bbx044

PubMed Abstract | CrossRef Full Text | Google Scholar

37. Cho BH, Yu H, Kim KW, Kim TH, Kim IY, Kim SI. Application of irregular and unbalanced data to predict diabetic nephropathy using visualization and feature selection methods. Artif Intell Med. (2008) 42:37–53. doi: 10.1016/j.artmed.2007.09.005

PubMed Abstract | CrossRef Full Text | Google Scholar

38. Le TM, Vo TM, Pham TM, Svt DAO. A novel wrapper — based feature selection for early diabetes prediction enhanced with a metaheuristic. IEEE Access. (2021) 9:7869–84. doi: 10.1109/ACCESS.2020.3047942

PubMed Abstract | CrossRef Full Text | Google Scholar

39. Lukmanto RB, Suharjito D, Nugroho A, Akbar H. Sciencedirect sciencedirect 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

CrossRef Full Text | Google Scholar

40. Putri NK, Rustam Z, Sarwinda D. Learning vector quantization for diabetes data classification with chi-square feature selection. IOP Conference Series: Mat Sci Eng. (2019) 546:052059. doi: 10.1088/1757-899X/546/5/052059

CrossRef Full Text | Google Scholar

41. Sneha N, Gangil T. Analysis of diabetes mellitus for early prediction using optimal features selection. J Big Data. (2019) 6:13. doi: 10.1186/s40537-019-0175-6

PubMed Abstract | CrossRef Full Text | Google Scholar

42. Chen Z, Pang M, Zhao Z, Li S, Miao R, Zhang Y, et al. Data and text mining feature selection may improve deep neural networks for the bioinformatics problems. Bioinformatics. (2020) 36:1542–52. doi: 10.1093/bioinformatics/btz763

PubMed Abstract | CrossRef Full Text | Google Scholar

43. Motwani A, Shukla PK, Pawar M. Novel framework based on deep learning and cloud analytics for smart patient monitoring and recommendation (SPMR). J Ambient Intell Humaniz Comput. (2021) 2:1–6. doi: 10.1007/s12652-020-02790-6

CrossRef Full Text | Google Scholar

44. Motwani M, Shukla A, Pawar PK. Smart predictive healthcare framework for remote patient monitoring and recommendation using DL with novel cost optimization. In; International Conference on Information and Communication Technology for Intelligent Systems. Singapore: Springer (2020).

Google Scholar

45. Oladimeji OO. Classification models for likelihood prediction of diabetes at early stage using feature selection. Appl Comput Inform. (2021). doi: 10.1108/ACI-01-2021-0022. [Epub ahead of print].

CrossRef Full Text | Google Scholar

46. Ramana D. Health care system : stream machine learning classifier for features prediction in diabetes therapy. Int J Appl Eng Res. (2018)13:59–65. Available online at: https://www.ripublication.com/ijaer18/ijaerv13n1_09.pdf

Google Scholar

47. Kamble ST, Patil MTP. Diabetes detection using deep learning approach. Int J Innov Res Sci Technol. (2016) 2:342–9.

Google Scholar

Keywords: data stream classification, deep learning, diabetes detection, ensemble technique, extra tree ensemble, machine learning, overfitting, feature selection

Citation: Arya M, Sastry G H, Motwani A, Kumar S and Zaguia A (2022) A Novel Extra Tree Ensemble Optimized DL Framework (ETEODL) for Early Detection of Diabetes. Front. Public Health 9:797877. doi: 10.3389/fpubh.2021.797877

Received: 19 October 2021; Accepted: 16 November 2021;
Published: 15 February 2022.

Edited by:

Celestine Iwendi, University of Bolton, United Kingdom

Reviewed by:

Neha Agrawal, IIIT Sri City, India
Praveen Kumar, VIT University, India
Gauri Shankar, Indian Institute of Technology Dhanbad, India

Copyright © 2022 Arya, Sastry G, Motwani, Kumar and Zaguia. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Hanumat Sastry G, hsastry@ddn.upes.ac.in

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.