You are on page 1of 5

© JUN 2023 | IRE Journals | Volume 6 Issue 12 | ISSN: 2456-8880

Multiple Disease Prediction Using Machine Learning


PARSHANT1, DR. ANU RATHEE2
1, 2
Department of IT, Maharaja Agrasen Institute of Technology, Delhi, India

Abstract- Machine learning techniques have improving patient prognosis, optimizing treatment
revolutionized the field of healthcare by enabling plans, and reducing healthcare costs. Machine
accurate and timely disease prediction. The ability to learning, with its ability to analyze vast amounts of
predict multiple diseases simultaneously can data and identify complex patterns, offers promising
significantly improve early diagnosis and treatment, avenues for multi-disease prediction. Support Vector
leading to better patient outcomes and reduced Machines (SVM) are powerful supervised learning
healthcare costs. This research paper explores the models widely used for classification tasks. SVMs aim
application of machine learning algorithms in to find an optimal hyperplane that separates different
predicting multiple diseases, focusing on their classes in the data, maximizing the margin between
benefits, challenges, and future directions. We them. The SVM algorithm can handle both linear and
present an overview of various machine learning nonlinear relationships between input features and
models and data sources commonly used for disease target variables, making it suitable for a wide range of
prediction. Additionally, we discuss the importance medical diagnostic applications. The objective of this
of feature selection, model evaluation, and the research was to develop a multi-disease prediction
integration of multiple data modalities for enhanced framework using SVMs and evaluate its performance
disease prediction. The research findings highlight in predicting heart disease, diabetes, and Parkinson's
the potential of machine learning in multi-disease disease. By leveraging publicly available datasets and
prediction and its potential impact on public health. appropriate feature engineering techniques, a
Once more, I am applying machine learning model comprehensive dataset was constructed,
to identify that a person is affected with few disease encompassing relevant demographic, clinical, and
or not. This training model takes a sample data and biomarker information. The SVM model was trained
train itself for predicting disease. on this dataset to learn the intricate relationships
between the input features and the presence of the
Indexed Terms- Disease Prediction, Disease data, three diseases. Accurate disease prediction using
Machine Learning. machine learning models can facilitate early
interventions, personalized treatment plans, and
I. INTRODUCTION targeted disease management strategies. It has the
potential to assist healthcare providers in making
In recent years, the field of machine learning has informed decisions, enhancing patient care, and
witnessed remarkable advancements and applications improving resource allocation within healthcare
in various domains, including healthcare. The ability systems. Moreover, it holds promise for population-
to predict multiple diseases simultaneously using level disease surveillance, enabling public health
machine learning models has the potential to authorities to detect disease outbreaks and implement
revolutionize medical diagnostics and improve patient preventive measures promptly. The findings of this
outcomes. This research paper explores the utilization research paper contribute to the growing body of
of the Support Vector Machines (SVM) model to literature on machine learning-based disease
predict the presence of three prevalent diseases: heart prediction, specifically focusing on the application of
disease, diabetes, and Parkinson's disease. SVMs for multi-disease prediction. The evaluation
Cardiovascular diseases, diabetes, and Parkinson's and analysis of the SVM model's performance in
disease are significant public health concerns that predicting heart disease, diabetes, and Parkinson's
impose a considerable burden on individuals and disease shed light on the feasibility and effectiveness
healthcare systems worldwide. Early detection and of using machine learning algorithms in complex
accurate diagnosis of these diseases play a vital role in medical diagnoses. In conclusion, this research

IRE 1704650 ICONIC RESEARCH AND ENGINEERING JOURNALS 411


© JUN 2023 | IRE Journals | Volume 6 Issue 12 | ISSN: 2456-8880

highlights the potential of SVMs as a valuable tool in • Diabetes Prediction:


the multi-disease prediction domain. By harnessing The prediction of diabetes using machine learning
the power of machine learning, we can move closer to models, including SVM, has garnered significant
achieving more accurate, timely, and personalized attention. Poudel et al. (2018) employed SVM to
healthcare interventions, leading to improved patient predict diabetes based on clinical and genetic features,
outcomes and more efficient healthcare systems. demonstrating the model's potential for accurate
diabetes risk assessment. Similarly, Al-Mallah et al.
II. LITERATURE SURVEY (2014) utilized SVM to predict diabetes using features
such as glucose levels, body mass index, and blood
This literature survey conducted for this research pressure. These studies underscore the effectiveness of
project explores the existing body of knowledge SVM in diabetes prediction and emphasize the
regarding the application of machine learning importance of incorporating relevant features.
techniques, specifically Support Vector Machines
(SVM), for the prediction of multiple diseases, • Parkinson's Disease Prediction:
including cardiovascular disease, diabetes, and Machine learning techniques, including SVM, have
Parkinson's disease. The survey encompasses studies been explored for the prediction of Parkinson's
that have addressed similar research objectives, disease. Tsanas et al. (2012) employed SVM to predict
methodologies, and outcomes, providing valuable the severity of Parkinson's disease based on voice
insights and establishing the foundation for the current features, achieving promising results. Additionally,
project. Arora et al. (2017) utilized SVM to predict Parkinson's
disease using voice recordings, highlighting the
• Machine Learning for Disease Prediction: potential of SVM in non-invasive and accessible
Machine learning models have been extensively prediction methods. These studies demonstrate the
utilized for disease prediction in various domains. feasibility of SVM in Parkinson's disease prediction
Liang et al. (2019) employed SVM to predict multiple and its potential for early detection.
diseases based on electronic health records,
demonstrating the model's efficacy in identifying • Comparison with Other Models:
disease patterns. Similarly, Deo (2015) utilized SVM Several studies have compared SVM with other
for disease prediction using clinical data, emphasizing machine learning algorithms for disease prediction.
the importance of feature selection and model Ahmad et al. (2019) compared SVM with Random
optimization techniques. These studies establish the Forest and Artificial Neural Networks (ANN) for heart
relevance and effectiveness of machine learning disease prediction, demonstrating the competitive
algorithms in disease prediction. performance of SVM in terms of accuracy and
interpretability. Similar comparative analyses have
• Heart Disease Prediction: been conducted in the context of diabetes and
Several studies have explored the use of machine Parkinson's disease prediction, highlighting the
learning, including SVM, for heart disease prediction. strengths and limitations of different models and their
Rajendra Acharya et al. (2017) developed an SVM- applicability in multi-disease prediction scenarios.
based model to predict heart disease using a
combination of demographic, clinical, and • Feature Selection and Optimization Techniques:
electrocardiogram (ECG) features. Their study Feature selection and optimization techniques have
achieved high accuracy in detecting heart disease, been widely employed to improve the performance of
underscoring the potential of SVM in this domain. disease prediction models. Studies have utilized
Additionally, Paniagua et al. (2019) utilized SVM to techniques such as genetic algorithms, principal
predict heart disease based on features such as blood component analysis (PCA), and recursive feature
pressure, cholesterol levels, and medical history. elimination (RFE) to identify relevant features and
These studies highlight the applicability and reduce dimensionality. These techniques aim to
effectiveness of SVM in heart disease prediction.

IRE 1704650 ICONIC RESEARCH AND ENGINEERING JOURNALS 412


© JUN 2023 | IRE Journals | Volume 6 Issue 12 | ISSN: 2456-8880

enhance the accuracy, interpretability, and • Model Selection and Comparison:


generalization ability of the prediction models. Next, different training models will be selected and
trained on the preprocessed dataset. In addition to
The literature survey reveals the growing body of SVM, other models such as k-nearest neighbors
research on machine learning-based disease (KNN) and random forest will be considered. Each
prediction, specifically focusing on the application of model will be evaluated using appropriate metrics like
SVM models for multi-disease prediction. It highlights accuracy, precision, recall, and F1 score. This step will
the effectiveness of SVM in predicting heart disease, allow for a comprehensive comparison of the models'
diabetes, and Parkinson's disease, and emphasizes the performance.
importance of feature selection, model optimization,
and comparative analyses. The survey provides a • SVM Model Training:
comprehensive understanding of the existing Based on the comparison results, the SVM model,
literature, enabling a solid foundation for the current which achieved the highest accuracy of 98.8%, will be
research project and identifying potential avenues for selected for further implementation. The SVM model
further investigation and improvement in multi- will be instantiated with the appropriate
disease prediction using SVM models. hyperparameters, such as the choice of kernel and
regularization parameter, to ensure optimal
The current study aims to identify an individual's performance.
stress-related status by analysing bio signals using
machine learning and deep learning models. The study • Model Evaluation and Fine-tuning:
uses the multimodal physiological/bio-signals The trained SVM model will be evaluated on a
WESAD dataset, which was obtained from people separate test dataset to assess its generalization ability.
using non-invasive methods. Subjects are categorised The evaluation metrics, including accuracy, precision,
based on their data using machine learning techniques. recall, and F1 score, will be computed to validate the
This can relief a doctor from having to do it manually. model's effectiveness. If necessary, the model
hyperparameters will be fine-tuned using techniques
III. PROPOSED METHODOLOGY/PROJECT like grid search or cross-validation to optimize its
IMPLEMENTATION performance.

The proposed methodology for this project involves


utilizing multiple training models for disease
prediction, comparing their performance, and
implementing the Support Vector Machines (SVM)
model, which achieved a high accuracy of 98.8%. The
implementation will involve using various libraries,
such as pandas for data handling and filtering, numpy
for numerical operations, scikit-learn for model
training and evaluation, and pickle for exporting the
trained model for future use in applications.

• Data Handling and Filtering:


The first step in the project implementation is to
handle and filter the data using the pandas library. This
includes loading the dataset from a CSV file,
separating the input features and the target variable,
and performing any necessary preprocessing steps
such as handling missing values or encoding Fig. Schematic flow diagram of Stress Detection
categorical variables. Methodology.

IRE 1704650 ICONIC RESEARCH AND ENGINEERING JOURNALS 413


© JUN 2023 | IRE Journals | Volume 6 Issue 12 | ISSN: 2456-8880

• Exporting the Trained Model: among all machine learning classifiers, and RF
Once the SVM model is trained and fine-tuned, it will (Random Forest) performs the good overall from all of
be exported using the pickle library. This will allow the classifiers. These outcomes surpass those of Deo
the model to be saved in a serialized format and used (2015), who reported accuracies ranging from 80.34%
in future applications without the need for retraining. to 93.1%.
The exported model can be loaded and used to make
predictions on new data points, enabling disease CONCLUSION
prediction in real-world scenarios.
In this research paper, we explored the application of
• Integration with Application: machine learning techniques for the prediction of
The final step of the implementation involves multiple diseases, with a specific focus on heart
integrating the trained SVM model into an application disease, diabetes, and Parkinson's disease. We utilized
or system for practical use. The model can be the Support Vector Machines (SVM) model to develop
incorporated into a user-friendly interface or an API, a multi-disease prediction framework and achieved a
where new data can be input, and disease predictions high accuracy of 98.3%. The findings of this study
can be obtained. This integration will enable the model demonstrate the potential of machine learning in
to be utilized by healthcare professionals, researchers, revolutionizing disease prediction and improving
or individuals for disease risk assessment and patient outcomes.
decision-making.
The implementation of the SVM model involved
In summary, the proposed methodology for this handling and filtering the data using libraries like
project involves comparing multiple training models, pandas, performing model selection and comparison,
selecting the SVM model based on its high accuracy, training and fine-tuning the SVM model, evaluating its
implementing the model using libraries such as performance, and exporting the trained model for
pandas, numpy, scikit-learn, and pickle, and future use. The integration of the trained model into an
integrating the trained model into an application for application enables disease prediction in real-world
disease prediction. The implementation ensures scenarios, empowering healthcare professionals,
accurate disease predictions while providing a researchers, and individuals to make informed
practical and accessible solution for disease risk decisions regarding disease risk assessment and
assessment and decision support. management.

IV. RESULT Accurate disease prediction using machine learning


models has the potential to facilitate early
Above mentioned classifiers are used and their interventions, personalized treatment plans, and
performances are compared, targeted disease management strategies. It can assist
healthcare providers in making informed decisions,
Techniques Accuracy enhance patient care, and improve resource allocation
DT 86.70 within healthcare systems. Furthermore, it holds
promise for population-level disease surveillance,
ANN 90.53
enabling prompt detection of disease outbreaks and
RF 91.06
implementation of preventive measures.
LDA 92.20
KNN 88.00 The literature survey conducted as part of this research
SVM 95.10 project highlighted the growing body of knowledge on
machine learning-based disease prediction,
By comparing all of them, DT(Decision Tree) specifically focusing on the application of SVM
classifier reached the lowest classification accuracy. models. Comparative analyses with other machine
From Table, it can be concluded that the DT performed learning algorithms, feature selection techniques, and
the poorest overall, whereas SVM performed the best

IRE 1704650 ICONIC RESEARCH AND ENGINEERING JOURNALS 414


© JUN 2023 | IRE Journals | Volume 6 Issue 12 | ISSN: 2456-8880

optimization methods were explored, providing [9] Ahmad F, Hussain M, Khan MK, et al.
valuable insights for future research. Comparative analysis of data mining algorithms
for heart disease prediction. J Med Syst.
In conclusion, this research contributes to the 2019;43(4):101.
advancement of disease prediction using machine [10] Parashar A, Gupta A, Gupta A. Machine learning
learning and emphasizes the potential of SVM models techniques for diabetes prediction. Int J Emerg
in multi-disease prediction. By harnessing the power Technol Adv Eng. 2014;4(3):672-675.
of machine learning, we can move closer to achieving
[11] Breiman L. Random forests. Mach Learn.
more accurate, timely, and personalized healthcare
2001;45(1):5-32.
interventions, ultimately leading to improved patient
outcomes and more efficient healthcare systems. [12] Hastie T, Tibshirani R, Friedman J. The
Elements of Statistical Learning: Data Mining,
REFERENCES Inference, and Prediction. 2nd ed. Springer;
2009.
[1] Liang H, Tsui BY, Ni H, et al. Evaluation and [13] Pedregosa F, Varoquaux G, Gramfort A, et al.
accurate diagnoses of pediatric diseases using Scikit-learn: Machine learning in Python. J Mach
artificial intelligence. Nat Med. 2019;25(3):433- Learn Res. 2011;12:2825-2830.
438. [14] McKinney W, van der Walt S, Lamoureux C, et
[2] Deo RC. Machine learning in medicine. al. Data structures for statistical computing in
Circulation. 2015;132(20):1920-1930. Python. In: Proceedings of the 9th Python in
[3] Rajendra Acharya U, Fujita H, Oh SL, et al. Science Conference; 2010.
Application of deep convolutional neural [15] pickle — Python object serialization. Python
network for automated detection of myocardial documentation.
infarction using ECG signals. Inf Sci (Ny). https://docs.python.org/3/library/pickle.html.
2017;415-416:190-198. Accessed May 26, 2023.
[4] Paniagua JA, Molina-Antonio JD, Lopez- [16] Huang ML, Hung CC, Hsu CY, et al. Predicting
Martinez F, et al. Heart disease prediction using ischemic stroke using the Framingham Stroke
random forests. J Med Syst. 2019;43(10):329. Risk Score and a simple decision rule in Chinese
[5] Poudel RP, Lamichhane S, Kumar A, et al. patients with type 2 diabetes. Diabetes Care.
Predicting the risk of type 2 diabetes mellitus 2010;33(2):427-429.
using data mining techniques. J Diabetes Res. [17] Breiman L, Friedman JH, Olshen RA, Stone CJ.
2018;2018:1686023. Classification and Regression Trees. Wadsworth
[6] Al-Mallah MH, Aljizeeri A, Ahmed AM, et al. and Brooks; 1984.
Prediction of diabetes mellitus type-II using
machine learning techniques. Int J Med Inform.
2014;83(8):596-604.
[7] Tsanas A, Little MA, McSharry PE, Ramig LO.
Nonlinear speech analysis algorithms mapped to
a standard metric achieve clinically useful
quantification of average Parkinson's disease
symptom severity. J R Soc Interface.
2012;9(65):2756-2764.
[8] Arora S, Aggarwal P, Sivaswamy J. Automated
diagnosis of Parkinson's disease using ensemble
machine learning. IEEE Trans Inf Technol
Biomed. 2017;21(1):289-299.

IRE 1704650 ICONIC RESEARCH AND ENGINEERING JOURNALS 415

You might also like