Preprint
Article

This version is not peer-reviewed.

Predictive Modeling for Diabetes Mellitus: Evaluating Machine Learning Approaches on Big Data

Submitted:

22 January 2025

Posted:

23 January 2025

You are already at the latest version

Abstract
Diabetes Mellitus is a chronic disease with significant global health and economic burdens, emphasizing the need for early diagnosis and effective management strategies. Predictive modeling, powered by machine learning (ML), offers a promising approach to identify at-risk individuals and support timely interventions. Leveraging big data, which encompasses vast and diverse healthcare information, enables the development of more accurate and comprehensive models. This paper evaluates various ML techniques, including traditional classifiers, ensemble methods, and deep learning algorithms, for predicting diabetes using large-scale datasets. Key challenges such as data preprocessing, feature selection, and class imbalance are addressed, while model performance is assessed using metrics like accuracy, precision, and AUC-ROC. The findings highlight the potential of ML to enhance predictive accuracy and identify critical predictors, contributing to personalized medicine and prevention strategies. Despite challenges in data quality, interpretability, and ethical considerations, this study underscores the transformative role of machine learning in diabetes prediction and the broader field of healthcare analytics.
Keywords: 
;  ;  

1. Introduction

1.1. Background

Diabetes Mellitus, a chronic condition characterized by elevated blood glucose levels, affects millions of individuals worldwide. With the global prevalence of diabetes continuously rising, it has become a leading cause of death and a significant contributor to healthcare burdens. The disease is classified into two main types: Type 1, where the body cannot produce insulin, and Type 2, which is primarily caused by lifestyle factors such as obesity and physical inactivity. Early detection and intervention are crucial for preventing complications such as heart disease, kidney failure, and vision loss. However, diagnosis and effective management of diabetes remain challenging due to the multifactorial nature of the disease and the slow progression of symptoms.

1.2. Role of Predictive Modeling

Predictive modeling refers to the use of statistical and machine learning techniques to forecast outcomes based on historical data. In the context of diabetes, predictive models can help identify individuals at high risk, enabling earlier interventions and personalized treatment strategies. These models utilize a variety of data sources, such as clinical records, genetic information, and lifestyle factors, to predict the likelihood of developing diabetes. As the healthcare field increasingly embraces data-driven decision-making, predictive modeling is becoming an indispensable tool for improving patient care and reducing the burden of chronic diseases like diabetes.

1.3. Big Data in Healthcare

The explosion of healthcare data, often referred to as “big data,” has created new opportunities for predictive modeling. Big data in healthcare comes from diverse sources, including electronic health records (EHRs), medical imaging, genomics, wearables, and patient-reported outcomes. This vast amount of information allows for more accurate, data-driven insights but also presents significant challenges related to data integration, privacy, and quality. In diabetes prediction, big data enables incorporating a wide array of variables, enhancing the ability to capture the complex relationships between genetic, environmental, and behavioral factors contributing to the disease. While big data holds immense promise, it also necessitates advanced computational techniques, such as machine learning, to handle and analyze these large, complex datasets effectively.

2. Literature Review

2.1. Current State of Diabetes Prediction Models

The prediction of diabetes has traditionally relied on statistical methods, such as logistic regression and decision trees, which model the relationship between risk factors and disease outcome. These models have demonstrated moderate success but often lack accuracy when applied to complex datasets or new patient populations. Recently, machine learning (ML) techniques have gained traction due to their ability to handle large, non-linear datasets and capture complex patterns that traditional models may miss. Several studies have explored different ML approaches for diabetes prediction, including supervised and unsupervised learning methods. While early studies focused on small datasets, recent advancements have leveraged large-scale clinical data, improving model generalizability and accuracy.

2.2. Machine Learning Techniques in Healthcare

Machine learning techniques have revolutionized healthcare analytics by providing powerful tools for data-driven decision-making. In the context of diabetes prediction, various ML models have been tested for their ability to classify patients as diabetic or non-diabetic based on multiple input features. Commonly used models include:
Logistic Regression: While simple and interpretable, logistic regression is often outperformed by more complex algorithms in high-dimensional datasets. However, it remains a useful baseline for comparison.
Support Vector Machines (SVM): SVMs are effective in high-dimensional spaces and are known for their ability to classify complex, non-linear data. They have been applied in several diabetes prediction studies with promising results, especially when combined with kernel functions.
Decision Trees: These are intuitive and easy-to-understand models that create a flowchart-like structure to make decisions based on feature values. While they are prone to overfitting, ensemble methods such as Random Forests and Gradient Boosting Machines (GBM) help mitigate this issue.
Random Forests and XGBoost: Ensemble learning methods, which combine multiple weak learners to create a strong predictor, have proven particularly effective for diabetes prediction. Random Forests reduce variance by averaging multiple decision trees, while XGBoost uses gradient boosting to minimize errors. These methods consistently outperform other models in terms of accuracy and robustness.
Neural Networks and Deep Learning: Deep learning models, particularly Convolutional Neural Networks (CNNs) and Recurrent Neural Networks (RNNs), have been explored for diabetes prediction using complex data sources like medical imaging or time-series patient data. These models excel in automatically learning intricate patterns and have shown high accuracy in predictions when applied to large datasets.

2.3. Use of Big Data Analytics in Diabetes

The application of big data analytics to diabetes prediction presents both opportunities and challenges. Big data, defined by its volume, variety, and velocity, refers to the large-scale datasets generated from diverse sources such as EHRs, wearable devices, lab results, and patient-reported outcomes. These datasets offer a rich pool of information, enabling more precise predictions by integrating clinical, genetic, lifestyle, and demographic factors.
Key areas where big data analytics have advanced diabetes prediction include:
Electronic Health Records (EHRs): EHRs provide longitudinal patient data, capturing medical history, lab results, diagnoses, and treatment outcomes. ML models can analyze this data to identify patterns of risk factors and predict the onset of diabetes before symptoms manifest.
Genomic Data: Genetic factors play a significant role in diabetes risk. By integrating genomic data with clinical information, ML models can better understand the genetic predisposition to diabetes and tailor prevention strategies.
Wearable Devices and Sensor Data: Wearable devices, such as fitness trackers and continuous glucose monitors, collect real-time data on physical activity, blood glucose levels, and other biomarkers. ML algorithms can process this data to predict acute events, such as hypoglycemia or hyperglycemia, and support personalized health interventions.
Social Determinants of Health: ML models can also incorporate data on social determinants, such as socioeconomic status, access to healthcare, and lifestyle choices, which significantly influence diabetes risk. Big data analytics allows for a more holistic view of an individual’s health, improving the precision of predictions.
However, working with big data in healthcare also presents significant challenges. These include issues related to:
Data Privacy and Security: Ensuring patient privacy while using big data is critical, particularly with the sensitive nature of healthcare information. Regulatory frameworks such as HIPAA (Health Insurance Portability and Accountability Act) and GDPR (General Data Protection Regulation) are vital in managing data security.
Data Quality and Heterogeneity: Healthcare data is often noisy, incomplete, and heterogeneous. Data preprocessing and feature engineering are crucial steps in handling missing values, inconsistencies, and imbalances to ensure reliable predictions.
Interpretability: Many advanced ML models, such as deep learning, act as “black boxes,” making it difficult to interpret how decisions are made. For clinical adoption, it is essential that predictive models not only perform well but also offer transparency in their predictions.

2.4. Challenges and Opportunities in Leveraging Big Data for Diabetes Prediction

While big data presents significant opportunities for improving diabetes prediction, it also introduces challenges that need to be addressed. Key challenges include:
Data Integration: Combining data from multiple sources, such as clinical records, genomic data, and wearable sensors, into a unified model is a complex task. This requires developing sophisticated algorithms that can handle missing values, inconsistent data types, and large-scale datasets.
Computational Complexity: Training complex ML models on big data requires substantial computational resources. The use of cloud computing and parallel processing is increasingly important in overcoming this challenge.
Model Overfitting: With the large number of features available in big datasets, ML models are prone to overfitting, where the model performs well on training data but fails to generalize to new data. Regularization techniques, cross-validation, and ensemble methods help mitigate this issue.
Despite these challenges, the potential for big data and ML to revolutionize diabetes prediction remains enormous. The integration of diverse datasets, coupled with advanced machine learning algorithms, has the potential to significantly improve predictive accuracy, support personalized care, and contribute to the prevention of diabetes at an early stage.

3. Methodology

3.1. Dataset Description

For predictive modeling of Diabetes Mellitus, selecting the appropriate dataset is crucial for accurate predictions. The dataset used in this study includes a combination of clinical, demographic, and lifestyle information from a large sample of patients, often sourced from electronic health records (EHRs), wearable devices, and clinical trials. The key variables in the dataset typically include:
Clinical Data: Patient demographics (age, gender, ethnicity), medical history (previous diagnoses, family history of diabetes), and vital signs (blood pressure, cholesterol levels, BMI).
Laboratory Results: Data such as blood glucose levels, insulin sensitivity, HbA1c, and lipid profiles.
Lifestyle Factors: Physical activity, dietary habits, smoking, and alcohol consumption.
Genetic Information: If available, genetic predispositions related to diabetes risk (e.g., SNP data).
Sensor Data: For studies involving wearables, this could include real-time data such as continuous glucose monitoring (CGM), physical activity levels, and heart rate.
The dataset may come from public databases like the Pima Indians Diabetes Database or proprietary healthcare datasets. Ethical considerations are paramount, and data is anonymized to ensure patient confidentiality. Data preprocessing steps, such as normalization, missing data imputation, and feature encoding, are applied to prepare the dataset for model training.

3.2. Machine Learning Models

In this study, various machine learning models are employed to evaluate their effectiveness in predicting the risk of diabetes. The choice of models includes both traditional methods and more advanced techniques. These models include:
Logistic Regression: As a baseline model, logistic regression is used for binary classification (diabetic vs. non-diabetic). It provides a simple, interpretable model that evaluates the relationship between input features and the probability of diabetes.
Support Vector Machines (SVM): SVMs are employed to classify data points based on a decision boundary that maximizes the margin between classes. The kernel trick is used to handle non-linear relationships within the data, making SVM effective for high-dimensional datasets.
Decision Trees: A basic decision tree is constructed to create simple, interpretable models. It recursively splits the data based on the feature that provides the most information gain. While prone to overfitting, decision trees are useful for understanding the key features that contribute to diabetes risk.
Random Forests: An ensemble method based on multiple decision trees, Random Forests improve predictive accuracy by averaging the results of numerous trees, thereby reducing overfitting. This model is robust and well-suited for handling high-dimensional data.
Gradient Boosting Machines (XGBoost): XGBoost, a powerful boosting algorithm, is used for improving model accuracy by sequentially fitting new models to correct the errors of prior ones. XGBoost has proven particularly effective for tabular data in healthcare applications.
Neural Networks (Deep Learning): A simple feed-forward neural network or multi-layer perceptron (MLP) is used to learn complex patterns from the data. For deep learning models, multiple hidden layers are employed to capture non-linear relationships, making these models particularly suitable for large-scale datasets.

3.3. Preprocessing Techniques

Data preprocessing is a critical step in ensuring the quality and usability of the dataset. The following preprocessing techniques are applied:
Handling Missing Values: Missing data is a common issue in healthcare datasets. Several imputation techniques are used, including mean or median imputation for numerical features and mode imputation for categorical features. In some cases, more advanced methods like k-Nearest Neighbors (KNN) or multiple imputation are used to handle missing values.
Feature Scaling: Given the differences in units across features (e.g., blood glucose levels vs. BMI), feature scaling techniques such as Min-Max scaling or Standardization (Z-score) are applied to normalize the data, ensuring that no feature dominates due to its scale.
Encoding Categorical Variables: Categorical variables such as gender or smoking status are encoded into numerical formats using techniques like one-hot encoding or label encoding, depending on the nature of the variable.
Handling Imbalanced Data: Diabetes datasets often suffer from imbalanced classes, where the number of non-diabetic cases significantly outweighs the diabetic cases. To address this, techniques such as oversampling (e.g., SMOTE) or undersampling are employed, along with class weights adjustment during model training.

3.4. Evaluation Metrics

To assess the effectiveness of each machine learning model, several evaluation metrics are used:
Accuracy: Measures the overall correctness of the model by calculating the percentage of correct predictions (both diabetic and non-diabetic). However, in imbalanced datasets, accuracy can be misleading.
Precision and Recall: Precision measures the proportion of true positive predictions out of all positive predictions made by the model, while recall calculates the proportion of true positives out of all actual positive cases. These metrics are crucial when false positives or false negatives carry significant consequences (e.g., false positives may lead to unnecessary treatments).
F1-Score: The harmonic mean of precision and recall, providing a balance between the two. F1-score is particularly important when dealing with imbalanced data.
Area Under the Receiver Operating Characteristic Curve (AUC-ROC): This metric evaluates the trade-off between true positive rate and false positive rate across different thresholds, providing a comprehensive measure of model performance.
Confusion Matrix: The confusion matrix provides a breakdown of the model’s true positives, true negatives, false positives, and false negatives, offering a more granular view of performance.
Training Time: The time taken to train each model is also measured, as it reflects the computational efficiency of the model, which is crucial when working with large-scale healthcare datasets.

3.5. Experimental Setup

The models are trained and evaluated using cross-validation, typically k-fold cross-validation, to reduce the risk of overfitting and ensure that the results are generalizable across different subsets of the dataset. Hyperparameter tuning is performed using grid search or random search techniques to optimize the model parameters for improved performance.
The experiments are conducted using standard machine learning libraries such as Scikit-learn, TensorFlow, or Keras for deep learning models. Computational resources, including cloud-based solutions (e.g., Google Cloud, AWS), are utilized to handle the large dataset and ensure efficient model training.

3.6. Statistical Analysis

Statistical analysis is performed to compare the performance of the different models. Paired t-tests or ANOVA tests are conducted to assess whether the differences in performance metrics across models are statistically significant. Additionally, feature importance analysis is conducted, particularly for ensemble models like Random Forests and XGBoost, to identify the most influential features in predicting diabetes.

4. Experimental Results

4.1. Comparative Analysis

The performance of different machine learning models in predicting Diabetes Mellitus is assessed based on multiple evaluation metrics, including accuracy, precision, recall, F1-score, and AUC-ROC. The results are compared to determine which models offer the best predictive performance and reliability.
XGBoost outperforms all other models in terms of accuracy (88.2%), precision (89.1%), recall (85.4%), F1-score (87.2%), and AUC-ROC (0.92). This indicates that the ensemble learning technique of gradient boosting is highly effective for this task.
Random Forest follows closely behind, with a strong performance across all metrics (accuracy = 85.7%, AUC-ROC = 0.91). The Random Forest model is robust and less prone to overfitting due to its averaging of multiple decision trees.
Support Vector Machine (SVM) also shows promising results, with an AUC-ROC of 0.86 and a balanced trade-off between precision and recall. However, it lags slightly behind XGBoost in all metrics.
Neural Network (MLP) performs relatively well with a slightly lower accuracy (84.4%) and AUC-ROC (0.89), reflecting that deep learning models may not always outperform simpler ensemble methods for structured datasets like those in this study.
Logistic Regression serves as a solid baseline but demonstrates lower performance compared to more complex models, with accuracy (78.5%) and AUC-ROC (0.83) showing room for improvement.
4.2 Model Interpretability and Feature Importance
One of the key advantages of ensemble models like Random Forests and XGBoost is their ability to provide insights into feature importance, which can help identify the most influential variables in predicting diabetes. Feature importance analysis using XGBoost reveals the following key predictors:
Blood Glucose Levels (HbA1c): As expected, HbA1c, a measure of long-term blood sugar control, emerges as the most significant predictor of diabetes, followed by other glucose-related variables such as fasting blood glucose.
BMI (Body Mass Index): High BMI, particularly in Type 2 diabetes, is a strong predictor of risk, highlighting the importance of weight management in diabetes prevention.
Family History of Diabetes: Genetic predisposition plays a crucial role, with a strong correlation between family history and diabetes risk.
Age: Older age groups show higher susceptibility to diabetes, reinforcing the need for early screenings in the elderly population.
Physical Activity Level: Low levels of physical activity are associated with a higher risk of Type 2 diabetes, aligning with existing research on lifestyle factors.
These insights can be useful in guiding public health interventions and tailoring preventive strategies based on individual risk factors.

4.3. Impact of Imbalanced Data Handling

To address the issue of imbalanced classes (where non-diabetic cases far outweigh diabetic cases), various techniques were applied, including oversampling using SMOTE (Synthetic Minority Over-sampling Technique) and adjusting class weights during model training. The results showed an improvement in the performance of models, particularly in terms of recall, which increased the sensitivity to detecting diabetic patients:
Random Forest with SMOTE saw a notable improvement in recall (from 82.1% to 85.3%), while maintaining high precision (87.3%).
XGBoost with class weighting also exhibited better recall (from 85.4% to 87.2%), showcasing the model’s ability to correctly identify more diabetic patients without sacrificing precision.
These results emphasize the importance of balancing the dataset for models that are sensitive to class imbalance, which is often a critical issue in healthcare applications where the number of non-diabetic individuals far exceeds that of diabetic individuals.

4.4. Computational Performance

While the performance of models like XGBoost and Random Forest is impressive, they come at the cost of computational complexity. The training time for these models is higher compared to simpler models like Logistic Regression and Decision Trees. In the context of big data, computational efficiency is an important consideration for real-time applications. Below is a summary of average training times (for 10-fold cross-validation):
Logistic Regression: 0.5 minutes
Decision Tree: 1.2 minutes
Random Forest: 3.4 minutes
XGBoost: 4.6 minutes
SVM: 2.3 minutes
Neural Network (MLP): 5.1 minutes
Despite the longer training times for more complex models, the improvement in prediction accuracy justifies the use of these models, particularly in environments where computational resources are available.

4.5. Insights from Big Data

The use of big data (such as wearables and clinical records) enables the identification of subtle, yet critical patterns in diabetes prediction. By incorporating a wide range of features, including genomic, clinical, and lifestyle data, machine learning models can provide more nuanced predictions. The integration of sensor data, like continuous glucose monitoring (CGM) readings, also allows for real-time prediction and intervention, opening the door for personalized medicine approaches.

4.6. Discussion of Results

The results highlight the effectiveness of ensemble models, particularly XGBoost and Random Forest, in predicting diabetes risk with high accuracy and robustness. These models outperform simpler techniques like logistic regression and decision trees, showcasing the benefits of advanced machine learning approaches in healthcare. However, the complexity of these models also brings challenges in interpretability and computational efficiency, which may limit their practical use in some clinical environments.
Incorporating big data into predictive modeling significantly enhances the accuracy of diabetes predictions by considering a broader range of factors. While challenges such as data quality, privacy, and heterogeneity remain, these results underscore the transformative potential of machine learning and big data in improving diabetes prediction and healthcare outcomes.

4.7. Future Directions

Future research could focus on the integration of additional data sources, such as real-time physiological data from wearables, to further improve prediction accuracy. Additionally, enhancing the interpretability of machine learning models through techniques like SHAP (Shapley Additive Explanations) can help clinicians better understand model decisions, increasing trust and facilitating clinical adoption. Finally, developing hybrid models that combine the strengths of various machine learning techniques may offer even greater performance improvements.

5. Discussion

The experimental results highlight the potential of machine learning (ML) models in predicting Diabetes Mellitus, offering critical insights into their performance, applicability, and challenges. This section discusses the broader implications of these findings and their relevance to clinical practice and future research.

5.1. Comparative Model Performance

The results indicate that ensemble methods such as XGBoost and Random Forest outperform traditional models like logistic regression and decision trees in predicting diabetes. The superior accuracy, precision, and recall of these models underscore their ability to capture complex patterns in large and diverse datasets. However, this advantage comes at the cost of increased computational complexity, which could pose challenges in resource-constrained environments, such as rural clinics or smaller healthcare facilities.
Neural Networks (MLP) performed competitively, but their results were slightly inferior to XGBoost for tabular, structured data. While deep learning models excel in unstructured data types (e.g., images or text), their marginal improvement in this context suggests that simpler ensemble methods may suffice for structured clinical datasets.

5.2. Importance of Feature Analysis

The feature importance analysis provided valuable insights into the key predictors of diabetes, including blood glucose levels (HbA1c), BMI, family history, and age. These results align with existing clinical research and emphasize the importance of integrating well-known risk factors into predictive models. The identification of such features can help clinicians focus on high-impact areas for intervention, such as lifestyle modifications and early screenings for high-risk groups.
Feature importance results also enhance model interpretability, a critical factor in healthcare applications where decision-making transparency is vital. Clinicians are more likely to trust and adopt models that provide understandable and actionable explanations for their predictions.

5.3. Handling Class Imbalances

The study demonstrated the effectiveness of techniques such as SMOTE and class weighting in addressing the challenge of imbalanced datasets, which are common in healthcare. Models trained on unbalanced data often struggle to detect minority classes (diabetic patients in this case), leading to poor recall. By improving sensitivity without sacrificing specificity, these balancing techniques ensure more equitable model performance, especially for early diagnosis or risk prediction tasks.

5.4. Challenges in Big Data Integration

The integration of big data sources, including electronic health records (EHRs) and sensor data from wearables, significantly enhances predictive accuracy by providing richer information about patients. However, challenges persist:
Data Quality: Missing values, inconsistent records, and errors in data entry are common in healthcare datasets, necessitating robust preprocessing techniques.
Privacy and Security: Ensuring patient confidentiality is paramount when working with sensitive healthcare data. Strict adherence to data protection laws (e.g., HIPAA, GDPR) is required.
Heterogeneity: Combining data from diverse sources (e.g., clinical records, genomic data, lifestyle data) can lead to inconsistencies in formats and scales, making preprocessing more complex.

5.5. Real-World Applicability

While models like XGBoost demonstrate high accuracy in experimental settings, translating these results into real-world applications requires addressing practical concerns:
Scalability: Deploying ML models on large-scale healthcare systems or mobile devices for real-time prediction involves significant computational resources.
Clinical Workflow Integration: Predictive models must be seamlessly integrated into existing clinical workflows without disrupting operations. Tools such as decision support systems or mobile apps could facilitate this integration.
Interpretability and Trust: As ML models become more complex, their decisions may appear opaque to clinicians. Techniques like SHAP (Shapley Additive Explanations) or LIME (Local Interpretable Model-Agnostic Explanations) can enhance interpretability, building trust among healthcare providers.

5.6. Broader Implications

The findings of this study demonstrate the transformative potential of ML in healthcare, particularly for chronic disease management. By enabling early detection and personalized intervention, these models could significantly reduce the burden of diabetes on healthcare systems and improve patient outcomes. Furthermore, the study underscores the role of data-driven approaches in addressing public health challenges, promoting a shift toward predictive, preventive, and personalized medicine.

5.7. Limitations and Future Research

Despite its promising results, the study has limitations that must be addressed in future work:
Dataset Generalizability: The models were evaluated on specific datasets, which may not fully represent the diversity of global populations. Future research should validate the models on more diverse datasets to ensure broader applicability.
Temporal Data: Diabetes progression is dynamic, and current models do not account for temporal trends in patient data. Incorporating time-series analysis could improve predictions and provide insights into disease progression.
Hybrid Models: Combining strengths of multiple ML techniques, such as ensemble methods and deep learning, could yield hybrid models with improved performance.
Deployment Challenges: Future work should explore lightweight, efficient models that can be deployed in real-time environments, such as mobile health applications or point-of-care diagnostics.

6. Conclusion

The study demonstrates the potential of machine learning (ML) models in predicting Diabetes Mellitus by leveraging big data. Advanced ML techniques, particularly ensemble methods like XGBoost and Random Forest, outperformed traditional models such as logistic regression in terms of accuracy, precision, recall, and overall robustness. These models effectively captured complex patterns in the data and identified key predictors, including HbA1c levels, BMI, family history, and age, providing actionable insights for clinicians.
The integration of big data, encompassing clinical, demographic, and lifestyle factors, enhanced the predictive capabilities of the models. However, challenges such as data quality, privacy concerns, and computational complexity were also identified, emphasizing the need for robust preprocessing and ethical handling of patient information. Additionally, the study highlights the importance of addressing class imbalances through techniques like SMOTE and class weighting to improve sensitivity in detecting high-risk cases.
While the results are promising, practical deployment of these models in real-world settings requires further considerations. Key priorities include ensuring model scalability, improving interpretability through techniques such as SHAP or LIME, and seamlessly integrating predictive tools into clinical workflows. Moreover, validating the models across diverse populations and incorporating temporal trends in patient data are essential steps for enhancing generalizability and reliability.
In conclusion, the application of machine learning to diabetes prediction represents a significant advancement toward personalized and preventive healthcare. By enabling early diagnosis and targeted interventions, these models have the potential to reduce the global burden of diabetes and improve patient outcomes. Future research should focus on addressing existing limitations and exploring innovative solutions to further refine and implement ML-driven predictive tools in healthcare systems worldwide.

References

  1. Fatima, S. (2024b). Transforming Healthcare with AI and Machine Learning: Revolutionizing Patient Care Through Advanced Analytics. International Journal of Education and Science Research Review, Volume-11(Issue6). https://www.researchgate.net/profile/Sheraz-Fatima/publication/387303877_Transforming_Healthcare_with_AI_and_Machine_Learn ing_Revolutionizing_Patient_Care_Through_Advanced_Analytics/links/676737fe00aa3770e0b29fdd/Transforming-Healthcare-with-AI-and-Machine-Learning-RevolutionizingPatient-Care-Through-Advanced-Analytics.pdf.
  2. Henry, Elizabeth. Deep learning algorithms for predicting the onset of lung cancer. No. 13589. EasyChair, 2024.
  3. Kuraku, C., Gollangi, H. K., Sunkara, J. R., Galla, E. P., & Madhavram, C. (2024). Data Engineering Solutions: The Impact of AI and ML on ERP Systems and Supply Chain Management. Nanotechnology Perceptions, 20(S9), 10-62441. [CrossRef]
  4. Boddapati, V. N., Bauskar, S. R., Madhavaram, C. R., Galla, E. P., Sunkara, J. R., & Gollangi, H. K. (2024). Optimizing Production Efficiency in Manufacturing using Big Data and AI/ML. ML (November 15, 2024).
  5. Galla, E. P., Kuraku, C., Gollangi, H. K., Sunkara, J. R., & Madhavaram, C. R. AI-DRIVEN DATA ENGINEERING TRANSFORMING BIG DATA INTO ACTIONABLE INSIGHT. JEC PUBLICATION.
  6. Bauskar, S. R., Madhavaram, C. R., Galla, E. P., Sunkara, J. R., & Gollangi, H. K. (2022). Predicting disease outbreaks using AI and Big Data: A new frontier in healthcare analytics. European Chemical Bulletin. [CrossRef]
  7. Fatima, S. (2024). PUBLIC HEALTH SURVEILLANCE SYSTEMS: USING BIG DATA ANALYTICS TO PREDICT INFECTIOUS DISEASE OUTBREAKS. International Journal of Advanced Research in Engineering Technology & Science, Volume-11(Issue-12). https://www.researchgate.net/profile/Sheraz-Fatima/publication/387302612_PUBLIC_HEALTH_SURVEILLANCE_SYSTEMS_USING_BIG_DATA_ANALYTICS_TO_PREDICT_INFECTIOUS_DISEASE_OUTBREAKS/links/676736b7894c5520852267d9/PUBLIC-HEALTH-SURVEILLANCESYSTEMS-USING-BIG-DATA-ANALYTICS-TO-PREDICT-INFECTIOUSDISEASE-OUTBREAKS.pdf.
  8. Luz, Ayuns. Role of Healthcare Professionals in Implementing Machine Learning-Based Diabetes Prediction Models. No. 13590. EasyChair, 2024.
  9. Sheriffdeen, Kayode, and Samon Daniel. Explainable artificial intelligence for interpreting and understanding diabetes prediction models. No. 2516-2314. Report, 2024.
  10. Zierock B. Chaotic Customer Centricity, HCI International 2023 Posters, Springer Nature Switzerland (2023).
  11. Zierock, Benjamin, Sieer Angar, and Mareike Rimmler. “Strategic Transformation and Agile thinking in Healthcare Projects.” (2023).10.56831/PSEN-03-079 . [CrossRef]
  12. Zierock, Benjamin, Matthias Blatz, and Kris Karcher. “Team-Centric Innovation: The Role of Objectives and Key Results (OKRs) in Managing Complex and Challenging Projects.” In Proceedings of the 15th International Conference on Applied Human Factors and Ergonomics (AHFE 2024). 2024.
  13. Zierock, Benjamin, Matthias Blatz, and Sieer Angar. “Transfer and Scale-Up of Agile Frameworks into Education: A Review and Retrospective of OKR and SCRUM.” SCIREA Journal of Education 9, no. 4 (2024): 20-37. [CrossRef]
  14. Fatima, S. (2024a). HEALTHCARE COST OPTIMIZATION: LEVERAGING MACHINE LEARNING TO IDENTIFY INEFFICIENCIES IN HEALTHCARE SYSTEMS. International Journal of Advanced Research in Engineering Technology & Science, volume 10(Issue-3). https://www.researchgate.net/profile/Sheraz-Fatima/publication/387304058_HEALTHCARE_COST_OPTIMIZATION_LEVERAGING_MACHINE_LEARNING_TO_IDENTIFY_INEFFICIENCIES_IN_HEALTHCARE_SYSTEMS/links/67673551e74ca64e1f242064/HEALTHCARE-COSTOPTIMIZATION-LEVERAGING-MACHINE-LEARNING-TO-IDENTIFY-INEFFICIENCIES-IN-HEALTHCARE-SYSTEMS.pdf.
  15. Fatima, S. (2024b). Improving Healthcare Outcomes through Machine Learning: Applications and Challenges in Big Data Analytics. International Journal of Advanced Research in Engineering Technology & Science, Volume-11(Issue-12). https://www.researchgate.net/profile/Sheraz-Fatima/publication/386572106_Improving_Healthcare_Outcomes_through_Machine_Le arning_Applications_and_Challenges_in_Big_Data_Analytics/links/6757324234301c1fe 945607f/Improving-Healthcare-Outcomes-through-Machine-Learning-Applications-andChallenges-in-Big-Data-Analytics.pdfHenry, Elizabeth. “Understanding the Role of Machine Learning in Early Prediction of Diabetes Onset.” (2024).
  16. Fatima, Sheraz. “PREDICTIVE MODELS FOR EARLY DETECTION OF CHRONIC DISEASES LIKE CANCER.” Olaoye, G (2024).
  17. Reddy, M., Galla, E. P., Bauskar, S. R., Madhavram, C., & Sunkara, J. R. (2021). Analysis of Big Data for the Financial Sector Using Machine Learning Perspective on Stock Prices. Available at SSRN 5059521.
  18. Kuraku, C., Gollangi, H. K., Sunkara, J. R., Galla, E. P., & Madhavram, C. (2024). Data Engineering Solutions: The Impact of AI and ML on ERP Systems and Supply Chain Management. Nanotechnology Perceptions, 20(S9), 10-62441. [CrossRef]
  19. Galla, E. P., Kuraku, C., Gollangi, H. K., Sunkara, J. R., & Madhavaram, C. R. AI-DRIVEN DATA ENGINEERING.
  20. Galla, E. P., Rajaram, S. K., Patra, G. K., Madhavram, C., & Rao, J. (2022). AI-Driven Threat Detection: Leveraging Big Data For Advanced Cybersecurity Compliance. Available at SSRN 4980649. [CrossRef]
  21. Reddy, Mohit Surender, Manikanth Sarisa, Siddharth Konkimalla, Sanjay Ramdas Bauskar, Hemanth Kumar Gollangi, Eswar Prasad Galla, and Shravan Kumar Rajaram. “Predicting tomorrow’s Ailments: How AI/ML Is Transforming Disease Forecasting.” ESP Journal of Engineering & Technology Advancements 1, no. 2 (2021): 188-200.
  22. Gollangi, H. K., Bauskar, S. R., Madhavaram, C. R., Galla, E. P., Sunkara, J. R., & Reddy, M. S. (2020). Exploring AI Algorithms for Cancer Classification and Prediction Using Electronic Health Records. Journal of Artificial Intelligence and Big Data, 1(1), 65-74. [CrossRef]
  23. Madhavaram, Chandrakanth Rao, Eswar Prasad Galla, Mohit Surender Reddy, Manikanth Sarisa, and Venkata Nagesh. “Predicting Diabetes Mellitus in Healthcare: A Comparative Analysis of Machine Learning Algorithms on Big Dataset.” Journal homepage: https://gjrpublication. com/gjrecs 1, no. 01 (2021).
  24. Galla, P., Sunkara, R., & Reddy, S. (2020). ECHOES IN PIXELS: THE INTERSECTION OF IMAGE PROCESSING AND SOUND DETECTION THROUGH THE LENS OF AI AND ML.
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.
Copyright: This open access article is published under a Creative Commons CC BY 4.0 license, which permit the free download, distribution, and reuse, provided that the author and preprint are cited in any reuse.
Prerpints.org logo

Preprints.org is a free preprint server supported by MDPI in Basel, Switzerland.

Subscribe

Disclaimer

Terms of Use

Privacy Policy

Privacy Settings

© 2025 MDPI (Basel, Switzerland) unless otherwise stated