- 1Faculty of Computer Sciences, Ibadat International University, Islamabad, Pakistan
- 2CMAC Future Manufacturing Research Hub, University of Strathclyde, Glasgow, United Kingdom
- 3Department of Computer Science and IT, The University of Lahore, Lahore, Pakistan
- 4Department of Information Technology, College of Computer and Information Sciences, Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia
The integration of the Internet of Things with machine learning in different disciplines has benefited from recent technological advancements. In medical IoT, the fusion of these two disciplines can be extremely beneficial as it allows the creation of a receptive and interconnected environment and offers a variety of services to medical professionals and patients. Doctors can make early decisions to save a patient's life when disease forecasts are made early. IoT sensor captures the data from the patients, and machine learning techniques are used to analyze the data and predict the presence of the fatal disease i.e., diabetes. The goal of this research is to make a smart patient's health monitoring system based on machine learning that helps to detect the presence of a chronic disease in patient early and accurately. For the implementation, the diabetic dataset has been used. In order to detect the presence of the fatal disease, six different machine learning techniques are used i.e., Support Vector Machine (SVM), Logistic Regression, Artificial Neural Network (ANN), Convolutional Neural Network (CNN), Recurrent Neural Network (RNN), and Long Short-Term Memory (LSTM). The performance of the proposed model is evaluated by using four evaluation metrics i.e., accuracy, precision, recall, and F1-Score. The RNN outperformed remaining algorithms in terms of accuracy (81%), precision (75%), and F1-Score (65%). However, the recall (56%) for ANN was higher as compared to SVM and logistic regression, CNN, RNN, and LSTM. With the help of this proposed patient's health monitoring system, doctors will be able to diagnose the presence of the disease earlier.
1. Introduction
The Internet of Things (IoT) (1–4) is a network environment in which each connected unit can interact with several other components within the network to send vital data for precise and real-time decision making. Today, IoT is a significant milestone in the wave of digital growth. As a result, IoT plays a vital role in critical scenarios such as medical applications. IoT efficiently serves as a platform for the development of smart medical-care systems (5). IoT is a turning point in the history of technological growth, particularly for millennials, who have only lived through the post-globalization era of the human history. Machine learning is a field of artificial intelligence (6–8). Since medical data has become digitized, machine learning plays an essential role in the detection of numerous diseases. In the last decade, researchers have looked into a variety of machine learning approaches in the health-care industry (9–11). Recent technological advancements have resulted in the successful integration of the Internet of Things and machine learning in a variety of fields. In the clinical setting, the coupling of these two fields i.e., machine learning and IoT can greatly aid in the creation of a receptive and interconnected environment and as a result, healthcare professionals and patients will benefit from a variety of services (5, 12, 13). While IoT is concerned with the extraction of information and resources, machine learning is concerned with data analysis, data expansion, learning, and taking decisions based on input data. IoT's main goal is to make the world around us smarter by delivering the necessary data on a historical or real-time basis and by implementing machine learning and artificial technologies make smart decisions. In today's world, many things contribute to an inappropriate way of life, including irregular eating habits, a lack of nutrition, pollutants, lack of sufficient exercise, unending work, impatience, and elevated stress levels, all of which contribute to worsening of human health. An inactive lifestyle affects up to 40 percent of youngsters, middle-aged people, and career women in various nations. Because of our hectic daily schedules, we barely have time to focus on our health, leading to a variety of health problems (14). Furthermore, it would be challenging for a doctor to keep a constant eye on the patient. Individual patients may find it challenging to maintain state of their health condition and seek guidance from their doctors. Chronic diseases are defined as those that last a long time and necessitate long-term therapy. Patients with severe conditions are frequently admitted to the hospital for extended periods of time to be monitored on a regular basis. Heart disease, cancer, and diabetes are examples of common chronic diseases (15). Diabetic disease is currently exceedingly serious, as it kills a large number of individuals each year. As a result, in order to live a normal life, the diabetic patient must be monitored on regular basis. Diabetes is a chronic condition (16–18) caused by pancreatic dysfunction, which happens when the organ does not make enough insulin or when the body does not use it adequately. Many organs, including the eyes, neurons, and internal organs, can become defective or worsen as a result of high or low blood sugar levels. Therefore, to prevent the diabetic patient's health from deteriorating, continual and daily monitoring is necessary. Current medical-care software platforms, such as health management systems, patient monitoring systems are insufficient in assisting treatment with necessary information. The objective of this research is to make a patient health monitoring system especially for those who are suffering from chronic diseases like diabetes. It is a novel application designed by using various machine learning models. In this application, the patient's data is extracted by using IoT wearable technology. The data collected from a variety of medical wearables is fed into this monitoring system. Afterwards, this application uses machine learning algorithms on raw data to evaluate the patient's health situation in order to make appropriate decisions and diagnoses. This application predicts the patient's state and in case of emergency, alarming notification is sent to the doctor and guardians to provide immediate surveillance. This paper's key responsibilities are as follows:
1. In an IoT platform, providing a healthcare model based on machine learning and deep learning.
2. Checking patient's health state by measuring two types of health condition metrics in real time: biological and behavioral changes.
3. To produce the best forecast, the patient's health status is categorized by using SVM, logistic regression and ANN, CNN, RNN, and LSTM.
The remainder of this article is structured in the following manner: The Section 2 looks into the work that has been done in the past. The methodology for our proposed application model is covered in Section 3. In Section 4, we present our experimental findings, and in Section 5, we wrap up this article and discuss the future work.
2. Related work
A variety of health systems is invented to aid in rapid diagnosis and constant monitoring of a patient's condition. Different techniques have been used in the suggested systems to monitor the patient's health. IoT applications are playing vital role in medical world. In latest years, a lot of studies on IoT-based medical systems have been published. In one approach (19), researchers used machine learning and IoT to detect stress beforehand by using patient's heartbeat rate. To find out the heart rate of patient, a pulse sensor is used. The reading of pulse sensor is sent to the node MCU which is Wi-Fi module along with 32-bit microprocessor. Two algorithms for classification are being used. VF - 15 algorithm is a feature interval-based classifier, which creates classification intervals during training and uses it to test the classifier. This classifier gives an accuracy of 62%. The second classifier is Naive Bayes approach which is a Bayesian classification algorithm and gives 50% of accuracy while testing. They applied SVM and Logistic Regression which show considerable improvement over VF - 15 and Naive Bayes. Limitation of this paper is inadequate data, as any machine learning algorithm can only give correct readings/predictions if it is applied on reliable data. In (20), the proposed model consists of three layers i.e., IoT layer, cloud layer, and student's health monitoring layer. In the first phase, patient's data are obtained through medical devices and sensors. In the second phase, data mining techniques are performed on patient's data. In the third step, parents will be given information about student health if needed. To evaluate the proposed model, four data mining algorithms i.e., decision tree (DT), random forest (RF), SVM, and multilayer perceptron (MLP) are utilized in this paper. The future work of this study is to suggest an edge-based data processing system to bring computation and data storage closer to the patient's location to improve emergency services response time and save bandwidth in the system (20). In this research (21), the authors have investigated the effects of stress and for this purpose they used the sensor data from the accelerometer and gyroscope on smart phones. The authors monitored the writing behavior of 46 participants on the touchscreen panel of smart phones. The collected dataset contained 112 different features. In order to rank these features, Gain Ratio feature selection algorithm was applied. The authors applied a range of classification algorithms on these features such as Decision Trees, Bayesian Networks and k-Nearest Neighbor methods. The authors observed that the accuracy of these classifiers was 74.26, 67.86, and 87.56% respectively (21). In paper (22) discusses applicability of Intelligent IoT based on Collaborative Machine Learning in healthcare and medicine by presenting a holistic multi-layer architecture. The feasibility of such architecture is investigated by a case study, ECG-based arrhythmia detection, based on deep learning and Convolutional Neural Network (CNN) methods. This paper introduces an IoT application framework E-Healthcare Monitoring System (EHMS) integrated with Machine learning (ML) techniques to design an advanced automation system. In (23), for experimental purposes, they have used a diabetic data set. The dataset was passed through a machine learning algorithm called SVM which has achieved an accurate report. As future work, more Machine Learning algorithms can be applied to improve efficiency of the proposed system. The work presented in (12) proposes a health care system based on random forest classifier and IoT. The proposed system will improve interactivity between patients and doctors. Experimental results are conducted using various datasets related to different diseases. The machine learning techniques that have been employed in this work are K-NN, Support Vector Machine, Decision Trees, Random Forest, and MLP. Maximum accuracy of 97.26% has been achieved on Dermatology dataset using Random Forest machine learning technique. As a future work, the proposed system can be extended to other applications such as earth observations, weather forecasting etc. In (24), the authors have proposed a system to monitor the real time health parameters in order to monitor health of the soldiers in real time who become lost and get injured in the battlefield. The authors used various sensors for data acquisition. In order to transmit this data from sensors to the cloud, they used the network infrastructure like LoRaWAN and ZigBee. In order to analyze this data and predict warzone environment, the authors used K-Means Clustering machine learning algorithm. Although K-Mean Clustering produced useful predictions, density-based clustering algorithms such as DBSCAN could improve the performance since it can discover clusters of arbitrary shapes as well. In this paper (25), the authors have proposed a fuzzy discernibility matrix (FDM) based feature selection technique using a parameter K for Motor Imagery EEG Signal Classification. Based on the accuracies produced by the Support Vector Machine (SVM) and Ensemble variants of classifiers, the authors established that the proposed approach outperformed the state-of-the-art approaches. The results could be further improved by using an adaptive value of K. Machine learning (ML) is an influential technology for extracting information from IoT data. Healthcare has adopted IoT and machine learning so that computers can automatically create medical records, anticipate illness diagnoses, and, most critically, keep track of patients in real time. Understanding the various machine learning methods used to analyze IoT data in the healthcare sector is critical. Different researches provide a complete overview of existing machine learning (ML) algorithms and their use in IoT medical data (26, 27). The Internet of Things (IoT) offers potential solutions for reducing the pressure on healthcare systems. For example, RFID technologies are utilized in medical facilities to reduce medical costs and improve healthcare provision. Doctors can quickly monitor patients' cardiac impulses through healthcare monitoring schemes, which helps them provide an appropriate diagnosis (28). To evaluate the ECG signal, authors in (29) proposed an IoT-enabled ECG monitoring system. Firstly, the raw ECG signal's statistical features are calculated. Then for acquiring the dynamic aspects of the ECG data, the Pan Tompkins QRS detection algorithm is used to evaluate the signal. The system is employed to obtain RR intervals from ECG signals to extract heart rate variability properties. The cardiac arrhythmia disorder is then diagnosed using statistical and dynamic variables added to the classification method For effective encoding of the ECG signal in time-frequency space, a discrete orthogonal transform employing discrete cosine transform was developed in (30). In this paper feature extraction was offered to reduce the feature set, and support vector machine with particle swarm optimization as a tuning parameter was proposed for improving the accuracy of ECG signal classification. In (31), an artificial neural network classifier with Bayesian normalization back propagation was developed to automatically categorize the rhythms of ECG signals and distinguish resuscitation cardiac rhythms. To enhance the classifier's accuracy, feature selection was implemented using a wrapper-based strategy.
Most of the aforementioned approaches have proposed techniques to predict diabetes by way of machine learning algorithms such as decision trees, random forests, and SVM etc. These approaches have been evaluated using the measures like accuracy, F1-score, and recall, etc. Some of the approaches used a hybrid of machine learning and Internet of Things in order to make predictions about diabetes in patients.
In this research, we have proposed a hybrid approach that is based on Internet of Things and deep learning neural networks in order to make more accurate and precise predictions about diabetes. By virtue of IOT based smart devices, patients health status can be gathered in real time. So this makes the data more dependable and accurate. This research focuses on using the deep learning neural networks owing to their supremacy in terms of accuracy especially when trained with huge amount of data.
3. Proposed methodology
Our suggested monitoring system is an IoT application which is used to monitor patient's medical state and periodic check-ups for a variety of chronic illnesses. In proposed system, IoT wearable technology is used to gather data from patients in a variety of medical centers, residences, and workplaces. IoT wearable diagnostics equipment can detect irregular symptoms (such as increased heart rate) that may have gone unnoticed during doctor visits. When a patient's symptoms are so infrequent, a doctor may advise wearing wearables to keep track of them. IoT based smart devices enhance patient outcomes by enabling fact-based disease diagnosis. Different IoT wearables are used for early illness detection e.g., body temperature sensors, sweat sensors, heart rate monitors, glucose monitors, and echocardiogram monitors. An IoT sensor that identifies a patient's unusually low heart rate may send out a warning, allowing medical personnel to intervene. When an IoT device captures patient data, it sends it to a software program where ML algorithms are used to analyze data and make treatment recommendations or alarms. Machine learning classification algorithms are used to generate the training models from the data gathered, which is instantly saved in the local server. Prediction, review analysis, decision making, and data visualization are all done with the data collected from patients. This can be discussed by doctor as well as patient.Our proposed monitoring system employs a few Internet of Things (IoT) smart wearable devices that transmit real-time data from the human body. Temperature, pulse rate, blood pressure, and diabetes sensors based on eye lances are all compatible. By employing the Internet of Things (IoT) technology and Machine Learning approaches, this system provides an innovative application model that provides a better approach and considerable enhancement for many specialized health services.
Figure 1 represents the overall working of the proposed model. First of all, by using IoT sensors patient's data is collected. Doctors evaluate the information they acquire in order to forecast sickness. Different machine learning classification methods were employed in the proposed model to classify the obtained data in order to distinguish between healthy and unhealthy patients. Machine learning classifiers are able to forecast the disease in a timely and accurate manner. We have used six different machine learning classifiers i.e., logistic regression, Support vector machine (SVM), and artificial neural network (ANN), Convolutional Neural Network (CNN), recurrent neural network (RNN), and Long Short-Term Memory (LSTM). The implementation of a suggested framework, there are three stages to the project. The first stage is data collecting; the second is data pre-processing and computing; and the third is data transparency to doctors. Patient data is collected from a variety of sources, including the patient's home, hospital, or clinic, as well as distant data. The patient data is collected in real-time using a variety of sensors and connected devices. The collected data is analyzed and validated for incomplete data during pre-processing. After the data has been pre-processed, it is transferred to the server for analysis. Six machine learning algorithms i.e., logistic regression, SVM, ANN, CNN, RNN, and LSTM are used to compute and evaluate the data. In order to implement the learning models, we divided our data into 80:20 training and testing datasets.
3.1. Support vector machine
SVM is the supervised learning approach (32). SVM is based on statistical learning theory. For binary classification and multi-class issues, the SVM method is used. The SVM approach creates massive hyperplanes in multi-dimensional area by optimizing the distance among data points and constructing a hyperplane with support vectors (33).
3.2. Logistic regression
Logistic regression (34) is a classification procedure that assigns facts to a defined specific class. It's a probability-based predictive analytic algorithm. Logistic regression may be used to categorize findings based on many forms of data and can quickly identify the most efficient variables for classification.
3.3. Artificial neural network (ANN)
Another most famous machine learning approach is artificial neural network (ANN) (35, 36), which is based on feed-forward neural networks. The input, hidden, and output layers are the three layers of an ANN. The input layer receives attribute input and uses hidden processing to transform the data into output for the output layer. The output layer transmits the output back to the hidden layer for more processing until the desired result is obtained. The modification is made during the training procedure. With the help of the hidden layer, the output layer decreases the output error. After the result is computed, the result is sent to the doctor in order to provide immediate surveillance to the patient in case diabetes is diagnosed.
3.4. Convolutional neural network (CNN)
CNN (37, 38) is a type of feedforward neural network designed to deal with deep network configurations. In CNN design, there are three levels layers: (1) Convolution layer: Translation inversion is provided by a convolutional layer. Because the convolution kernels operate on every portion of the sensor observation tensor, they are generally looking for the same feature throughout the tensor. The edge characteristics are extracted by the shallower convolution layer. The deeper convolution layers, on the other hand, retrieve the prospective features. (2) Pooling layer: After a convolution layer, a pooling layer is used to down-sample the feature maps created by the convolution layer. (3) Fully connected neural network layer: The fully connected layer is built in the same way as a regular neural network. Each hidden or output layer neuron is coupled to every input unit (that is, the outputs of the last pooling layer). The categorization results are generated by this layer.
3.5. Recurrent neural network (RNN)
RNN (39, 40) is made up of several layers with feedback loops that can propagate information from the past to the present. An RNN is made up of loops that allow the information to survive. The RNN's hidden layers serve as data storage, similar to computer memory. RNNs are a type of powerful DNN that deals with sequence data using its internal memory and loops.
3.6. Long short-term memory (LSTM)
The LSTM (41, 42) is a sort of recurrent neural network that can learn long-term dependencies. An LSTM network typically comprises four layers: an input layer, two hidden layers, and one output layer. There are three gates in this system: forget gate, input gate, and output gate.
3.7. Evaluation metrics
The performance of these six classifiers is assessed using four metrics (43).
1. Accuracy: The number of accurately estimated sample points among all the sample points is known as accuracy. It is evaluated by using formula given in (1)
2. Precision: It is the proportion of true positive cases to the overall number of illness cases. It is evaluated by using formula given in (2)
3. Recall: It's the proportion of true negative cases to the overall number of illness cases. And it is evaluated by using formula given in (3)
4. F1-Score: The F1-score is defined as the harmonic mean of the model's precision and recall and it is evaluated by using formula given in (4)
Where TP and TN denote the healthcare model's true positive and true negative predictions. The letters FP and FN stand for the healthcare model's false positive and false negative predictions.
4. Results and discussion
This section focuses into the results of classification algorithms, including SVM, logistic regression, ANN, CNN, RNN, and LSTM. The proposed model is implemented by using diabetes dataset obtained from the Kaggle data center, provided by the National Institute of Diabetes. The reason to choose these datasets is because the data is gathered from massive diabetes databases. These data come from a variety of pregnant women of different ages. The description of diabetes dataset is given in Table 1.
Accuracy of the six classifiers: The accuracy we have achieved by implementing SVM classifier on diabetic dataset is 79%. Logistic regression attained the accuracy of 76% while the ANN classifier attained 68% accuracy. CNN achieved the accuracy of 77%. RNN achieved the accuracy of 81% and accuracy achieved by the LSTM is 78%. As we can see that RNN classifier achieved maximum accuracy as compared to the other five classifiers. The accuracy of the evaluated classifiers is shown in Figure 2.
Precision of the six classifiers: The precision we have achieved by implementing SVM classifier on diabetic dataset is 73%. Logistic regression attained the precision of 68% while the ANN classifier attained 66% precision. Precision of CNN is 69%. The precision achieved by RNN is 75% and the precision achieved by LSTM is 73%. As we can see that RNN classifier achieved maximum precision as compared to other classifiers. The precision of the classifiers is shown in Figure 3.
Recall of the six classifiers: The recall we have achieved by implementing SVM classifier on diabetic dataset is 51%. Logistic regression attained the recall of 49% while the ANN classifier attained 56% recall. Recall achieved by CNN is 55%. RNN attained 49% recall and LSTM achieved Recall of 53%. As we can see that ANN classifier achieved maximum recall amongst other classifiers. Figure 4 depicts the recall achieved by all the classifiers.
F1-Score of the six classifiers: The F1-Score we have achieved by implementing SVM classifier on diabetic dataset is 60%. Logistic regression attained the F1-Score of 57% while the ANN classifier attained 59% F1-Score. CNN achieved 60% F1-Score. F1-Score achieved by RNN is 65% and LSTM obtained 61% F1-Score As we can see that RNN classifier achieved maximum F1-Score as compared to other classifiers. Figure 5 depicts the F1-Score achieved by all the classifiers.
Figure 6 represents the comparable graphical view of accuracy, precision, recall, and F1-Score for the classification approaches i.e., SVM, Logistic regression, ANN, CNN, RNN, and LSTM.
Figure 6. Comparable graphical view of accuracy, precision, recall, and F1-Score for the classification approaches i.e., SVM, Logistic regression, ANN, CNN, RNN, and LSTM.
Accuracy, precision, recall, and F1-Score of the implemented classifiers is represented in Table 2.
Table 2. Performance evaluation of SVM, logistic regression, ANN, CNN, RNN, and LSTM for given dataset.
5. Conclusion
Machine learning and Internet of Things are the modern-day technologies that have the great capacity of revolutionizing the diabetes risk prediction owing to the advanced computational methods and availability of plethora of diabetes risk dataset. An important problem in the medical world is the early detection of Diabetes. In this research, we have proposed a smart patient's health monitoring system that uses the trending technologies such as Internet of Things and Machine learning to predict Diabetes at its early stage. We evaluated six machine learning algorithms i.e., support vector machine (SVM), logistic regression, artificial neural network (ANN), Convolutional Neural Network (CNN), recurrent neural network (RNN), and Long Short-Term Memory (LSTM). To investigate the robustness of each model, accuracy, precision, recall, and F1-score were calculated and compared with others. We performed the experiments on Pima Indian Diabetes dataset. Experimental results showed that RNN is the most ideal algorithm for predicting Diabetes, which gives an accuracy, precision, and F1-Score that are higher than remaining algorithms. However, the recall for ANN was higher as compared to SVM and logistic regression, CNN, RNN, and LSTM. As in this research we have focused on single demographic (pregnant females) dataset. As a future work we will implement these classifiers on a dataset that will focus on a broader audience.
Data availability statement
Publicly available datasets were analyzed in this study. This data can be found here: https://www.kaggle.com/datasets/uciml/pima-indians-diabetes-database.
Ethics statement
Ethical review and approval was not required for the study on human participants in accordance with the local legislation and institutional requirements. Written informed consent for participation was not required for this study in accordance with the national legislation and the institutional requirements.
Author contributions
AN and RH conceived the model and project. RH implemented the learning models. TN, RH, SA, MAt, and MAr analyzed the results. AN, RH, and TN wrote the manuscript. All authors read, edited, and approved the final manuscript.
Funding
This research was funded by Princess Nourah bint Abdulrahman University Researchers Supporting Project number (PNURSP2022R239), Princess Nourah bint Abdulrahman University, Riyadh, Saudi Arabia.
Acknowledgments
The authors would like to thank the support of the Deanship of Scientific Research at Princess Nourah bint Abdulrahman University.
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.
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.
References
1. Kumar S, Tiwari P, Zymbler M. Internet of Things is a revolutionary approach for future technology enhancement: a review. J Big data. (2019) 6:1–21. doi: 10.1186/s40537-019-0268-2
2. Li S, Da Xu L, Zhao S. 5G Internet of Things: a survey. J Indus Inform Integr. (2018). 10:1–9. doi: 10.1016/j.jii.2018.01.005
3. Hasan MK, Alkhalifah A, Islam S, Babiker N, Habib A, Aman AHM, et al. Blockchain technology on smart grid, energy trading, and big data: security issues, challenges, and recommendations. Wireless Commun Mobile Comput. (2022) 2022:9065768. doi: 10.1155/2022/9065768
4. Hasan MK, Islam S, Sulaiman R, Khan S, Hashim AHA, Habib S, et al. Lightweight encryption technique to enhance medical image security on internet of medical things applications. IEEE Access. (2021) 9:47731–42. doi: 10.1109/ACCESS.2021.3061710
5. Pradhan K, Chawla P. Medical Internet of things using machine learning algorithms for lung cancer detection. J Manage Anal. (2020) 7:591–623. doi: 10.1080/23270012.2020.1811789
6. Cioffi R, Travaglioni M, Piscitelli G, Petrillo A, De Felice F. Artificial intelligence and machine learning applications in smart production: progress, trends, and directions. Sustainability. (2020) 12:492. doi: 10.3390/su12020492
7. Helm JM, Swiergosz AM, Haeberle HS, Karnuta JM, Schaffer JL, Krebs VE, et al. Machine learning and artificial intelligence: definitions, applications, and future directions. Curr Rev Musculoskelet Med. (2020) 13:69–76. doi: 10.1007/s12178-020-09600-8
8. Hasan MK, Ghazal TM, Alkhalifah A, Bakar KAA, Omidvar A, Nafi NS, et al. Fischer linear discrimination and quadratic discrimination analysis-based data mining technique for internet of things framework for Healthcare. Front Public Health. (2021) 9:737149. doi: 10.3389/fpubh.2021.737149
9. Garg A, Mago V. Role of machine learning in medical research: a survey. Comput Sci Rev. (2021) 40:100370. doi: 10.1016/j.cosrev.2021.100370
10. Pavithra D, Jayanthi A. A study on machine learning algorithm in medical diagnosis. Int J Adv Res Comput Sci. (2018) 9:42–46. doi: 10.26483/ijarcs.v9i4.6281
11. Ghazal TM, Hasan MK, Alshurideh MT, Alzoubi HM, Ahmad M, Akbar SS, et al. IoT for smart cities: machine learning approaches in smart healthcare–a review. Future Internet. (2021) 13:218. doi: 10.3390/fi13080218
12. Kaur P, Kumar R, Kumar M. A healthcare monitoring system using random forest and internet of things (IoT). Multimedia Tools Appl. (2019) 78:19905–16. doi: 10.1007/s11042-019-7327-8
13. Dubey SK, Tiwari SK, Pushpa SR, Gouda SK, Hansda V, Kumar S, et al. Design and development methodology for healthcare monitoring system based on IoT and machine learning approach. In: International Conference on Recent Trends in Artificial Intelligence, IOT, Smart Cities & Applications (ICAISC-2020). Zakopane (2020). doi: 10.2139/ssrn.3611499
15. Rghioui A, Lloret J, Sendra S, Oumnad A. A smart architecture for diabetic patient monitoring using machine learning algorithms. In: Healthcare, Vol. 8. Multidisciplinary Digital Publishing Institute (2020). p. 348. doi: 10.3390/healthcare8030348
16. Nazir T, Irtaza A, Shabbir Z, Javed A, Akram U, Mahmood MT. Diabetic retinopathy detection through novel tetragonal local octa patterns and extreme learning machines. Artif Intell Med. (2019) 99:101695. doi: 10.1016/j.artmed.2019.07.003
17. Albahli S, Nazir T, Irtaza A, Javed A. Recognition and detection of diabetic retinopathy using densenet-65 based faster-rcnn. Comput Mater Contin. (2021) 67:1333–51. doi: 10.32604/cmc.2021.014691
18. Nazir T, Irtaza A, Rashid J, Nawaz M, Mehmood T. Diabetic retinopathy lesions detection using faster-RCNN from retinal images. In: 2020 First International Conference of Smart Systems and Emerging Technologies (SMARTTECH). IEEE (2020). p. 38–42. doi: 10.1109/SMART-TECH49988.2020.00025
19. Pandey PS. Machine learning and IoT for prediction and detection of stress. In: 2017 17th International Conference on Computational Science and Its Applications (ICCSA). IEEE (2017). p. 1–5. doi: 10.1109/ICCSA.2017.8000018
20. Souri A, Ghafour MY, Ahmed AM, Safara F, Yamini A, Hoseyninezhad M. A new machine learning-based healthcare monitoring model for student's condition diagnosis in Internet of Things environment. Soft Comput. (2020) 24:17111–21. doi: 10.1007/s00500-020-05003-6
21. Pankajavalli P, Karthick G, Sakthivel R. An efficient machine learning framework for stress prediction via sensor integrated keyboard data. IEEE Access. (2021) 9:95023–35. doi: 10.1109/ACCESS.2021.3094334
22. Farahani B, Barzegari M, Aliee FS. Towards collaborative machine learning driven healthcare internet of things. In: Proceedings of the International Conference on Omni-Layer Intelligent Systems. (2019). p. 134–40. doi: 10.1145/3312614.3312644
23. Godi B, Viswanadham S, Muttipati AS, Samantray OP, Gadiraju SR. E-healthcare monitoring system using IoT with machine learning approaches. In: 2020 International Conference on Computer Science, Engineering and Applications (ICCSEA). IEEE (2020). p. 1–5. doi: 10.1109/ICCSEA49143.2020.9132937
24. Gondalia A, Dixit D, Parashar S, Raghava V, Sengupta A, Sarobin VR. IoT-based healthcare monitoring system for war soldiers using machine learning. Proc Comput Sci. (2018) 133:1005–13. doi: 10.1016/j.procs.2018.07.075
25. Chatterjee R, Maitra T, Islam SH, Hassan MM, Alamri A, Fortino G. A novel machine learning based feature selection for motor imagery EEG signal classification in Internet of medical things environment. Future Gen Comput Syst. (2019) 98:419–34. doi: 10.1016/j.future.2019.01.048
26. Aldahiri A, Alrashed B, Hussain W. Trends in using IoT with machine learning in health prediction system. Forecasting. (2021) 3:181–206. doi: 10.3390/forecast3010012
27. Mohammed CMAskar S, et al. Machine learning for IoT healthcare applications: a review. Int J Sci Bus. (2021) 5:42–51.
28. Birje MN, Hanji SS. Internet of things based distributed healthcare systems: a review. J Data Inform Manage. (2020) 2:149–65. doi: 10.1007/s42488-020-00027-x
29. Devi RL, Kalaivani V. Machine learning and IoT-based cardiac arrhythmia diagnosis using statistical and dynamic features of ECG. J Supercomput. (2020) 76:6533–44. doi: 10.1007/s11227-019-02873-y
30. Raj S, Ray KC. ECG signal analysis using DCT-based DOST and PSO optimized SVM. IEEE Trans Instrument Meas. (2017) 66:470–8. doi: 10.1109/TIM.2016.2642758
31. Rad AB, Eftestøl T, Engan K, Irusta U, Kvaløy JT, Kramer-Johansen J, et al. ECG-based classification of resuscitation cardiac rhythms for retrospective data analysis. IEEE Trans Biomed Eng. (2017) 64:2411–8. doi: 10.1109/TBME.2017.2688380
32. Pisner DA, Schnyer DM. Support vector machine. In: Mechelli A, Vieira S, editors. Machine Learning. London: Elsevier. (2020). p. 101–21. doi: 10.1016/B978-0-12-815739-8.00006-7
33. Duan B. Research on application of support vector machine in machine learning. J Electron Res Appl. (2019) 3:11–14. doi: 10.26689/jera.v3i4.916
34. Rymarczyk T, Kozłowski E, Kłosowski G, Niderla K. Logistic regression for machine learning in process tomography. Sensors. (2019) 19:3400. doi: 10.3390/s19153400
35. Hazra R, Banerjee M, Badia L. Machine learning for breast cancer classification with ann and decision tree. In: 2020 11th IEEE Annual Information Technology, Electronics and Mobile Communication Conference (IEMCON). Burnaby, BC: IEEE (2020). p. 522–7. doi: 10.1109/IEMCON51383.2020.9284936
36. Subasi A, Radhwan M, Kurdi R, Khateeb K. IoT based mobile healthcare system for human activity recognition. In: 2018 15th Learning and Technology Conference (L&T). Jeddah: IEEE (2018). p. 29–34. doi: 10.1109/LT.2018.8368507
37. Faruqui N, Yousuf MA, Whaiduzzaman M, Azad A, Barros A, Moni MA. LungNet: A hybrid deep-CNN model for lung cancer diagnosis using CT and wearable sensor-based medical IoT data. Comput Biol Med. (2021) 139:104961. doi: 10.1016/j.compbiomed.2021.104961
38. More S, Singla J, Verma S, Ghosh U, Rodrigues JJ, Hosen AS, et al. Security assured CNN-based model for reconstruction of medical images on the internet of healthcare things. IEEE Access. (2020) 8:126333–46. doi: 10.1109/ACCESS.2020.3006346
39. Pan Y, Fu M, Cheng B, Tao X, Guo J. Enhanced deep learning assisted convolutional neural network for heart disease prediction on the internet of medical things platform. IEEE Access. (2020) 8:189503–12. doi: 10.1109/ACCESS.2020.3026214
40. Leevy JL, Khoshgoftaar TM, Villanustre F. Survey on RNN and CRF models for de-identification of medical free text. J Big Data. (2020) 7:1–22. doi: 10.1186/s40537-020-00351-4
41. Iwendi C, Khan S, Anajemba JH, Bashir AK, Noor F. Realizing an efficient IoMT-assisted patient diet recommendation system through machine learning model. IEEE Access. (2020). 8:28462–74. doi: 10.1109/ACCESS.2020.2968537
42. Zhang P, Hang Y, Ye X, Guan P, Jiang J, Tan J, et al. A United CNN-LSTM algorithm combining RR wave signals to detect arrhythmia in the 5G-enabled medical internet of things. IEEE Internet Things J. (2021). doi: 10.1109/JIOT.2021.3067876
43. Mohammed R, Rawashdeh J, Abdullah M. Machine learning with oversampling and undersampling techniques: overview study and experimental results. In: 2020 11th International Conference on Information and Communication Systems (ICICS). Irbid: IEEE (2020). p. 243–8. doi: 10.1109/ICICS49469.2020.239556
Keywords: deep learning, medical-Internet of Things, machine learning, diabetes, RNN, CNN
Citation: Naseem A, Habib R, Naz T, Atif M, Arif M and Allaoua Chelloug S (2022) Novel Internet of Things based approach toward diabetes prediction using deep learning models. Front. Public Health 10:914106. doi: 10.3389/fpubh.2022.914106
Received: 06 April 2022; Accepted: 03 August 2022;
Published: 24 August 2022.
Edited by:
Mohammad Kamrul Hasan, Universiti Kebangsaan Malaysia, MalaysiaReviewed by:
Saeed Mian Qaisar, Effat University, Saudi ArabiaFazlullah Khan, Northwestern Polytechnical University, China
Mushtaq Ali, Riphah International University, Pakistan
Syed Waqar Ul Qounain Jaffry, University of the Punjab, Pakistan
Copyright © 2022 Naseem, Habib, Naz, Atif, Arif and Allaoua Chelloug. 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: Muhammad Arif, bXVoYW1tYWQuYXJpZiYjeDAwMDQwO2NzLnVvbC5lZHUucGs=; Samia Allaoua Chelloug, c2FjaGVsbG91ZyYjeDAwMDQwO3BudS5lZHUuc2E=