Next Article in Journal
Minimum-Energy Scheduling of Flexible Job-Shop Through Optimization and Comprehensive Heuristic
Previous Article in Journal
Attribute Relevance Score: A Novel Measure for Identifying Attribute Importance
Previous Article in Special Issue
Investigating Brain Responses to Transcutaneous Electroacupuncture Stimulation: A Deep Learning Approach
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Can the Plantar Pressure and Temperature Data Trend Show the Presence of Diabetes? A Comparative Study of a Variety of Machine Learning Techniques

by
Eduardo A. Gerlein
1,*,
Francisco Calderón
1,
Martha Zequera-Díaz
1 and
Roozbeh Naemi
2,3,*
1
Department of Electronics, Pontificia Universidad Javeriana, Bogotá 110231, Colombia
2
School of Health and Society, University of Salford, Manchester M6 6PU, UK
3
School of Health Science and Wellbeing, Staffordshire University, Stoke on Trent ST4 2DF, UK
*
Authors to whom correspondence should be addressed.
Algorithms 2024, 17(11), 519; https://doi.org/10.3390/a17110519
Submission received: 9 September 2024 / Revised: 20 October 2024 / Accepted: 25 October 2024 / Published: 12 November 2024
(This article belongs to the Special Issue Machine Learning in Medical Signal and Image Processing (2nd Edition))

Abstract

:
This study aimed to explore the potential of predicting diabetes by analyzing trends in plantar thermal and plantar pressure data, either individually or in combination, using various machine learning techniques. A total of twenty-six participants, comprising thirteen individuals diagnosed with diabetes and thirteen healthy individuals, walked along a 20 m path. In-shoe plantar pressure data were collected and the plantar temperature was measured both immediately before and after the walk. Each participant completed the trial three times, and the average data between the trials were calculated. The research was divided into three experiments: the first evaluated the correlations between the plantar pressure and temperature data; the second focused on predicting diabetes using each data type independently; and the third combined both data types and assessed the effect of such to enhance the predictive accuracy. For the experiments, 20 regression models and 16 classification algorithms were employed, and the performance was evaluated using a five-fold cross-validation strategy. The outcomes of the initial set of experiments indicated that the machine learning models were significant correlations between the thermal data and pressure estimates. This was consistent with the findings from the prior correlation analysis, which showed weak relationships between these two data modalities. However, a shift in focus towards predicting diabetes by aggregating the temperature and pressure data led to encouraging results, demonstrating the effectiveness of this approach in accurately predicting the presence of diabetes. The analysis revealed that, while several classifiers demonstrated reasonable metrics when using standalone variables, the integration of thermal and pressure data significantly improved the predictive accuracy. Specifically, when only plantar pressure data were used, the Logistic Regression model achieved the highest accuracy at 68.75%. Those predictions based solely on temperature data showed the Naive Bayes model as the lead with an accuracy of 87.5%. Notably, the highest accuracy of 93.75% was observed when both the temperature and pressure data were combined, with the Extra Trees Classifier performing the best. These results suggest that combining temperature and pressure data enhances the model’s predictive accuracy. This can indicate the importance of multimodal data integration and their potentials in diabetes prediction.

1. Introduction

Diabetes mellitus, a common chronic metabolic disorder characterized by elevated blood glucose levels, presents significant health challenges globally [1]. Its considerable impact on healthcare systems highlights the urgent need for early diagnosis and effective management to prevent complications and improve patient outcomes [2]. Among the complications associated with diabetes, diabetic foot problems are particularly severe, with the potential to lead to amputation in the most extreme cases [3]. Traditionally, diabetes diagnosis has relied on clinical assessments, blood tests, and self-reported symptoms. However, recent advances in technology have paved the way for innovative approaches to predicting and managing diabetes more efficiently [4]. Further complications, such as neuropathy, which causes nerve damage and loss of sensation, can lead to a diabetic foot, where minor injuries can go unnoticed and progress to severe infections or ulcers due to poor blood circulation and reduced healing capacity.
Accurate and timely prediction is essential for early intervention and effective disease management [5]. In recent years, wearable sensor technologies have gained popularity as tools for monitoring physiological data, showing promise in identifying new indicators to predict diabetes [6,7]. Notably, the use of thermal and pressure data has shown potential in improving the accuracy of diabetes diagnosis and treatment. For instance, measuring the plantar temperature can reveal differences in the soles of diabetic feet, with the ability to detect ulcers and necrosis with accuracies of 90% and 88%, respectively [8]. Infrared thermography has also proven to be effective in detecting temperature variability in the feet of diabetic patients, aiding in the early diagnosis and prevention of lesions in affected areas [9]. Furthermore, regression analysis has shown the potential to accurately predict the maximum plantar pressure in patients with type 2 diabetes mellitus, which is crucial for the prevention and early detection of diabetic foot complications [10]. However, studies that combine temperature and pressure data are limited. For example, Yavuz et al. [11] found no significant correlation between plantar temperatures and triaxial plantar stresses in individuals with diabetes. This lack of correlation suggests that these variables can be effectively combined as independent attributes in machine learning models for the prediction of diabetes, potentially leading to more robust predictive models, as is also discussed in this paper.
Wearable sensor technologies, such as those integrated into shoes or insoles, have emerged as promising tools for the continuous monitoring of physiological parameters relevant to the management of diabetes [12,13,14,15]. These non-invasive technologies enable continuous data collection, facilitating the early detection of potential problems, including those related to diabetic foot complications [16]. Of particular interest for the prediction of diabetes are the thermal patterns and pressure distribution measured by these devices [17].
Thermal imaging techniques are used to visualize the distribution of skin temperature, which can indicate underlying metabolic processes and pathological conditions. This non-invasive diagnostic method uses the principles of heat transfer and physiological responses of the body to detect temperature variations that can signal health problems [18]. Meanwhile, several studies have indicated that insole systems that measure plantar pressure can be beneficial in managing diabetic foot health by reducing ulcer recurrence, lowering plantar stress, helping to detect early complication, and improving gait and weight distribution [19,20,21].
The relationship between plantar pressure, temperature, and diabetic foot complications is an emerging area of research. Diabetic neuropathy often leads to foot ulceration due to a combination of elevated temperatures, loss of sensation, and abnormal pressure distribution. Understanding these factors is essential for the prevention and management of diabetic foot complications. Diabetic neuropathy is associated with higher plantar foot temperatures, which can be measured non-invasively using infrared thermal imaging, indicating its potential as a tool for evaluating high-risk diabetic feet [22]. Furthermore, plantar pressure measurements are increasingly integrated into clinical practice, with evidence supporting their role in ulcer prevention and the importance of long-term monitoring to provide feedback on concern pressure levels [23]. Sawacha et al. [24] emphasized that the simultaneous assessment of kinematics, kinetics, and plantar pressure can more accurately characterize the biomechanics of the diabetic foot, potentially helping to prevent foot ulcerations. The classification of plantar pressure distributions has proven useful in identifying diabetic patients at risk of foot ulceration and guiding the provision of preventive interventions, such as therapeutic footwear [25]. Changes in these parameters have been linked to diabetes-related foot complications, such as neuropathy and an increased risk of ulceration, ultimately contributing to the development of a diabetic foot [23]. However, there is a scarcity of studies that have investigated the potential of these measures to diagnose diabetes.
This study introduces a novel approach to predicting diabetes by integrating temperature and plantar pressure data, a combination not extensively explored in the previous research. While the existing studies typically focus on either temperature or pressure independently, our work leverages both modalities to enhance the predictive accuracy. This multimodal approach provides deeper insights into foot health and potential complications. This work contributes to the field by not only demonstrating the limitations of single-modality analysis but also by showing how integrating multiple data sources can yield more robust machine learning models for clinical prediction tasks.
Recently, the application of machine learning techniques in the prediction of diabetes has gained significant traction [26]. Machine learning uses computational algorithms to analyze large datasets, identify complex patterns, and make accurate predictions [27,28].
The machine learning approaches to diabetes prediction are inherently data-driven, relying on diverse datasets that include a wide range of patient information such as clinical data, genetic markers, lifestyle factors, and physiological measurements. The integration of wearable sensor technologies has further enriched these datasets by providing real-time, continuous monitoring of the parameters relevant to diabetes [29,30]. In the context of diabetes, the features of interest include blood glucose levels, insulin sensitivity, physical activity, dietary habits, and, as explored in this paper, thermal and pressure data from the feet. The machine learning models for diabetes prediction encompass a wide range of algorithms, such as Decision Trees, Support Vector Machines, Random Forests, and neural networks, among others. Each algorithm offers unique advantages and may be suited to different aspects of diabetes prediction. For example, deep learning models can effectively capture complex patterns in large datasets [31], while Decision Trees can provide more interpretable insights into risk factors [32,33]. Few studies have examined the application of several available algorithms in tandem on the predictions [34,35]. Evaluating the performance of machine learning models is a crucial step in the process. Metrics such as accuracy, sensitivity, specificity, and the area under the receiver operating characteristic curve (AUC-ROC) are commonly used to assess the predictive capacity of these models. Despite these, there is a scarcity of previous studies that have investigated the potential of these measures in tandem to diagnose diabetes.
The primary objective of this study is to investigate the feasibility of using thermal data, pressure data, or a combination of both variables to predict the presence of diabetes. By analyzing the time series data of thermal and pressure measurements from a diverse group of individuals—including both diabetic and non-diabetic subjects—we aim to explore the potential predictive capabilities of these variables. The study employs machine learning algorithms to assess whether plantar pressure, plantar temperature, or a combination of both can effectively predict diabetes. For our analysis, we used a consolidated thermal time series that includes data from five anatomical points at the feet, combined with pressure data.
In our study, the initial experiments aimed to investigate whether significant correlations could be established between thermal data and plantar pressure estimates using a variety of machine learning models for regression. Despite the use of sophisticated regression techniques, these models demonstrated sub-optimal performance in predicting pressure values from thermal data alone, as indicated by the low accuracy metrics and high error rates. The lack of a correlation suggests that the physiological processes reflected by the thermal measurements may not directly translate to the biomechanical indicators captured by the pressure data.
Recognizing the limitations of this approach, we shifted our focus towards aggregating both data types—temperature and pressure—for the prediction of diabetes. This multimodal approach yielded significantly more encouraging results, with a notable improvement in predictive accuracy. The combination of these independent datasets allowed machine learning models to leverage the complementary nature of thermal and pressure data, offering a more comprehensive understanding of the physiological changes associated with diabetes. By integrating these variables, we were able to achieve high levels of prediction accuracy, underscoring the importance of multimodal data fusion in medical diagnostics.
We hypothesize that integrating these two physiological datasets will result in more accurate predictions. For example, when used independently, classifiers such as the Logistic Regression model have shown moderate accuracy with pressure data (around 68.75%), while temperature data can yield higher accuracy, with the Naive Bayes model reaching up to 87.5%. However, it is expected that the combination of pressure and temperature data will lead to significantly improved performance, with classifiers like the Extra Trees Classifier demonstrating stronger metrics, including precision, recall, and F1 scores. This study will also explore the importance of algorithm selection in optimizing prediction accuracy and the need to tailor models to different participant groups.
By examining the performance of multiple machine learning models with both individual and combined data, this research seeks to highlight the potential of multimodal data integration in enhancing the accuracy of diabetes prediction.
The rest of the paper is organized as follows: Section 2 outlines the methods used in our study, detailing the composition of the dataset, the experimental setup and protocol, and the data acquisition procedures. In Section 3, we present the results of the predictive models using machine learning techniques. Section 4 delves into the discussion and conclusions, summarizing the insights gained and their implications for diabetes prediction and management.

2. Methods

This section describes the methodologies used in our investigation of the feasibility of predicting diabetes using thermal and pressure data. The following subsections provide a detailed discussion of the composition and characteristics of the dataset, the specific experimental procedures and protocols used to gather the data, and the techniques and instruments utilized for collecting plantar pressure and thermal measurements from the participants.

2.1. Dataset Description

The study involved a total of 26 participants, including 13 individuals at various stages of diabetes and 13 healthy controls. The group consisted of 18 women and 8 men, with ages ranging from 40 to 73 years. The weights of the participants ranged from 42 to 110 kilograms(kg), and their heights ranged between 1.42 and 1.90 meters(m).

2.2. Experimental Setup and Protocol

To ensure consistency and minimize confounding factors, an experimental area suitable for walking was carefully selected. The designated area was chosen to avoid “quick” twisting movements that could potentially increase friction inside the shoe, thereby impacting the measurements. A 25 m -shaped walkway was established for data collection, as illustrated in Figure 1.
Simultaneously, a thermal camera and a chronometer were arranged to record the necessary temperature measurements before and after the walks. The thermal camera was placed at a distance of 1 to 1.5 m from the feet of the participants to capture accurate thermal images, as shown in Figure 2.

2.3. Data Acquisition Procedure

The participant was first informed about the study. Initially, plantar pressure measurements were taken in the shoe while walking. Participants were asked to walk on an -shaped path in two familiarization trials, followed by three trials for pressure data collection. Twelve steps were analyzed to calculate the average peak plantar pressure during the stance phase of walking for each foot. The shoe pressure sensor (Parologg Pressure Measurement System, Paromed, Neu-Beuern, Germany) provided data that were processed to obtain the maximum plantar pressure, the average maximum plantar pressure, and the average plantar pressure at each anatomical point.
After completion of plantar pressure measurements, participants followed a procedure to measure foot temperature using a Flir One Pro thermal imaging camera. The temperature was recorded immediately before and immediately after the insoles, following these steps:
  • The participant was asked to be barefoot and lie supine on a flat couch, with a cushion placed under the head for comfort. Specific regions of interest on the feet were marked for thermal measurements. These regions included the hallux, first metatarsus, third metatarsus, fifth metatarsus, midfoot (proximal fifth metatarsal head), medial arch (proximal first metatarsal head), and heel, as shown in Figure 3.
  • After a 15 min acclimatization period on the couch, baseline foot temperature was recorded using the thermal imaging camera.
  • The participant then wore shoes and walked at a natural pace along the designated pathway.
  • Immediately after completing the walk, the shoes were removed and the participant was asked to lie on the couch.
  • Temperature measurements were taken at specific intervals 30 s, 90 s, 120 s, and 180 s after walking. For each measurement, the participant returned to the couch, removed their footwear, and thermal images were captured.
  • These temperature readings, along with the baseline values recorded after acclimatization, were used to calculate temperature changes.
This systematic approach ensures that each participant is evaluated under consistent starting conditions, thereby improving the reliability and validity of the study results. The data collection process resulted in a comprehensive dataset that includes thermal and pressure measurements from each participant. Specifically, each dataset comprises baseline foot temperature, thermal images taken at various time points during walking, and corresponding average pressure metrics at specific anatomical points.

2.4. Feature Description and Data Structure

For the first set of experiments, which focused on predicting plantar pressure metrics using temperature data, each data point consisted of temperature measurements recorded at five specific time intervals immediately after walking (0 s) and at 30 s, 90 s, 120 s, and 180 s. The data were collected from eight anatomical points on each foot: the hallux, first metatarsus, third metatarsus, fifth metatarsus, heel, lateral midfoot (LatMF), and medial midfoot (MedMF). Each anatomical point contributed temperature features based on three summary statistics (mean, maximum, and minimum) in addition to the five time-specific measurements. This resulted in 15 temperature features per anatomical point (5 time-based measurements + 3 summary statistics). Given that temperature data were collected from 8 anatomical points, each foot provided a total of 120 temperature features (15 features × 8 anatomical points).
These 120 temperature features were used as input to the machine learning regression models, with the target being one of the three plantar pressure metrics: peak pressure (PPP), average peak pressure (APPP), or average pressure (APP) for each anatomical point. The models tested included Extra Trees Regressor, K Neighbors Regressor, Dummy Regressor, Light Gradient Boosting Machine, Bayesian Ridge, Random Forest Regressor, Gradient Boosting Regressor, AdaBoost Regressor, Extreme Gradient Boosting, Orthogonal Matching Pursuit, Elastic Net, Lasso Least Angle Regression, Lasso Regression, Ridge Regression, Decision Tree Regressor, Huber Regressor, Linear Regression, Passive Aggressive Regressor, and Least Angle Regression. The goal of these regression models was to assess whether the temperature data alone could be used to predict the corresponding plantar pressure values. However, as detailed in the results, the models faced difficulties due to the low or insignificant correlations between temperature and pressure variables.
In the subsequent experiments, a multimodal approach was employed for the classification task of predicting diabetic status. In this setup, both temperature and pressure data were combined into the feature set. Pressure data were summarized into 3 metrics for each of the seven anatomical points (first metatarsus, third metatarsus, fifth metatarsus, hallux, heel, lateral midfoot, and medial midfoot), resulting in 21 pressure-related features (3 metrics × 7 points). When combined with the 120 temperature features, the complete feature vector used for classification consisted of 141 attributes per foot (120 temperature features + 21 pressure features). These feature vectors were used in machine learning classification models aimed at distinguishing between diabetic and non-diabetic subjects. The models tested in this task included Extra Trees Classifier, Random Forest Classifier, Extreme Gradient Boosting, Ada Boost Classifier, Gradient Boosting Classifier, Naive Bayes, Logistic Regression, Decision Tree Classifier, Linear Discriminant Analysis, Ridge Classifier, Quadratic Discriminant Analysis, K Neighbors Classifier, Support Vector Machine (SVM) with a linear kernel, Light Gradient Boosting Machine, and Dummy Classifier.
The models were implemented and evaluated using the PyCaret library [36], which automates the training and evaluation of machine learning algorithms for both regression and classification tasks. A 5-fold cross-validation strategy was employed to evaluate model performance. The dataset comprised 26 participants, with each foot treated as an independent instance, resulting in 52 instances in total. The cross-validation framework ensured that each participant’s data were used both in training and validation across different folds, mitigating overfitting and providing a robust estimate of model performance.

Analysis of Correlation Between Individuals’ Feet

To explore the validity of treating each foot as an independent instance in the dataset, a correlation analysis was performed across both feet of each individual and between feet of different individuals. The correlation index was calculated for each pair of feet, and the results are displayed in Figure 4, which shows the correlation matrix of pressure and temperature data.
The correlation matrix reveals that, on average, the correlation between feet from different individuals is relatively high, with a mean value of approximately 0.86. This suggests that, while there are similarities between individuals, there is still sufficient variability across the dataset to justify treating each foot as an independent instance. Such variability is important for machine learning models to generalize effectively, even when the left and right feet of the same individual are included in both the training and test sets across different folds.
Although the data demonstrate subtle similarities between feet, particularly in healthy individuals, these subtle differences are likely to capture clinically meaningful variations, especially in diabetic patients. In this population, asymmetry between feet may reflect complications such as neuropathy, making it important for the model to learn from these discrepancies. This approach enables the model to better generalize across a wider range of physiological conditions, improving its ability to detect early signs of complications.
By treating each foot as independent, we effectively increase the dataset size, which is particularly important in studies with small datasets. Given the high correlation values, the model benefits from additional data points while still capturing enough variation to avoid overfitting. Moreover, the use of 5-fold cross-validation ensures that the model is evaluated on a wide range of data splits, further reducing the risk of overfitting and ensuring robustness.
While potential bias due to symmetry in healthy individuals is acknowledged, the correlation analysis suggests that this bias is minimal. From a machine learning perspective, the variability present in the dataset justifies the approach, particularly given the asymmetry often observed in diabetic patients. As a result, treating each foot as an independent instance not only increases the dataset’s robustness but also enhances the generalization of the machine learning models by exposing them to a broader range of conditions.
Rationale for Independent Foot Analysis: While treating each foot as an independent data point increases the dataset size and helps to capture key asymmetries in diabetic individuals, we acknowledge that this approach may introduce bias, particularly in healthy individuals where greater symmetry between left and right feet is typically observed. Inclusion of both feet in both the training and testing sets could lead to inflated model performance as the symmetry between feet in healthy individuals might not reflect true independent variability. Results should be interpreted with caution, especially in cases where foot symmetry is expected.
The essential variations in patients likely include differences in temperature distribution, pressure patterns, and structural abnormalities between the left and right feet. These variations are particularly important in diabetic patients, where asymmetries can indicate complications like ulcers, neuropathy, or other foot pathologies. From a machine learning standpoint, capturing these discrepancies improves the model’s ability to detect early signs of these complications and enhances the generalization of predictions by training on a wider range of physiological conditions. The model, thus, becomes better at identifying both subtle and more pronounced differences in foot health.
Furthermore, cross-validation was applied during model evaluation to mitigate overfitting and ensure that the models were tested across various data splits, reducing the risk of performance overestimation [37,38].This method is commonly used to assess machine learning models’ effectiveness in scenarios where data symmetry, such as in gait analysis, is a concern [37]. Moreover, cross-validation is particularly effective in controlling overfitting when dealing with uncorrelated errors, as observed in machine learning models used for prediction tasks. Although k-fold cross-validation is not entirely immune to bias in small sample sizes, it offered a rigorous evaluation of the model’s performance across different subsets of the data [38].
During each iteration or “fold” within the cross-validation protocol, the training subset was split into subgroups. One subgroup served as the training data, facilitating the model’s learning process, while the other subgroup acted as the validation data, against which the model’s performance was assessed. This partitioning adhered to the established 5-fold methodology, ensuring a comprehensive and evenly distributed assessment across the entire dataset. Following this procedure, each instance within the dataset participated in both the training and validation phases across five distinct folds. This approach mitigates any bias that could arise from a single partitioning of the data, leading to a thorough evaluation of the model’s effectiveness in handling diverse scenarios and potential variations within the dataset.
Upon completion of the cross-validation process, performance metrics such as accuracy, recall, precision, F1 score, and kappa were systematically compiled for each fold and averaged to provide an estimate of the model’s overall performance.

2.5. Machine Learning Algorithms

2.5.1. Regression Models

For the regression tasks aimed at predicting plantar pressure metrics from temperature data, the following algorithms were utilized:
  • Extra Trees Regressor: An ensemble learning method that aggregates results from multiple randomized Decision Trees to improve prediction accuracy.
  • K Neighbors Regressor: A non-parametric method that predicts the output based on the average value of the k-nearest neighbors in the feature space.
  • Dummy Regressor: A simple baseline model that makes predictions using basic strategies such as the mean or median of the target values.
  • Light Gradient Boosting Machine (LightGBM): A gradient boosting framework that uses tree-based learning algorithms, optimized for efficiency and performance.
  • Bayesian Ridge: A linear regression model that uses Bayesian inference to estimate the regression coefficients.
  • Random Forest Regressor: A tree-based ensemble model that builds multiple Decision Trees and averages their outputs to enhance predictive accuracy.
  • Gradient Boosting Regressor: An ensemble technique that builds models sequentially, optimizing the prediction by minimizing the error of previous models.
  • AdaBoost Regressor: A boosting method that combines weak regressors to produce a strong predictive model by focusing on the most difficult-to-predict instances.
  • Extreme Gradient Boosting (XGBoost): A highly efficient and flexible boosting algorithm that improves performance by reducing overfitting and increasing accuracy.
  • Orthogonal Matching Pursuit: A greedy algorithm for linear regression that selects the most correlated features in each iteration.
  • Elastic Net: A regularized regression model that linearly combines L1 and L2 penalties of the lasso and ridge methods to improve prediction and feature selection.
  • Lasso Least Angle Regression (LassoLARS): A variant of linear regression that automatically selects the most relevant features by shrinking the less important ones to zero.
  • Lasso Regression: A regression method that performs both variable selection and regularization to enhance prediction accuracy.
  • Ridge Regression: A technique used when multicollinearity exists, adding a degree of bias to the regression estimates.
  • Decision Tree Regressor: A non-linear regression model that splits the dataset into subsets based on the feature values to make predictions.
  • Huber Regressor: A robust regression technique that is less sensitive to outliers in the data than least squares regression.
  • Linear Regression: A basic regression model that assumes a linear relationship between the input features and the target values.
  • Passive Aggressive Regressor: An online learning algorithm that updates the model in response to each individual sample.
  • Least Angle Regression (LARS): A regression algorithm particularly suited for high-dimensional data, similar to forward stepwise regression.

2.5.2. Classification Models

For the classification task of predicting diabetes status based on combined pressure and temperature features, the following models were employed:
  • Extra Trees Classifier: An ensemble learning method that aggregates the results of multiple randomized Decision Trees to make predictions.
  • Random Forest Classifier: A tree-based ensemble method that creates multiple Decision Trees for classification and averages their outputs.
  • Extreme Gradient Boosting (XGBoost): A highly efficient boosting algorithm used for classification tasks, known for its high performance in structured data.
  • AdaBoost Classifier: A boosting algorithm that improves classification by combining weak classifiers to form a stronger overall classifier.
  • Gradient Boosting Classifier: An iterative boosting method that combines weak classifiers to produce a strong predictive model by sequentially reducing the classification error.
  • Naive Bayes: A probabilistic classifier based on Bayes’ theorem, assuming independence between the features.
  • Logistic Regression: A simple linear classifier used to predict the probability of a binary outcome (diabetes or non-diabetes).
  • Decision Tree Classifier: A non-linear model that classifies instances by recursively partitioning the feature space based on feature values.
  • Linear Discriminant Analysis (LDA): A classification algorithm that models the differences between multiple classes by assuming normally distributed features.
  • Ridge Classifier: A variant of Logistic Regression that uses regularization to handle collinearity and improve classification.
  • Quadratic Discriminant Analysis (QDA): A classifier that assumes each class is normally distributed but with different covariance matrices.
  • K Neighbors Classifier: A non-parametric method that classifies instances based on the majority class of the k-nearest neighbors in the feature space.
  • Support Vector Machine (SVM) with a linear kernel: A classification algorithm that creates a linear boundary between classes to maximize the margin between them.
  • Light Gradient Boosting Machine (LightGBM): A highly efficient gradient boosting method optimized for classification tasks on large datasets.
  • Dummy Classifier: A simple baseline model that makes predictions using basic strategies such as stratified or most frequent class predictions.

2.5.3. Handling of Correlated Features in Machine Learning Models

The machine learning algorithms used in this study, including Extra Trees, Random Forest, Gradient Boosting, and Support Vector Machines (SVMs), are well-suited to handle potential correlations between features, such as the left and right foot data [39]. These algorithms are based on ensemble techniques, Decision Trees, or linear models, which inherently manage redundancy and correlation in input features [40]. For instance, Random Forest is effective in handling feature selection, even with a high number of variables, which helps in improving model accuracy and performance by eliminating unimportant variables [41]. Correlations between input features do not necessarily degrade the performance of these algorithms because they assess the contribution of each feature in relation to the target outcome, even when multiple features carry similar information (as could be the case with left and right foot data).
Moreover, the use of regularization techniques in models like SVMs [42] or Logistic Regression helps to control for overfitting, which can occur in the presence of correlated data [43].
Given the relatively high correlations observed in the dataset, these algorithms are capable of identifying meaningful patterns without being adversely affected by the similarity between left and right foot data. This approach ensures that the models generalize well even in the presence of correlated measurements.

2.5.4. Hyperparameter Tuning

In the process of model selection and training, default hyperparameters were used for each of the machine learning models as hyperparameter tuning was not performed in the initial comparison phase. PyCaret automatically trains a range of models using their standard settings, enabling quick evaluation of model performance. Once the best-performing model is identified, further optimization can be performed through hyperparameter tuning to improve the results. Table 1 is a summary of the machine learning models used in our study, separated into classification and regression models, together with their respective default parameter values.

3. Results

3.1. Correlation Between Plantar Pressure and Temperature Data

This section analyzes the relationship between plantar pressure and temperature data by calculating the correlation coefficients for various anatomical points. The aim of this analysis is to explore how changes in plantar pressure at specific regions of the foot correlate with variations in temperature. Understanding these correlations can provide insights into the biomechanical and thermodynamic responses of the foot under varying load conditions and diabetes conditions.

3.1.1. Calculation of Correlation Coefficients

The relationship between pressure and temperature was assessed by computing both Pearson and Spearman correlation coefficients for each combination of temperature and plantar pressure features. The Pearson correlation coefficient measures the linear relationship between two continuous variables, while the Spearman correlation coefficient captures potential non-linear relationships by assessing the monotonic association between ranked data.
The formulas used for these calculations are as follows:
  • Pearson correlation:
    r = ( X i X ¯ ) ( Y i Y ¯ ) ( X i X ¯ ) 2 ( Y i Y ¯ ) 2
    where X i and Y i represent the data points for temperature and pressure, respectively, and X ¯ and Y ¯ are their respective means.
  • Spearman correlation:
    ρ = 1 6 d i 2 n ( n 2 1 )
    where d i is the difference between the ranks of the corresponding values and n is the number of observations.
Both correlation coefficients were computed for each anatomical point, such as the first metatarsal (1stM), fifth metatarsal (5thM), hallux, heel, and the lateral and medial midfoot (LatM and MedMF), in combination with various temperature measurements.

3.1.2. Anatomical Points and Correlation with Temperature

Due to the large number of data points across different anatomical regions, it becomes challenging to present all the correlation results in a single table. Comprehensive results are available in the Supplementary Materials at the end of the paper (Supplementary Materials). Therefore, the key findings from each anatomical point are summarized below.

First Metatarsal (1stM)

The correlation between temperature and pressure at the first metatarsal was generally weak. Several negative Pearson correlations were observed, particularly in relation to the MedMF temperature features. For example, the MedMF temperature features often showed weak inverse relationships with the 1stM pressure data, indicating that temperature increases in the midfoot are weakly associated with pressure decreases at the first metatarsal.

Third Metatarsal (3rdM)

The third metatarsal exhibited moderate negative correlations with temperature, especially in relation to the medial midfoot region. This suggests that, as the temperature increases in the midfoot, the pressure in the third metatarsal tends to decrease. For instance, MedMF_Ref_Min and 3rdM_APP showed a Pearson correlation as low as r = 0.317 , indicating inverse relationship.

Fifth Metatarsal (5thM)

The fifth metatarsal displayed more variable correlations with temperature. In some cases, such as with MedMF_Min and MedMF_Max, positive correlations were observed, suggesting that the temperature and pressure in this region increase together. This suggests that the lateral side of the foot experiences a localized mechanical and thermal response, where higher pressure is associated with increased temperature.

Hallux

The hallux consistently showed positive correlations with temperature, particularly in relation to the MedMF temperature features. The Pearson correlations between the MedMF temperature features and hallux pressure ranged from r = 0.27 to r = 0.38 , indicating a moderate positive relationship. This suggests that, as the plantar pressure at the hallux increases, the temperature in the midfoot rises, reflecting the transfer of the mechanical load and thermal response in this region.

Heel

The correlations between the temperature and pressure in the heel were relatively weak compared to those in the hallux and metatarsals. Moderate positive correlations were observed in some cases, particularly in relation to MedMF_Min and MedMF_Max, suggesting that temperature increases in the heel are weakly associated with pressure increases.

Lateral and Medial Midfoot (LatM and MedMF)

The strongest correlations were observed in the midfoot regions, particularly the medial midfoot (MedMF). Both the Pearson and Spearman correlation coefficients showed moderate to strong positive correlations between LatM and MedMF pressure and temperature. For example, MedMF_Ref_Mean and MedMF_Ref_Max showed Pearson correlations above r = 0.4 with pressure at the LatM, indicating that increased pressure in the lateral midfoot is strongly associated with increased temperature in the medial midfoot.
This analysis reveals several important patterns:
  • Moderate Positive Correlations: Strong correlations were observed between pressure and temperature in the midfoot regions, particularly in the MedMF and LatM regions, indicating an interdependence between the mechanical load and thermal responses in these areas.
  • Weaker or Negative Correlations: In regions such as the 1stM and 3rdM, weaker or inverse correlations were found, suggesting that temperature variations have a limited effect on pressure in these areas.

3.1.3. Possible Impact of Correlation on Machine Learning Performance

The results of correlation analysis between the temperature and plantar pressure data highlights the potential limitations of using temperature as a standalone feature for pressure prediction. The generally weak and inconsistent correlations across most anatomical points suggest that the underlying relationship between these variables is not strong enough to support accurate pressure predictions using only temperature data. This lack of correlation may serve as an early indicator of poor performance in machine learning models designed to predict plantar pressure from temperature alone. Given the weak association, it is hypothesized that these models will struggle to capture the necessary patterns for reliable predictions.
However, this condition also presents an opportunity for exploring multimodal approaches, where temperature data are combined with other biomechanical features such as the pressure readings to improve the prediction accuracy. In the following sections, a series of machine learning experiments are conducted to test the predictive capability of temperature alone, and then in combination with other relevant features.

3.2. Machine Learning Analysis for Pressure Estimation

In this section, the machine learning analysis conducted to estimate pressure values based on thermal time series data is presented. The experiments were designed to explore the correlation between the thermal data and three pressure metrics: peak pressure, average peak pressure, and average pressure at various anatomical points on the feet.

3.2.1. Pressure Estimation at Individual Anatomical Points

As part of the first set of experiments, a dataset was constructed where the target regression values were each of the three pressure metrics. The features were derived from the thermal time series data. The temperature measurements, representing a time series, were recorded at specific intervals—30 s, 90 s, 120 s, and 180 s—at various anatomical points on the feet. The pressure values were consolidated into three metrics: peak pressure, average peak pressure, and average pressure for each anatomical point.
The analysis of the machine learning models revealed a lack of a significant correlation between the thermal time series data and the predicted pressure values. This outcome was consistent across all the anatomical points and pressure metrics, as indicated by the negative R2 values. The performance metrics for the regression models, including MAE, MSE, RMSE, RMSLE, and MAPE, exhibited high error rates and negative R2 values, suggesting that the models struggled to accurately estimate the pressure values based on thermal data alone. These findings indicate that thermal data, when used in isolation, may not provide a reliable basis for pressure estimation.
Due to the extensive volume of results, only the outcomes for three anatomical points are presented as examples. Table 2 provides the metrics for a regressor estimating the average peak pressure at the hallux, Table 3 presents the metrics for the average peak plantar pressure estimation at the third metatarsus, and Table 4 displays the metrics for peak plantar pressure estimation at the heel. As shown in these tables, large errors were obtained, suggesting the difficulty of predicting pressure values solely from thermal time series data. These results raise questions about the suitability of using thermal data alone for pressure estimation. Further investigation is necessary to identify additional features or data sources that may enhance the accuracy of pressure prediction models. The results indicate significant challenges in predicting pressure values using thermal time series data alone, as evidenced by the high error rates and negative R2 values across most of the models.
For the hallux, as shown in Table 2, the Extra Trees Regressor had the best performance among the models, but even this model yielded a negative R2 value (−0.4872) and substantial errors (MAE = 23.7315; RMSE = 27.1971), indicating poor predictive accuracy. Other models, such as the K Neighbors Regressor and Random Forest Regressor, demonstrated even higher errors and more negative R2 values, further underscoring the difficulty of estimating pressure from thermal data in this region.
In the third metatarsus (Table 3), the models performed similarly poorly. The Light Gradient Boosting Machine and Dummy Regressor produced the same results, with a negative R2 value of −0.7524 and considerable errors (MAE = 59.1336; RMSE = 69.5438). The Least Angle Regression model performed particularly poorly, with extreme errors (MAE = 1358.865; RMSE = 1583.866) and a highly negative R2 value of −1376.8, suggesting that this model is entirely unsuitable for this task.
For the heel (Table 4), the Extra Trees Regressor again performed the best among the models but with a negative R2 value (−0.8203) and significant errors (MAE = 42.6667; RMSE = 48.1738). The Linear Regression and Least Angle Regression models were particularly ineffective, with extremely high error metrics and highly negative R2 values, indicating a complete failure to predict the pressure values accurately in this region.
Overall, the results across all the anatomical points suggest that the regression models struggle to accurately predict plantar pressure based solely on thermal data. The consistently high errors and negative R2 values across the models raise questions about the feasibility of using thermal time series data as a standalone predictor for plantar pressure. Further research is needed to explore alternative features or combinations of data that may improve the predictive accuracy of these models.

3.2.2. Analysis of Correlation Between Consolidated Temperature and Pressure Prediction

An additional analysis was conducted to explore the potential correlation between consolidated temperature data from the entire foot, measured at the five anatomical points, and the pressure metrics at a single point. To test this hypothesis, the dataset was augmented to include the consolidated thermal time series data from these five anatomical points. These combined temperature data were then used to predict the average pressure at each of the anatomical points, focusing on the three pressure metrics. The objective of this analysis was to determine whether temperature information from multiple locations on the foot could enhance the prediction of pressure at a specific site.
Given the extensive results collected from five anatomical points and three pressure metrics, Table 5, Table 6 and Table 7 provide a representative sample of the findings. These tables focus on the first metatarsus targeting average peak pressure, the fifth metatarsus targeting average peak plantar pressure, and the lateral midfoot targeting peak plantar pressure. As observed, the results indicate that the correlation between the consolidated temperature and the pressure metrics did not produce promising outcomes. The analysis shows negative R2 values and high errors across various evaluation metrics, suggesting that the consolidated temperature data are not sufficient for accurately predicting the pressure values at these specific anatomical points.
The regression models employed in this analysis were consistent with those used in the previous sections, and similar metrics were utilized to evaluate the performance of these models. The objective was to determine whether consolidated temperature data from multiple anatomical points could improve the prediction of the pressure metrics at specific locations on the foot. However, the analysis reveals a weak correlation between the consolidated temperature data and the pressure metrics, as indicated by consistently negative R2 values and high error metrics across all the models.
In Table 5, which presents the results for the first metatarsus targeting average peak pressure, all the regression models demonstrate poor performance. The Light Gradient Boosting Machine and Dummy Regressor, which produced identical results, recorded a mean absolute error (MAE) of 24.3803 and a root mean square error (RMSE) of 29.9025, with a negative R2 value of −0.6947. This suggests that these models, like the others, failed to capture any meaningful relationship between the consolidated temperature data and the pressure values at the first metatarsus. The errors were substantial across the board, with the Least Angle Regression model showing the worst performance, recording an MAE of 5.46 × 1035 and infinite values for both MSE and RMSE, reflecting the model’s complete inability to make accurate predictions.
Similarly, in Table 6, which focuses on the fifth metatarsus targeting average peak plantar pressure, the results were equally discouraging. The Light Gradient Boosting Machine and Dummy Regressor again demonstrated a poor performance, with an MAE of 37.8672 and an RMSE of 46.2579, coupled with a negative R2 value of −0.7488. Even the more advanced models, such as Extreme Gradient Boosting and Elastic Net, yielded high error metrics (e.g., RMSE values of 57.8543 and 55.4159, respectively) and negative R2 values (−1.9084 and −1.7926), further underscoring the inadequacy of using consolidated temperature data to predict the pressure metrics at the fifth metatarsus. The Least Angle Regression model once again produced extreme results, with errors of the same magnitude as those observed in the previous table, highlighting its unsuitability for this task.
Overall, these results suggest that the consolidated temperature data from multiple anatomical points are not sufficient to predict the pressure metrics accurately at specific locations on the foot. The negative R2 values across all the models indicate that the regression models failed to capture any meaningful relationship between the temperature data and the pressure metrics. The consistently high errors in metrics such as MAE, MSE, RMSE, RMSLE, and MAPE further reinforce this conclusion, suggesting that alternative data sources or additional features may be required to enhance the accuracy of the pressure prediction models.
The results of this analysis suggest that consolidating thermal data from multiple anatomical points did not improve the accuracy of the pressure predictions at individual anatomical points, as demonstrated by the regression metrics for the lateral midfoot targeting peak plantar pressure (Table 7). The weak correlation between the consolidated temperature data and the pressure metrics is evident from the consistently negative R2 values and the high errors observed across the various models.
For example, the Extra Trees Regressor, which is generally a strong performer in regression tasks, yielded an MAE of 21.6342 and an RMSE of 24.3457, accompanied by a significantly negative R2 value of −4.1466. Similarly, the Elastic Net and Extreme Gradient Boosting models also exhibited poor performances, with negative R2 values of −4.509 and −4.8219, respectively, and relatively high error metrics (e.g., RMSE values of 26.9775 and 26.2291, respectively). These results indicate that the models were unable to effectively capture the relationship between the consolidated temperature data and the pressure at the lateral midfoot, leading to inaccurate predictions.
Additionally, the Passive Aggressive Regressor, which had one of the lowest RMSE values at 20.8999, still exhibited a negative R2 value of −5.027, further confirming the lack of a meaningful relationship between the temperature data and the pressure metrics. The consistently high MAE, MSE, RMSE, and RMSLE values across all the models, coupled with the negative R2 values, suggest that the temperature data from different anatomical points may not be directly related to the pressure at a specific location, at least with the models and features used in this study. The results for other models, such as the Decision Tree Regressor and Linear Regression, are even more striking, with highly negative R2 values (−8.7018 and −16.3879, respectively) and large errors (e.g., RMSE values of 31.3636 and 33.3176, respectively). These metrics highlight the complexity of accurately predicting the pressure distribution in the feet based on thermal data alone.
In all the models tested, negative R 2 values were consistently observed, as shown in Table 1, Table 2, Table 3, Table 4, Table 5, Table 6 and Table 7. A negative R 2 value indicates that the model’s predictive power is worse than simply predicting the mean of the data. This suggests that the temperature data alone do not contribute effectively to predicting the plantar pressure at the anatomical points analyzed. These results corroborate the findings of the correlation analysis, where weak or no significant correlations were detected between the temperature and pressure data. Therefore, the poor predictive accuracy of the models, as indicated by the negative R 2 values, is consistent with the inherent lack of a strong relationship between the two modalities.

3.2.3. Implications of Correlations for Machine Learning Model Performance

The observed correlations between plantar pressure and temperature, described in Section 3.1, provide insights that may explain the challenges faced in the first set of experiments, where temperature data were used to predict the plantar pressure. The weak and inconsistent correlations, especially in regions like the 1stM and 3rdM, suggest that temperature alone may not be a strong predictor of pressure in certain anatomical points. The lack of substantial linear or monotonic relationships indicates that the temperature data do not capture the complexities and variations in the pressure distribution across the foot. These findings imply that machine learning models trained solely on temperature features are likely to perform poorly when predicting plantar pressure as the underlying relationship between these variables is weak. The moderate to strong correlations in the midfoot regions (LatM and MedMF) may offer some predictive potential, but, overall, the weak correlations in other areas suggest that additional features or more complex data representations will be required to enhance the performance of the predictive models. This emphasizes the importance of incorporating more diverse and relevant biomechanical features when developing machine learning algorithms for plantar pressure prediction.

3.3. Diabetes Prediction from Temperature and Pressure Data

The lack of a significant correlation between the consolidated thermal data and pressure metrics, as observed in the previous analysis, suggests that these two variables may not be directly related or reflect a causal relationship. However, this apparent disconnect between the thermal data and pressure values does not diminish their individual predictive potential. On the contrary, it opens the door to treating temperature and pressure as independent features in the context of diabetes prediction.
By considering thermal and pressure data as separate, uncorrelated inputs, it becomes possible to harness the unique predictive capabilities of each variable. Temperature data may capture specific physiological responses, such as inflammation or altered blood flow, that are indicative of diabetic conditions, while pressure data could reflect biomechanical abnormalities associated with diabetes, such as altered gait or foot structure. Together, these independent features have the potential to provide a more comprehensive and accurate prediction model for diabetes.
In this following section, we explore the application of these variables in diabetes prediction. By leveraging their individual strengths as separate features within machine learning models, we aim to enhance the accuracy and reliability of diabetes diagnosis, as demonstrated in the first study. The primary objective of this study is to assess the combined predictive potential of temperature and pressure data to diagnose diabetes. To achieve this, a set of machine learning models, facilitated by the PyCaret library, were employed to predict the diabetes status for each instance in the dataset.
Table 8 provides an overview of the results obtained from the diabetes prediction task across the tested machine learning models. The table is organized to reflect a performance hierarchy, listing the models in descending order according to their predictive effectiveness. This arrangement begins with the highest-performing model and progresses to those with comparatively lower predictive capabilities.
Upon reviewing the performance metrics across the various machine learning models, several key insights emerge. The Extra Trees Classifier stands out as the top performer, demonstrating the highest accuracy, AUC, recall, precision, F1 score, and kappa values, which collectively indicate its strong and consistent performance across multiple metrics. In contrast, models such as the Random Forest Classifier, Extreme Gradient Boosting, and Naive Bayes show variability in their performance across the different metrics, suggesting differences in how these models address various aspects of the prediction task.
Certain models, such as Quadratic Discriminant Analysis and K Neighbors Classifier, exhibit lower accuracy, recall, precision, and F1 scores, which may reflect limitations in their predictive capabilities for this particular dataset. Additionally, models like the SVM with a Linear Kernel, Light Gradient Boosting Machine, and Dummy Classifier display zero performance across all the metrics, indicating that they may not be suitable for this specific prediction task. In general, the data highlight a diverse range of model performances, shedding light on potential candidates that excel in predicting diabetes based on the combined temperature and pressure data.
Table 9 and Table 10 summarize the results of two distinct experiments, each focusing on predicting diabetes using temperature or pressure as independent variables. Although several classifiers achieve respectable metrics when applied to individual variables, their performance does not match the superior precision observed with the combined data prediction presented in Table 8. In the experiment utilizing temperature data, the classifiers exhibit varying degrees of accuracy, with the Naive Bayes model achieving the highest accuracy at 0.875. Similarly, in the pressure-only experiment, the Logistic Regression model attains an accuracy of 0.6875, marking the best performance among the classifiers for this experiment.
Furthermore, it is important to observe that the F1 score, recall, and precision metrics are closely aligned in the table for diabetes prediction using both the combined pressure and temperature features, as well as in the individual predictions. This consistency across the metrics indicates that the model provides a balanced response between both classes. In particular, the similarity of these metrics suggests that the model is not biased toward one class over the other, effectively managing the trade-off between false positives and false negatives. This balance is particularly important in clinical prediction tasks, where misclassifications can have significant consequences. The fact that these performance metrics remain comparable across different feature sets (pressure, temperature, and combined) further supports the robustness of the model and highlights that both modalities contribute meaningful information for predicting diabetic conditions.
The findings from this experiment highlight the challenges associated with predicting diabetes based solely on temperature or pressure data. While each of these modalities provides valuable insights into the state of the foot, neither offers sufficient discriminatory power on its own to reliably identify diabetic conditions. The low predictive accuracy observed in both the temperature-only and pressure-only models underscores the limitations of single-modality approaches. These results strongly suggest that the integration of multiple data sources, such as combining temperature and pressure data, is necessary to improve the predictive performance. Additionally, incorporating other physiological or biomechanical features could further enhance the accuracy of machine learning models in clinical diagnostics.
It is noteworthy that, according to Table 8, the Extra Trees Classifier, which performs exceptionally well with the combined data, only achieves a modest accuracy of 0.375 in the pressure-only experiment. The key insight arises when these results are compared to the earlier section where the models utilized both temperature and pressure data in tandem for diabetes prediction. Although some classifiers display competitive metrics in the individual-variable experiments, their collective predictive power falls short of the combined data prediction. The Extra Trees Classifier stands out as the most effective model in the combined experiment, achieving an accuracy of 0.9375 and a perfect AUC of 1.0.
Figure 5 provides a comparative analysis of the Extra Trees Classifier and Random Forest Classifier, focusing on their performance in predicting diabetes using both thermal and pressure data. Figure 5a shows the feature importance for the Extra Trees Classifier, where certain features, primarily related to thermal data such as “Hallux_Ref_Max” and “Hallux_Ref_Min”, are highlighted as the most significant contributors to the model’s predictions.
Figure 5c illustrates the feature importance for the Random Forest Classifier. Unlike the Extra Trees Classifier, the Random Forest Classifier shows a more balanced distribution of importance across both the temperature and pressure features. This indicates that the Random Forest model considers a mix of both types of data—temperature (e.g., “Hallux_Min_30s”) and pressure (e.g., “1stM_APP”)—to be equally important in making accurate predictions. This balanced approach suggests that integrating both temperature and pressure data enhances the model’s ability to predict diabetes effectively.
Figure 5b,d present the decision boundaries for the Extra Trees model and Random Forest Classifier, respectively. These boundaries visually demonstrate how each model differentiates between diabetic (1) and non-diabetic (0) cases based on the input features. The Random Forest Classifier’s reliance on a combination of temperature and pressure data is reflected in the complexity and distribution of its decision boundary, showing a nuanced understanding of the data compared to the Extra Trees model.

4. Conclusions

This study presents a comprehensive investigation into the potential use of thermal and pressure data for the prediction of diabetes, spanning two sets of experiments that explored the relationships between these variables and their combined predictive power. The findings present promising avenues for the development of innovative strategies to enable early intervention and ultimately improve patient outcomes.
The first set of experiments revealed the challenges in directly correlating thermal data with plantar pressure metrics. The weak correlations observed in the regression models suggest that thermal data, when used in isolation, may not be sufficient for accurately predicting the pressure values at specific anatomical points. However, presented new opportunities, allowing us to treat temperature and pressure as independent features in the subsequent diabetes prediction models. By doing so, we leveraged the unique strengths of each variable, leading to more robust and accurate predictive models.
In the second set of experiments, the integration of thermal and pressure data into machine learning models significantly enhanced the predictive capabilities for diabetes. The combined analysis demonstrated that using both temperature and pressure variables together provides a more comprehensive understanding of the physiological responses associated with diabetes. This approach paved the way for more accurate risk assessments and personalized diabetes management strategies. The integration of temperature and pressure data is expected to improve diabetes prediction because these two modalities provide complementary physiological insights. Temperature data can reveal early signs of inflammation, vascular issues, or tissue damage, which are common precursors to complications in diabetic patients, such as ulcers. On the other hand, plantar pressure measurements offer information about structural changes, foot deformities, and abnormal pressure distribution, which are also characteristic aspects of diabetic foot conditions. The previous approaches have primarily focused on one modality, limiting their ability to capture the complex interactions between these physiological factors. By combining both temperature and pressure data, the model can identify a broader range of diabetes-related abnormalities, improving the overall predictive accuracy and offering a more comprehensive assessment of foot health in diabetic patients.
The study results indicate that, while the classifiers performed respectably with the standalone variables, significantly better results were achieved when the temperature and pressure data were combined. Specifically, the Logistic Regression model achieved the best performance among the classifiers, with an accuracy of 68.75% when using only plantar pressure data. In contrast, using only temperature data, the classifiers exhibited varying degrees of accuracy, the Naive Bayes model achieving the highest at 87.5%. Furthermore, when the models used both temperature and pressure data in tandem for the prediction of diabetes, the Extra Trees Classifier emerged as the most effective, achieving a precision of 93.75% and a perfect AUC score of 1. This model demonstrated strong performances on multiple metrics, including recall (0.875), precision (1), F1 score (0.9333), and kappa (0.875) values. Other models, such as the Random Forest Classifier and Extreme Gradient Boosting, showed varied performances across these metrics, highlighting differences regarding how they handled the prediction task. These results highlight the importance of integrating temperature with plantar pressure measurements in monitoring the activities of daily living regarding diabetes. The findings also emphasize the need to evaluate multiple classification algorithms to determine which is the most accurate for predicting diabetes in different participant clusters.
While this study treats each foot’s data as an input to the model, we acknowledge that this approach could introduce potential bias, especially in healthy individuals, where symmetry between the left and right feet is generally observed. However, asymmetries in the foot data between individuals with diabetes exist, which can provide valuable diagnostic information. To further investigate this, we calculated the correlation between feet across different individuals, revealing that, while there is a high correlation between the feet of the same person, subtle variations exist across individuals. These findings support the use of cross-validation with independent foot data as the dataset still exhibits enough variability to provide meaningful insights. However, this may reduce the variability in healthy individuals and could potentially overestimate the model’s performance in specific cases.
Furthermore, the study underscored the complexity of pressure distribution in feet and highlighted the importance of comprehensive data integration and advanced feature engineering. The inability of regression models to accurately predict pressure from consolidated temperature data emphasized the need for a more nuanced approach that considers the independent contributions of each variable to diabetes prediction. The introduction of additional modalities has the potential to overcome the limitations observed in this correlation analysis, paving the way for more robust and accurate pressure prediction models.
Limitations and Future Work: One limitation of this study is the potential bias introduced by treating each foot from the same individual as an input to the model. In healthy individuals, where foot symmetry is generally present, this may lead to an overestimation of the model performance. Future studies should examine whether treating both feet as correlated data is a more appropriate method when symmetry is expected. Furthermore, exploring whether foot symmetry or asymmetry persists across different demographic factors such as gender, ethnicity, and foot dominance would add depth to the analysis. Additionally, future research should explore and contrast the condition of treating both feet from the same individual as independent instances. This approach should ensure that the data from the same individual are not included in both the training and testing datasets, which would enhance the robustness and generalizability of the model by avoiding potential bias introduced by symmetry or shared characteristics between the feet.
Looking forward, future research should also focus on refining the feature engineering techniques and optimizing the model selection to fully harness the predictive potential of these combined variables. Additionally, further studies are essential to explore how insoles and other biomechanical factors impact prediction models, which could lead to new therapeutic interventions and enhance the accuracy of diabetes management tools. By continuing to build on the insights gained from this study, there is considerable potential to advance the field of diabetes prediction and improve the quality of life for individuals affected by this condition.

Supplementary Materials

The following supporting information can be downloaded at: https://www.mdpi.com/article/10.3390/a17110519/s1. Table S1: Anatomical Points and Correlation with Temperature.

Author Contributions

Conceptualization, E.A.G., F.C. and R.N.; Data curation, M.Z.-D.; Methodology and protocol implementation, M.Z.-D. and R.N.; Project administration, R.N. and M.Z.-D.; Software, E.A.G.; Validation, E.A.G.; Writing—original draft, E.A.G.; Writing—review and editing, E.A.G., F.C., M.Z.-D. and R.N. All authors have read and agreed to the published version of the manuscript.

Funding

The study was conducted as part of STANDUP—Smartphone Thermal Analysis for Diabetic Foot Ulcer Prevention and Treatment Project. The project was funded by the European Commission under the Marie Skłodowska-Curie Research and Innovation Staff Exchange (Horizon 2020-MSCARISE-2017, Grant Agreement Number 777661) January 2018–October 2023.

Data Availability Statement

Data are available upon reasonable request.

Acknowledgments

The authors would like to express their sincere gratitude to the group of volunteers who participated in this study. Special thanks are extended to the Bioengineering Laboratory, Section Footlab, for their invaluable support and collaboration in facilitating the data collection process.

Conflicts of Interest

The authors declare no conflicts of interest.

Abbreviations

The following abbreviations are used in this manuscript:
AUC-ROCArea Under the Receiver Operating Characteristic Curve
MLMachine Learning
SVMSupport Vector Machine
MAEMean Absolute Error
MSEMean Squared Error
RMSERoot Mean Squared Error
R2Coefficient of Determination
RMSLERoot Mean Squared Logarithmic Error
MAPEMean Absolute Percentage Error

References

  1. World-Health-Organization. Global Report on Diabetes; WHO: Geneva, Switzerland, 2016. [Google Scholar]
  2. American Diabetes Association. Standards of Medical Care in Diabetes—2015 Abridged for Primary Care Providers. Clin. Diabetes 2015, 33, 97–111. [Google Scholar] [CrossRef]
  3. Laing, P. The development and complications of diabetic foot ulcers. Am. J. Surg. 1998, 176, 11S–19S. [Google Scholar] [CrossRef] [PubMed]
  4. Vu, T.; Lin, F.; Alshurafa, N.; Xu, W. Wearable Food Intake Monitoring Technologies: A Comprehensive Review. Computers 2017, 6, 4. [Google Scholar] [CrossRef]
  5. Punj, R.; Kumar, R. Technological aspects of WBANs for health monitoring: A comprehensive review. Wirel. Netw. 2019, 25, 1125–1157. [Google Scholar] [CrossRef]
  6. Frykberg, R.G.; Gordon, I.L.; Reyzelman, A.M.; Cazzell, S.M.; Fitzgerald, R.H.; Rothenberg, G.M.; Bloom, J.D.; Petersen, B.J.; Linders, D.R.; Nouvong, A.; et al. Feasibility and efficacy of a smart mat technology to predict development of diabetic plantar ulcers. Diabetes Care 2017, 40, 973–980. [Google Scholar] [CrossRef] [PubMed]
  7. Lekha, S.; Suchetha, M. Recent Advancements and Future Prospects on E-Nose Sensors Technology and Machine Learning Approaches for Non-Invasive Diabetes Diagnosis: A Review. IEEE Rev. Biomed. Eng. 2021, 14, 127–138. [Google Scholar] [CrossRef]
  8. Maldonado, H.; Bayareh, R.; Torres, I.; Vera, A.; Gutiérrez, J.; Leija, L. Automatic detection of risk zones in diabetic foot soles by processing thermographic images taken in an uncontrolled environment. Infrared Phys. Technol. 2020, 105, 103187. [Google Scholar] [CrossRef]
  9. Astasio-Picado, A.; Escamilla Martínez, E.; Martínez Nova, A.; Sánchez Rodríguez, R.; Gómez-Martín, B. Thermal map of the diabetic foot using infrared thermography. Infrared Phys. Technol. 2018, 93, 59–62. [Google Scholar] [CrossRef]
  10. Hazari, A.; Maiya, A.; Agouris, I.; Monteiro, A.; Shivashankara. Prediction of peak plantar pressure for diabetic foot: The regressional model. Foot 2019, 40, 87–91. [Google Scholar] [CrossRef]
  11. Yavuz, M.; Brem, R.W.; Glaros, A.G.; Garrett, A.; Flyzik, M.; Lavery, L.; Davis, B.L.; Hilario, H.; Adams, L.S. Association Between Plantar Temperatures and Triaxial Stresses in Individuals with Diabetes. Diabetes Care 2015, 38, e178–e179. [Google Scholar] [CrossRef]
  12. Khandakar, A.; Mahmud, S.; Chowdhury, M.E.; Reaz, M.B.I.; Kiranyaz, S.; Mahbub, Z.B.; Md Ali, S.H.; Bakar, A.A.A.; Ayari, M.A.; Alhatou, M.; et al. Design and Implementation of a Smart Insole System to Measure Plantar Pressure and Temperature. Sensors 2022, 22, 7599. [Google Scholar] [CrossRef] [PubMed]
  13. Liberman, A.; Buckingham, B. Diabetes Technology and the Human Factor. Diabetes Technol. Ther. 2016, 18, S-101–S-111. [Google Scholar] [CrossRef] [PubMed]
  14. Mahmud, S.; Khandakar, A.; Chowdhury, M.E.; AbdulMoniem, M.; Bin Ibne Reaz, M.; Bin Mahbub, Z.; Sadasivuni, K.K.; Murugappan, M.; Alhatou, M. Fiber Bragg Gratings based smart insole to measure plantar pressure and temperature. Sens. Actuators A Phys. 2023, 350, 114092. [Google Scholar] [CrossRef]
  15. Paton, J.; Bruce, G.; Jones, R.; Stenhouse, E. Effectiveness of insoles used for the prevention of ulceration in the neuropathic diabetic foot: A systematic review. J. Diabetes Its Complicat. 2011, 25, 52–62. [Google Scholar] [CrossRef] [PubMed]
  16. Moulaei, K.; Malek, M.; Sheikhtaheri, A. A smart wearable device for monitoring and self-management of diabetic foot: A proof of concept study. Int. J. Med. Inform. 2021, 146, 104343. [Google Scholar] [CrossRef]
  17. Rescio, G.; Leone, A.; Francioso, L.; Losito, P.; Genco, E.; Crudele, F.; D’Alessandro, L.; Siciliano, P. Fully Integrated Smart Insole for Diabetic Foot. In Ambient Assisted Living: Italian Forum 2018; Springer International Publishing: Berlin/Heidelberg, Germany, 2019; pp. 221–228. [Google Scholar] [CrossRef]
  18. Deng, Z.S.; Liu, J. Mathematical modeling of temperature mapping over skin surface and its implementation in thermal disease diagnostics. Comput. Biol. Med. 2004, 34, 495–521. [Google Scholar] [CrossRef]
  19. Abbott, C.; Chatwin, K.; Foden, P.; Hasan, A.; Sange, C.; Rajbhandari, S.; Nadipi Reddy, P.; Vileikyte, L.; Bowling, F.; Boulton, A.; et al. Innovative intelligent insole system reduces diabetic foot ulcer recurrence at plantar sites: A prospective, randomised, proof-of-concept study. Lancet Digit. Health 2019, 1, e308–e318. [Google Scholar] [CrossRef]
  20. Korada, H.; Maiya, A.; Rao, S.K.; Hande, M. Effectiveness of customized insoles on maximum plantar pressure in diabetic foot syndrome: A systematic review. Diabetes Metab. Syndr. Clin. Res. Rev. 2020, 14, 1093–1099. [Google Scholar] [CrossRef]
  21. Tsung, B.Y.S.; Zhang, M.; Mak, A.F.T.; Wong, M.W.N. Effectiveness of insoles on plantar pressure redistribution. J. Rehabil. Res. Dev. 2004, 41, 767–774. [Google Scholar] [CrossRef]
  22. Bagavathiappan, S.; Philip, J.; Jayakumar, T.; Raj, B.; Rao, P.N.S.; Varalakshmi, M.; Mohan, V. Correlation between Plantar Foot Temperature and Diabetic Neuropathy: A Case Study by Using an Infrared Thermal Imaging Technique. J. Diabetes Sci. Technol. 2010, 4, 1386–1392. [Google Scholar] [CrossRef]
  23. Bus, S.A. Innovations in plantar pressure and foot temperature measurements in diabetes. Diabetes/Metab. Res. Rev. 2016, 32, 221–226. [Google Scholar] [CrossRef] [PubMed]
  24. Sawacha, Z.; Guarneri, G.; Cristoferi, G.; Guiotto, A.; Avogaro, A.; Cobelli, C. Integrated kinematics-kinetics-plantar pressure data analysis: A useful tool for characterizing diabetic foot biomechanics. Gait Posture 2012, 36, 20–26. [Google Scholar] [CrossRef] [PubMed]
  25. Bennetts, C.J.; Owings, T.M.; Erdemir, A.; Botek, G.; Cavanagh, P.R. Clustering and classification of regional peak plantar pressures of diabetic feet. J. Biomech. 2013, 46, 19–25. [Google Scholar] [CrossRef] [PubMed]
  26. Kaur, H.; Kumari, V. Predictive modelling and analytics for diabetes using a machine learning approach. Appl. Comput. Inform. 2022, 18, 90–100. [Google Scholar] [CrossRef]
  27. Faruqui, S.H.A.; Du, Y.; Meka, R.; Alaeddini, A.; Li, C.; Shirinkam, S.; Wang, J. Development of a Deep Learning Model for Dynamic Forecasting of Blood Glucose Level for Type 2 Diabetes Mellitus: Secondary Analysis of a Randomized Controlled Trial. JMIR mHealth uHealth 2019, 7, e14452. [Google Scholar] [CrossRef]
  28. Sonia, J.J.; Jayachandran, P.; Md, A.Q.; Mohan, S.; Sivaraman, A.K.; Tee, K.F. Machine-Learning-Based Diabetes Mellitus Risk Prediction Using Multi-Layer Neural Network No-Prop Algorithm. Diagnostics 2023, 13, 723. [Google Scholar] [CrossRef]
  29. Rodriguez-León, C.; Villalonga, C.; Munoz-Torres, M.; Ruiz, J.R.; Banos, O. Mobile and Wearable Technology for the Monitoring of Diabetes-Related Parameters: Systematic Review. JMIR mHealth uHealth 2021, 9, e25138. [Google Scholar] [CrossRef]
  30. Vettoretti, M.; Cappon, G.; Facchinetti, A.; Sparacino, G. Advanced Diabetes Management Using Artificial Intelligence and Continuous Glucose Monitoring Sensors. Sensors 2020, 20, 3870. [Google Scholar] [CrossRef]
  31. Zhou, H.; Myrzashova, R.; Zheng, R. Diabetes prediction model based on an enhanced deep neural network. EURASIP J. Wirel. Commun. Netw. 2020, 2020, 148. [Google Scholar] [CrossRef]
  32. Ramezankhani, A.; Pournik, O.; Shahrabi, J.; Khalili, D.; Azizi, F.; Hadaegh, F. Applying decision tree for identification of a low risk population for type 2 diabetes. Tehran Lipid and Glucose Study. Diabetes Res. Clin. Pract. 2014, 105, 391–398. [Google Scholar] [CrossRef]
  33. Ramezankhani, A.; Hadavandi, E.; Pournik, O.; Shahrabi, J.; Azizi, F.; Hadaegh, F. Decision tree-based modelling for identification of potential interactions between type 2 diabetes risk factors: A decade follow-up in a Middle East prospective cohort study. BMJ Open 2016, 6, e013336. [Google Scholar] [CrossRef] [PubMed]
  34. HD, S.; Sanskar, S.; Tiwari, P.; Kumar, K. Diabetes Prediction Using Machine Learning Algorithm. Int. J. Innov. Res. Inf. Secur. 2023, 9, 115–120. [Google Scholar] [CrossRef]
  35. Khanam, J.J.; Foo, S.Y. A comparison of machine learning algorithms for diabetes prediction. ICT Express 2021, 7, 432–439. [Google Scholar] [CrossRef]
  36. PyCaret-Low-Code Machine Learning. MIT License. Available online: https://pycaret.org/ (accessed on 14 April 2024).
  37. Bergmeir, C.; Hyndman, R.J.; Koo, B. A note on the validity of cross-validation for evaluating autoregressive time series prediction. Comput. Stat. Data Anal. 2018, 120, 70–83. [Google Scholar] [CrossRef]
  38. Vabalas, A.; Gowen, E.; Poliakoff, E.; Casson, A. Machine learning algorithm validation with a limited sample size. PLoS ONE 2019, 14, e0224365. [Google Scholar] [CrossRef]
  39. Rodriguez-Galiano, V.; Sánchez-Castillo, M.; Chica-Olmo, M.; Chica-Rivas, M. Machine learning predictive models for mineral prospectivity: An evaluation of neural networks, random forest, regression trees and support vector machines. Ore Geol. Rev. 2015, 71, 804–818. [Google Scholar] [CrossRef]
  40. Sheykhmousa, M.; Mahdianpari, M.; Ghanbari, H.; Mohammadimanesh, F.; Ghamisi, P.; Homayouni, S. Support Vector Machine Versus Random Forest for Remote Sensing Image Classification: A Meta-Analysis and Systematic Review. IEEE J. Sel. Top. Appl. Earth Obs. Remote Sens. 2020, 13, 6308–6325. [Google Scholar] [CrossRef]
  41. Chen, R.; Dewi, C.; Huang, S.W.; Caraka, R. Selecting critical features for data classification based on machine learning methods. J. Big Data 2020, 7, 52. [Google Scholar] [CrossRef]
  42. Ghojogh, B.; Crowley, M. The Theory Behind Overfitting, Cross Validation, Regularization, Bagging, and Boosting: Tutorial. arXiv 2019, arXiv:1905.12787. [Google Scholar]
  43. Uddin, S.; Khan, A.; Hossain, M.E.; Moni, M. Comparing different supervised machine learning algorithms for disease prediction. BMC Med. Inform. Decis. Mak. 2019, 19, 281. [Google Scholar] [CrossRef]
Figure 1. A 25 m walkway; the designated area avoided “quick” twisting movements.
Figure 1. A 25 m walkway; the designated area avoided “quick” twisting movements.
Algorithms 17 00519 g001
Figure 2. Thermal image capture setup.
Figure 2. Thermal image capture setup.
Algorithms 17 00519 g002
Figure 3. Regions of interest on the feet were marked for thermal and pressure measurements: hallux, 1st metatarsus, 3rd metatarsus, 5th metatarsus, midfoot (proximal to 5th metatarsus apophysis), medial arch on proximal 1st metatarsus, and heel.
Figure 3. Regions of interest on the feet were marked for thermal and pressure measurements: hallux, 1st metatarsus, 3rd metatarsus, 5th metatarsus, midfoot (proximal to 5th metatarsus apophysis), medial arch on proximal 1st metatarsus, and heel.
Algorithms 17 00519 g003
Figure 4. Correlation index matrix representing the relationship between temperature and pressure features across different individuals. The matrix shows correlation coefficients for pressure and temperature data between the left and right feet of each individual, as well as across different individuals.
Figure 4. Correlation index matrix representing the relationship between temperature and pressure features across different individuals. The matrix shows correlation coefficients for pressure and temperature data between the left and right feet of each individual, as well as across different individuals.
Algorithms 17 00519 g004
Figure 5. Performance comparison between the Extra Trees Classifier and Random Forest Classifier. (a,c) display the feature importance plots, with (a) highlighting the Extra Trees Classifier’s focus on thermal data and (c) illustrating the Random Forest Classifier’s balanced consideration of both temperature and pressure features. (b,d) depict the decision boundaries for the Extra Trees Classifier and Random Forest Classifier, respectively, showing how the models classify diabetic (1) and non-diabetic (0) cases based on these features. Random Forest’s mixed use of temperature and pressure data underscores its more comprehensive approach to predicting diabetes.
Figure 5. Performance comparison between the Extra Trees Classifier and Random Forest Classifier. (a,c) display the feature importance plots, with (a) highlighting the Extra Trees Classifier’s focus on thermal data and (c) illustrating the Random Forest Classifier’s balanced consideration of both temperature and pressure features. (b,d) depict the decision boundaries for the Extra Trees Classifier and Random Forest Classifier, respectively, showing how the models classify diabetic (1) and non-diabetic (0) cases based on these features. Random Forest’s mixed use of temperature and pressure data underscores its more comprehensive approach to predicting diabetes.
Algorithms 17 00519 g005
Table 1. Default hyperparameters for classification and regression models.
Table 1. Default hyperparameters for classification and regression models.
ModelTypeDefault Hyperparameters
Logistic RegressionClassificationC = 1.0, penalty = l2, solver = lbfgs, max_iter = 100
Random Forest ClassifierClassificationn_estimators = 100, criterion = gini, max_depth = None, min_samples_split = 2, min_samples_leaf = 1
K-Nearest NeighborsClassificationn_neighbors = 5, weights = uniform, algorithm = auto
Support Vector Machine (SVC)ClassificationC = 1.0, kernel = rbf, gamma = scale
Gradient Boosting ClassifierClassificationn_estimators = 100, learning_rate = 0.1, max_depth = 3, min_samples_split = 2, min_samples_leaf = 1
Extra Trees ClassifierClassificationn_estimators = 100, criterion = gini, max_depth = None, min_samples_split = 2, min_samples_leaf = 1
Naive BayesClassificationNo tunable parameters
XGBoost ClassifierClassificationn_estimators = 100, learning_rate = 0.1, max_depth = 6, min_child_weight = 1, subsample = 1.0, colsample_bytree = 1.0
LightGBM ClassifierClassificationn_estimators = 100, learning_rate = 0.1, max_depth = −1, num_leaves = 31
Decision Tree ClassifierClassificationcriterion = gini, max_depth = None, min_samples_split = 2, min_samples_leaf = 1
AdaBoost ClassifierClassificationn_estimators = 50, learning_rate = 1.0
Ridge ClassifierClassificationalpha = 1.0
Random Forest RegressorRegressionn_estimators = 100, criterion = mse, max_depth = None, min_samples_split = 2, min_samples_leaf = 1
Gradient Boosting RegressorRegressionn_estimators = 100, learning_rate = 0.1, max_depth = 3, min_samples_split = 2, min_samples_leaf = 1
Extra Trees RegressorRegressionn_estimators = 100, criterion = mse, max_depth = None, min_samples_split = 2, min_samples_leaf = 1
XGBoost RegressorRegressionn_estimators = 100, learning_rate = 0.1, max_depth = 6, min_child_weight = 1, subsample = 1.0, colsample_bytree = 1.0
LightGBM RegressorRegressionn_estimators = 100, learning_rate = 0.1, max_depth = −1, num_leaves = 31
Decision Tree RegressorRegressioncriterion = mse, max_depth = None, min_samples_split = 2, min_samples_leaf = 1
Table 2. Regression model metrics: hallux average peak pressure.
Table 2. Regression model metrics: hallux average peak pressure.
ModelMAEMSERMSER2RMSLEMAPE
Extra Trees Regressor23.7315839.675827.1971−0.48720.35690.3657
K Neighbors Regressor26.9941024.49530.2197−0.92880.38630.4422
Dummy Regressor27.14841107.59131.1707−0.99420.39280.4359
Light Gradient Boost. Mch.27.14841107.59131.1707−0.99420.39280.4359
Bayesian Ridge27.15141107.96131.1748−0.99480.39290.436
Random Forest Regressor27.80121089.16831.2258−1.03010.39660.4397
Gradient Boosting Regressor27.26541064.45430.9733−1.06170.40790.4161
AdaBoost Regressor27.91781150.72932.0767−1.07250.41720.4512
Extreme Gradient Boosting27.55781153.39531.5512−1.0940.43050.4192
Orthogonal Matching Pursuit27.59071232.31632.613−1.2160.41080.4602
Elastic Net30.38131469.46234.6957−1.34580.43210.4989
Lasso Least Angle Regr.31.82241645.61236.0818−1.52130.45410.5232
Lasso Regression31.81091646.71436.0897−1.52270.4540.5232
Ridge Regression32.75741845.96437.4148−1.73630.46790.5401
Decision Tree Regressor30.42421434.07336.7814−2.69330.45780.4362
Huber Regressor38.3032300.47243.3332−2.930.56050.5833
Linear Regression46.80233601.20757.1221−7.42160.9850.7242
Passive Aggressive Regr.48.24343274.75651.2894−9.64620.55290.6799
Least Angle Regression43,123.63.15 × 101056,615.54−2.6 × 1082.0646421.0547
Table 3. Regression model metrics: 3rd metatarsal average peak plantar pressure.
Table 3. Regression model metrics: 3rd metatarsal average peak plantar pressure.
ModelMAEMSERMSER2RMSLEMAPE
Light Gradient Boost. Mach.59.13365961.29569.5438−0.75240.33150.307
Dummy Regressor59.13365961.29569.5438−0.75240.33150.307
Bayesian Ridge59.14765962.77769.5575−0.7540.33160.3071
Elastic Net65.7317520.08277.2534−1.61330.35210.327
Orthogonal Matching Purs.64.3556624.74474.2898−1.81950.3490.3254
Extra Trees Regressor59.00055953.22968.2479−2.85480.33070.3114
AdaBoost Regressor61.23446188.38572.3118−3.05040.35220.3163
Random Forest Regressor65.86357280.35278.2418−3.330.37090.3446
Ridge Regression70.62739422.83484.8931−3.46730.38030.3492
Lasso Least Angle Regr.70.61249466.47184.8651−3.52450.37940.3512
Lasso Regression70.81379498.54885.0506−3.5420.38050.3518
Gradient Boosting Regr.68.6148445.28584.826−4.08850.40490.367
K Neighbors Regressor74.85398246.18287.825−7.50130.40410.3986
Huber Regressor86.249412,962.42104.4957−8.2030.47750.4194
Passive Aggressive Regr.97.713114,739.44107.2971−10.85070.49470.4661
Extreme Gradient Boosting73.90599137.84787.0243−12.72870.39820.3953
Decision Tree Regr.91.184214,836.03109.1365−14.71820.5090.4827
Linear Regression123.95131,724.05157.4115−16.72571.14180.5985
Least Angle Regr.1358.865495,22491583.866−1376.81.52236.971
Table 4. Regression model metrics: heel peak plantar pressure.
Table 4. Regression model metrics: heel peak plantar pressure.
ModelMAEMSERMSER2RMSLEMAPE
Extra Trees Regr.42.66672665.68448.1738−0.82030.20740.1917
Random Forest Regr.45.65222938.92450.5072−1.04230.2180.2057
AdaBoost Regr.45.57312933.0151.091−1.11710.22120.2052
Extreme Gradient Boost.50.04823324.04354.9778−1.37770.23990.2268
Bayesian Ridge45.13732821.91850.9436−1.56510.22180.2073
Dummy Regressor45.13582821.79450.9427−1.56520.22180.2073
Light Gradient Boost.Mach.45.13582821.79450.9427−1.56520.22180.2073
Orthogonal Matching Purs.46.36162878.47351.2707−1.61130.22290.2115
Gradient Boosting Regr.46.65073403.99154.3723−1.66910.23190.2048
K Neighbors Regr.49.92793561.27856.7779−1.81240.24510.231
Elastic Net46.60243122.9753.1349−1.83580.22960.2069
Lasso Least Angle Regr.51.28524159.06259.577−2.29040.26110.2229
Lasso Regression51.30964161.01359.5913−2.29120.26120.223
Ridge Regression55.80885147.18865.1659−2.8660.30250.2412
Huber Regressor62.61968839.29577.4237−5.37490.29030.2608
Decision Tree Regr.67.49586356.38977.734−5.58240.32230.2948
Passive Aggressive Regr.75.59668443.78586.2818−7.32840.39460.3159
Linear Regression100.32620,864.63119.8718−22.05930.4350.4494
Least Angle Regr.1385.5717,262,2511595.164−5175.721.33636.3554
Table 5. Regression model metrics: 1st metatarsal average peak pressure and temperature consolidated.
Table 5. Regression model metrics: 1st metatarsal average peak pressure and temperature consolidated.
ModelMAEMSERMSER2RMSLEMAPE
Light Gradient Boost. Mach.24.38031179.30329.9025−0.69470.39680.41
Dummy Regr.24.38031179.30229.9026−0.69470.39680.41
Bayesian Ridge24.92981202.42730.5468−0.82890.40330.416
Random Forest Regr.25.72031176.71631.5095−1.43640.40890.41
AdaBoost Regr.25.11651214.54131.2653−1.46620.40570.3773
Extra Trees Regr.26.08861220.18332.2855−2.51470.42930.4204
K Neighbors Regr.29.21161556.67536.5677−3.03320.47130.4735
Gradient Boosting Regr.26.51991303.73933.9157−3.50190.43320.3903
Passive Aggressive Regr.28.3931426.16833.6168−4.45340.44240.4123
Extreme Gradient Boost.31.18721505.8736.6103−4.6250.49320.4867
Elastic Net30.59911644.27937.4245−5.73940.49840.4812
Lasso Least Angle Regr.33.26241656.70739.0917−12.09110.65360.5131
Decision Tree Regressor32.61311951.40841.2692−12.36580.56540.5034
Lasso Regression33.53231677.46439.3684−12.6890.64160.5169
Huber Regressor36.78472045.70942.9871−14.23620.59080.5723
Orthogonal Matching Purs.45.07183058.59351.3642−30.29470.86060.687
Ridge Regression36.45732127.2143.6394−32.88950.6230.5588
Linear Regression38.01262422.57645.5997−45.5570.63420.5902
Least Angle Regr.5.46 × 1035infinf−inf31.13336.62 × 1033
Table 6. Regression model metrics: 5th metatarsal average peak plantar pressure and temperature consolidated.
Table 6. Regression model metrics: 5th metatarsal average peak plantar pressure and temperature consolidated.
ModelMAEMSERMSER2RMSLEMAPE
Light Gradient Boost. Mach.37.86722304.4446.2579−0.74880.61121.3117
Dummy Regressor37.86722304.4446.2579−0.74880.61121.3117
Bayesian Ridge39.03782378.55447.1246−0.8180.62131.3153
Passive Aggressive Regr.41.32242650.28349.1166−0.84530.66691.369
AdaBoost Regressor40.08422665.72150.02−1.11580.63831.3454
Random Forest Regr.40.90522627.74749.4219−1.17960.64721.301
K Neighbors Regr.43.60273003.91952.6696−1.34010.68221.4252
Gradient Boosting Regr.46.07863136.67853.7797−1.50540.67051.2397
Extra Trees Regr.42.73612879.32952.3997−1.69310.68891.3874
Elastic Net46.64533320.46755.4159−1.79260.73831.5432
Extreme Gradient Boost.50.8963660.53257.8543−1.90840.73171.4089
Huber Regressor51.35623689.39659.3965−2.58130.81331.5922
Decision Tree Regr.60.62465272.27869.8224−3.40660.83521.7657
Lasso Regr.51.09324061.62660.3932−3.41340.98891.5364
Lasso Least Angle Regres.51.38964068.55360.5001−3.65980.91641.5353
Orthogonal Matching Purs.49.56234642.65662.5531−3.89770.89121.5586
Ridge Regression50.77134263.16962.1715−4.10661.011.6337
Linear Regression53.81134777.25865.7032−4.94781.00161.6863
Least Angle Regr.6.31 × 1035infinf−inf23.58346.13 × 1033
Table 7. Regression model metrics: lateral midfoot peak plantar pressure and temperature consolidated.
Table 7. Regression model metrics: lateral midfoot peak plantar pressure and temperature consolidated.
ModelMAEMSERMSER2RMSLEMAPE
Extra Trees Regr.21.6342781.544924.3457−4.14660.34990.3726
Elastic Net23.205975.535926.9775−4.5090.38940.3974
Extreme Gradient Boost.22.6037879.906926.2291−4.82190.37690.3893
Passive Aggressive Regr.17.9418512.565720.8999−5.0270.30860.2925
Bayesian Ridge19.1977610.18222.0609−5.25210.3260.3344
AdaBoost Regressor21.5522826.158924.9973−5.37330.3580.3591
Huber Regressor25.13471149.74129.2435−6.11870.43820.4092
Random Forest Regr.21.5135782.123824.7137−6.45510.35470.3785
Gradient Boosting Regr.23.90511007.28627.9547−6.67730.39610.393
Decision Tree Regr.26.51631247.10731.3636−8.70180.4550.4326
Light Gradient Boost. Mch.19.7522641.354523.1027−9.14440.33780.3345
Dummy Regressor19.7522641.354523.1027−9.14440.33780.3345
Lasso Least Angle Regr.28.98921527.70633.0902−11.10960.46670.4874
Lasso Regression29.07081528.00633.1449−11.24330.46850.4889
K Neighbors Regr.23.5397834.729127.003−11.49230.38940.4338
Ridge Regression26.85911437.27932.0659−12.33710.54780.4719
Linear Regression28.15661517.80633.3176−16.38790.60980.4869
Orthogonal Matching Purs.29.6921476.12533.879−16.52910.65240.5192
Least Angle Regr.1.36 × 1036infinf−inf62.57061.69 × 1034
Table 8. Comparative performance of diabetes prediction models employing combined thermal time series and plantar pressure data.
Table 8. Comparative performance of diabetes prediction models employing combined thermal time series and plantar pressure data.
ModelAccuracyAUCRecallPrec.F1Kappa
Extra Trees Classifier0.937510.87510.93330.875
Random Forest Classifier0.750.8750.6250.83330.71430.5
Extreme Gradient Boosting0.750.84380.510.66670.5
Ada Boost Classifier0.6250.78120.3750.750.50.25
Gradient Boosting Classifier0.6250.6250.3750.750.50.25
Naive Bayes0.68750.77340.6250.71430.66670.375
Logistic Regression0.56250.64060.3750.60.46150.125
Decision Tree Classifier0.6250.6250.3750.750.50.25
Linear Discriminant Analysis0.68750.8750.50.80.61540.375
Ridge Classifier0.68750.68750.50.80.61540.375
Quadratic Discriminant Analysis0.1250.1250.250.20.2222−0.75
K Neighbors Classifier0.43750.53910.6250.45450.5263−0.125
SVM—Linear Kernel0.50.50000
Light Gradient Boosting Machine0.50.50000
Dummy Classifier0.50.50000
Table 9. Performance of diabetes prediction models employing thermal time series data.
Table 9. Performance of diabetes prediction models employing thermal time series data.
ModelAccuracyAUCRecallPrec.F1Kappa
Extra Trees Classifier0.81250.93750.8750.77780.82350.625
Random Forest Classifier0.750.93750.750.750.750.5
Extreme Gradient Boosting0.750.90620.750.750.750.5
Ada Boost Classifier0.81250.92970.8750.77780.82350.625
Gradient Boosting Classifier0.81250.78120.8750.77780.82350.625
Naive Bayes0.8750.8750.7510.85710.75
Logistic Regression0.81250.93750.8750.77780.82350.625
Decision Tree Classifier0.81250.81250.8750.77780.82350.625
Linear Discriminant Analysis0.81250.898410.72730.84210.625
Ridge Classifier0.93750.937510.88890.94120.875
Quadratic Discriminant Analysis0.43750.43750.6250.45450.5263−0.125
K Neighbors Classifier0.81250.8750.750.85710.80.625
SVM—Linear Kernel0.50.510.50.66670
Light Gradient Boosting Machine0.50.50000
Dummy Classifier0.50.50000
Table 10. Performance of diabetes prediction models employing plantar pressure data.
Table 10. Performance of diabetes prediction models employing plantar pressure data.
ModelAccuracyAUCRecallPrec.F1Kappa
Extra Trees Classifier0.3750.29690.50.40.4444−0.25
Random Forest Classifier0.31250.32810.3750.33330.3529−0.375
Extreme Gradient Boosting0.43750.35940.3750.42860.4−0.125
Ada Boost Classifier0.43750.50.250.40.3077−0.125
Gradient Boosting Classifier0.50.35940.50.50.50
Naive Bayes0.50.59380.6250.50.55560
Logistic Regression0.68750.67190.750.66670.70590.375
Decision Tree Classifier0.3750.3750.3750.3750.375−0.25
Linear Discriminant Analysis0.50.50.50.50.50
Ridge Classifier0.43750.43750.50.44440.4706−0.125
Quadratic Discriminant Analysis0.6250.6250.2510.40.25
K Neighbors Classifier0.250.33590.3750.30.3333−0.5
SVM—Linear Kernel0.50.50000
Light Gradient Boosting Machine0.50.50000
Dummy Classifier0.50.50000
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Gerlein, E.A.; Calderón, F.; Zequera-Díaz, M.; Naemi, R. Can the Plantar Pressure and Temperature Data Trend Show the Presence of Diabetes? A Comparative Study of a Variety of Machine Learning Techniques. Algorithms 2024, 17, 519. https://doi.org/10.3390/a17110519

AMA Style

Gerlein EA, Calderón F, Zequera-Díaz M, Naemi R. Can the Plantar Pressure and Temperature Data Trend Show the Presence of Diabetes? A Comparative Study of a Variety of Machine Learning Techniques. Algorithms. 2024; 17(11):519. https://doi.org/10.3390/a17110519

Chicago/Turabian Style

Gerlein, Eduardo A., Francisco Calderón, Martha Zequera-Díaz, and Roozbeh Naemi. 2024. "Can the Plantar Pressure and Temperature Data Trend Show the Presence of Diabetes? A Comparative Study of a Variety of Machine Learning Techniques" Algorithms 17, no. 11: 519. https://doi.org/10.3390/a17110519

APA Style

Gerlein, E. A., Calderón, F., Zequera-Díaz, M., & Naemi, R. (2024). Can the Plantar Pressure and Temperature Data Trend Show the Presence of Diabetes? A Comparative Study of a Variety of Machine Learning Techniques. Algorithms, 17(11), 519. https://doi.org/10.3390/a17110519

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop