0% found this document useful (0 votes)
7 views8 pages

ICEI24 Paper 7

This paper explores the use of Federated Learning for diagnosing acute bladder inflammation, highlighting its advantages over traditional centralized methods, particularly in terms of privacy, efficiency, and scalability. The proposed Federated Logistic Regression model leverages decentralized data from multiple medical institutions to enhance diagnostic accuracy while maintaining patient data confidentiality. Experimental results demonstrate that this federated approach significantly outperforms centralized models, suggesting a transformative potential for future healthcare applications.

Uploaded by

khushi.agarwal21
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
0% found this document useful (0 votes)
7 views8 pages

ICEI24 Paper 7

This paper explores the use of Federated Learning for diagnosing acute bladder inflammation, highlighting its advantages over traditional centralized methods, particularly in terms of privacy, efficiency, and scalability. The proposed Federated Logistic Regression model leverages decentralized data from multiple medical institutions to enhance diagnostic accuracy while maintaining patient data confidentiality. Experimental results demonstrate that this federated approach significantly outperforms centralized models, suggesting a transformative potential for future healthcare applications.

Uploaded by

khushi.agarwal21
Copyright
© © All Rights Reserved
We take content rights seriously. If you suspect this is your content, claim it here.
Available Formats
Download as PDF, TXT or read online on Scribd
You are on page 1/ 8

Federated Learning for Diagnosing Acute

Inflammations of Bladder

Abstract—In the era of burgeoning data privacy concerns these diseases are imperative to prevent complications such as
and the ever-growing need for collaborative healthcare solutions, renal scarring, sepsis, or renal insufficiency.
Federated Learning stands out as a beacon of innovation. This Traditional methods for often rely on centralized ap-
paper delves into the realm of medical diagnostics, particularly
focusing on the diagnosis of acute bladder inflammation, a proaches, where vast amounts of data are gathered and pro-
prevalent condition affecting millions worldwide. Our research cessed in a single location. However, these methods suffer
introduces a novel Federated Logistic Regression model tailored from several limitations, including privacy concerns, data se-
explicitly for this purpose. By harnessing the collective knowledge curity risks, and computational bottlenecks due to the massive
dispersed across multiple medical institutions, our federated amounts of data involved [2]. Moreover, centralized systems
approach enables collaborative model training while ensuring
the utmost privacy of sensitive patient data. Through rigorous may encounter challenges in scalability and real-time respon-
experimentation and comparative analysis with traditional cen- siveness, particularly in resource-constrained environments.
tralized methods, we unveil a striking revelation: our Federated Hence, there is a pressing need for an improved approach
Learning framework outperforms its centralized counterpart by that addresses these shortcomings. Federated learning emerges
a staggering factor of nearly 20 in terms of efficiency and as a promising paradigm, offering a decentralized solution
model convergence. These results underscore the transformative
potential of Federated Learning in revolutionizing medical diag- by leveraging distributed data sources while ensuring privacy
nostics, offering a scalable, privacy-preserving solution that holds preservation and computational efficiency. This paper proposes
immense promise for the future of healthcare. a Federated Learning Approach towards Diagnosing Acute In-
Index Terms—Nephritis, Federated Learning, Logistic Regres- flammations of Bladder, aiming to enhance detection efficiency
sion, Distributed Systems, Bladder Inflammation and scalability while maintaining data privacy and security.
The literature survey conducted for this paper showcased a
I. I NTRODUCTION significant improvement in results and higher efficiency in the
Federated models when compared to Traditional models [3]
Acute inflammation of the urinary bladder, clinically recog- as represented in Fig. 1.
nized as cystitis, stands as a prevalent and disruptive ailment
affecting individuals across demographics. Clinically, cystitis
presents a spectrum of symptoms including urinary urgency,
frequency, dysuria, and hematuria, often accompanied by
suprapubic discomfort. While typically self-limiting, recurrent
or severe episodes may warrant further investigation to discern
underlying etiological factors. Nephritis of the renal pelvis,
a condition characterized by inflammation within the renal
pelvis and surrounding structures, represents a significant
pathological entity within the spectrum of urinary tract dis- Fig. 1. Traditional Model vs Federated Model
orders. This inflammatory process typically originates from
bacterial ascent originating in the lower urinary tract, leading This paper aims at fulfilling the following objectives:
to infection and subsequent inflammation in the renal pelvis • Produce a highly accurate model while strictly adhering
[1]. Prompt recognition and appropriate management of both to privacy regulations.
• Propose an approach that ensures scalability, allowing the model trained on its respective dataset. These client models
model to be deployed across diverse healthcare settings autonomously update their parameters based on local data,
while increasing efficiency and reducing training time. capturing intricate features within their data distributions.
Section 2 discusses the existing research work done in this Periodically, the client models communicate their updates
domain, understanding the shortcomings of existing solutions. to a central server, where federated averaging is employed
This paper explains the Proposed Model in the third section to aggregate the model parameters across all clients. The
explaining a Federated Logistic Regression Model used for aggregated parameters are then used to update the global
training the data which is then averaged off using FedAvg. The model on the server, ensuring that the global model reflects
fourth section reviews the performance measures that are used the collective knowledge from all participating clients. This
to evaluate the proposed model and the results generated. The iterative process of training, aggregation, and updating enables
final section (5th Section) summarises the paper by offering the global model to continually improve its performance while
a conlcusion and also delves into the future scope of this respecting the data privacy constraints inherent in federated
research. learning settings.

II. L ITERATURE R EVIEW


[4] proposed a study that evaluates different Support
Vector Machines and k-Nearest Neighbor algorithms with
various distances for diagnosing urinary system diseases .
The methodology involved analyzing the performance of these
models in terms of classification accuracy rate, classification
time, sensitivity, specificity, positive and negative predictive
values . [5] utilized a feedforward neural network architecture
for classification and prediction tasks, aiming to differentiate
between different urinary tract diseases based on subjective pa-
rameters. The algorithms used in the development included the
Levenberg-Marquardt, Scaled Conjugate Gradient, Bayesian
regularization, and Resilient Backpropagation algorithms.
The proposed model [6] for prediction of urinary system
diseases utilizes the J48 decision tree algorithm. The J48
algorithm was chosen based on its 100% accuracy and pre-
cision in predicting the presumptive diagnosis of patients
with acute urinary bladder and acute nephritis. [7] applied
deep learning to classify the diseases using various model
types, including decision trees, discriminant analysis, logistic
regression classifiers, naive bayes classifiers, SVM, nearest
neighbor classifiers (KNN), ensemble classifiers, and neural
network classifiers. [8] uses a non-negative matrix factorisation Fig. 2. Proposed Architecture
for pattern extraction which are then used as inputs for an
isolation forest algorithm. [9] [10] compared the random forest Fig. 2 demonstrates the module design wherein model
and vector machine algorithms for the detection of bladder (a) represents the Client nodes that train the local ResNet
inflammations to show that SVM returns better results from models and send the local training models to the Server
the two models. node demonstrated by model (b) to train the Global model
which returns the final output using FedAvg. Fig. 3 shows
III. P ROPOSED M ODEL the complete model with showcasing multiple client nodes
A traditional Logistic Regression model needs regular re- iteratively training with a central server nodes.
training on centralized datasets to incorporate new information
resulting in longer delays and higher processing requirements. A. Dataset
This research gap makes it difficult to keep the models up The dataset [11] serves as a foundational resource for
to date with new data which is important for increasing developing an expert system designed to facilitate presumptive
its efficiency. This drawback can be overcome by using diagnoses of two urinary system diseases: acute inflammation
a federated approach which divides the centralized dataset of the urinary bladder and acute nephritis of renal pelvis
amongst numerous clients to make the process faster and hence origin. Crafted by medical experts, the dataset is structured to
give better results than existing models for the detection of evaluate the performance of the expert system by leveraging
Nephritis and Inflammation of Urinary Bladder. Rough Sets Theory for rule detection. Each entry in the dataset
In this proposed model, we create 4 worker nodes, each corresponds to a potential patient, with attributes delineating
participating client device hosts a local Logistic Regression various symptoms and indicators relevant to urinary system
ailments. Attributes include the patient’s temperature, occur-
rence of nausea, presence of lumbar pain, continuous need for
urination, micturition pains, and symptoms like burning, itch,
and swelling of the urethra outlet. Decision variables denote
the presence or absence of inflammation of the urinary bladder
and nephritis of renal pelvis origin. The dataset, formatted in
ASCII, tabulates attributes and decisions, facilitating algorith-
mic analysis and model development.

B. Logistic Regression
Logistic regression is a statistical method used for modeling
the relationship between one or more independent variables
and a binary outcome [12]. Unlike linear regression, which
predicts continuous outcomes, logistic regression is specif- Fig. 3. Logistic Regression
ically designed for binary outcomes, where the dependent
variable is categorical and has only two possible values,
typically represented as 0 and 1. Mathematically, federated learning can be formulated as
The logistic regression model employs the logistic function, follows:
also known as the sigmoid function, to transform the linear Let D1 , D2 , ..., Dn represent the datasets held by N
combination of independent variables into a probability score devices or servers. Each dataset Di contains samples
bounded between 0 and 1. The logistic function is defined as: (xi1 , yi1 ), (xi2 , yi2 ), ..., (xiM , yiM ) where xij is the input data
and yij is the corresponding label.
p
logit(p) = ln( ) = β0 + β1 x1 + β2 x2 + .... + βn xn (1) The goal of federated learning is to learn a global model
1−p θ that minimizes a global loss function ζ(θ) , defined as the
where: average loss over all local datasets [16]:
• p represents the probability of the binary outcome (suc-
N
cess or failure). 1X
minθ E(x,y) [l(θ; x, y] (3)
• x1 , x2 , ..., xn are the independent variables. N i=1
• β0 , β1 , ..., βn are the coefficients representing the effects
of independent variables on the log-odds of the outcome. Where l(θ; x, y) is the loss function for a single sample and
The logistic function transforms the linear combination of E denotes the expectation over the local dataset Di .
independent variables into log-odds, also known as the logit During training, each device computes a local update △θi
[13]. The logit is then mapped to the probability scale using by minimizing its local loss function:
the logistic function: M
1 Xi
1 △θi = argmin△θ l(θ + △θ; xij , yij ) (4)
p= (2) Mi j=1
1+ e−(βo +β1 X1 +β2 X2 +...+βn Xn )
The logistic regression model estimates the coefficients The local updates △θi are then aggregated at a central
β0 , β1 , ..., βn using maximum likelihood estimation or other server using methods like federated averaging [15]. The server
optimization techniques to maximize the likelihood of observ- updates the global model θ by averaging the local updates:
ing the given binary outcomes given the predictor variables.
N
Once the coefficients are estimated, the model can predict the 1X
probability of the binary outcome for new observations based θ←
−θ−η △θi (5)
N i=1
on their values of independent variables.
Where η is the learning rate. This process iterates until con-
C. Federated Learning vergence, resulting in a global model trained on the collective
Federated Learning (FL) is a machine learning paradigm knowledge of all participating devices while preserving data
where a model is trained across multiple decentralized devices privacy.
or servers holding local data samples, without exchanging
them [14]. Instead, only model updates, such as gradients D. Stochastic Gradient Descent
or weights, are shared among devices to collaboratively train SGD, or Stochastic Gradient Descent, is a popular opti-
a global model while keeping the data local. This approach mization algorithm used in machine learning for minimizing
addresses privacy concerns associated with centralized data the loss function and iteratively updating the parameters of
storage by allowing training to occur on the device or server a model. It belongs to the category of gradient-based opti-
where the data resides, minimizing the need for data transmis- mization methods and is particularly well-suited for large-scale
sion. datasets due to its computational efficiency [16].
Mathematically, the SGD algorithm updates the model pa- Algorithm 1 Logistic Regression Model
rameters θ in the direction of the negative gradient of the loss 1) Initialize model parameters
function with respect to those parameters. For a given training 2) Define loss function
example (xi , yi ), the update rule for SGD is given by: criterion = torch.nn.CrossEntropyLoss()
3) Define optimizer
θ(t+1) = θ(t) − η∇θ L(xi , yi ; θ(t) ) (6) 4) For each epoch:
where: a) Iterate over mini-batches of training data:
• θ
(t)
represents the parameters of the model at iteration t. i) Forward pass: Compute model predictions
• η is the learning rate, a hyperparameter that controls the ii) Compute loss between predictions and true
size of the parameter updates. labels
(t)
• L(xi , yi ; θ ) is the loss function, which quantifies the iii) Backward pass: Compute gradients of loss with
discrepancy between the model predictions and the true respect to model parameters
labels. iv) Update model parameters using optimizer’s
(t)
• ∇θ L(xi , yi ; θ ) denotes the gradient of the loss function step() method
with respect to the model parameters. b) Evaluate model performance on validation data
In SGD, the gradient is computed using only a single train- c) Store training and validation loss and accuracy for
ing example at each iteration, hence the term ”stochastic.” This analysis
characteristic makes SGD highly efficient and scalable to large 5) Plot training and validation loss/accuracy curves
datasets, as it avoids computing gradients for the entire dataset 6) Test trained model on held-out test data
in each iteration. However, due to the randomness introduced 7) Report final test accuracy and any additional evaluation
by the selection of individual training examples, SGD may metrics
exhibit noisy updates and slower convergence compared to
batch gradient descent methods. Algorithm 2 Federated LR Model
E. Psuedo Code 1) Initialize parameters and data structures
2) Define global model architecture
Algorithm 1. outlines the steps for training a basic Lo- 3) Define loss function and optimizer
gistic Regression model. It begins by initializing the model 4) Iterate over federated rounds:
parameters, defining the loss function, and setting up the
a) Distribute global model to participating hospitals
optimizer. During each epoch, the model iterates over mini-
b) Iterate over hospitals:
batches of training data, making predictions, computing loss,
and updating parameters using backpropagation. The model’s i) Train local model using hospital-specific data
performance is evaluated on validation data, and training and ii) Compute gradients and update local model pa-
validation metrics are stored for analysis. After training, the rameters
model is tested on separate test data, and the final test accuracy iii) Aggregate local model parameters to update
is reported. global model
Algorithm 2. reflects the federated learning approach, where c) Evaluate global model performance on validation
the training process involves distributing the global model to data
participating hospitals, training local models using hospital- d) Store federated training metrics for analysis
specific data, aggregating local model parameters to update 5) Plot federated training metrics
the global model, and repeating the process over multiple 6) Test global model on held-out test data
federated rounds. It includes steps for distributing, training, 7) Report final test performance and any additional findings
aggregating, evaluating, plotting, testing, reporting, and dis-
cussing the federated learning experiment.
but also optimizes resource utilization. Additionally, the num-
IV. P ERFORMANCE E VALUATION
ber of iterations sheds light on the model’s complexity and
A. Number of Iterations capacity to capture underlying data patterns. Models with
The number of iterations required to decrease the loss greater parameters or higher complexity may necessitate more
of a model serves as a fundamental performance metric iterations to adequately learn from the data.
in machine learning training processes. It encapsulates the Furthermore, the stability of convergence across multiple
efficiency and effectiveness of the training procedure, offering training runs can be assessed through the consistency of
valuable insights into various aspects of model optimization the required iterations. A highly variable number may signal
[17]. Primarily, it provides a gauge of training efficiency, instability or sensitivity to initialization conditions. Lastly,
indicating how rapidly the model converges towards an op- understanding the optimal number of iterations facilitates deci-
timal solution. A lower number of iterations signifies quicker sions regarding early stopping strategies, preventing overfitting
convergence, which not only minimizes computational time and conserving computational resources.
B. BCELoss while the model for nephritis achieves 0.0563 and 100%
BCELoss, short for Binary Cross-Entropy Loss, is a com- respectively. The testing accuracy for both the models is 100%.
mon loss function used in binary classification tasks, partic- The above results from Table 1 can be better comprehended
ularly in neural network models. It measures the discrepancy using the graphs showed in Fig. 4 and Fig. 5.
between the predicted probabilities and the actual binary labels
of the target variable.

N
1X
BCELoss(p, y) = − [yi .log(pi ) + (1 − yi ).log(1 − pi )]
N i=1
(7)
where:
• p is the predicted probability output by the model.
• y is the true binary label (0 or 1) of the target variable.
• N is the number of samples in the dataset.
• pi and yi represent the predicted probability and true label
for the i-th sample, respectively.
In binary classification, p is typically the output of a sigmoid
activation function, which ensures that predicted probabilities
fall between 0 and 1. BCELoss serves as an effective measure
for training binary classification models by quantifying the
agreement between predicted probabilities and true labels, Fig. 4. Loss for Regular Bladder Inflammation Model
thereby guiding the optimization process towards accurate
classification performance [18].
V. R ESULTS AND D ISCUSSION
This paper executes a normal and a federated Logistic
Regression model to compare the efficiency of both models
in terms of number of iterations and training loss calculated.
Table 1. contains the forementioned values recorded at inter-
vals of 1000 iterations for the training model for Inflammation
of Urinay Bladder and Table 2. shows the same for Nephritis
of Renal Pelvis for a normal regression model.

TABLE I
N ORMAL M ODEL FOR I NFLAMMATION OF U RINARY B LADDER

Number of Iterations Training Loss Training Accuracy (%)


0 3.0699 47.92
500 1.506 47.92
1500 0.2249 92.71
2500 0.1627 100
3500 0.137 100
4500 0.1185 100 Fig. 5. Accuracy for Regular Bladder Inflammation Model
5500 0.1046 100
6500 0.0936 100 The above results from Table 2 can be better comprehended
7500 0.0848 100 using the graphs showed in Fig. 6 and Fig. 7.
8500 0.0775 100
9500 0.0714 100
While both the models achieve training and testing accuracy
10500 0.0662 100 of 100%, the time needed is very long proved by the number
11500 0.0617 100 of iterations required which is almost 19500. To improve
12500 0.0578 100 the efficiency of the model, the proposed federated model is
13500 0.0544 100
14500 0.0513 100 trained and tested for detecting both these diseases. Table 3
15500 0.0486 100 displays the number of iterations required to minimize the
16500 0.0462 100 training loss by each worker node for detecting urinary bladder
17500 0.044 100
18500 0.042 100
inflammation, which can also be visualised by Fig. 8.
19500 0.0401 100 Table 4 and Fig. 9 display the training accuracy for the
above mentioned model. Similarly, Table 5 & Fig. 10 and
The model for urinary bladder inflammation manages to Table 6 & Fig. 11 display the training loss and training
achieve BCELoss of 0.0401 and a training accuracy of 100% accuracy for Acute Nephritis of the renal pelvis respectively.
TABLE II
N ORMAL M ODEL FOR N EPHRITIS OF R ENAL P ELVIS

Number of Iterations Training Loss Training Accuracy (%)


0 2.6804 69.79
500 0.877 60.42
1500 0.5576 60.42
2500 0.2121 60.42
3500 0.1793 86.46
4500 0.1562 100
5500 0.1389 100
6500 0.1253 100
7500 0.1142 100
8500 0.105 100
9500 0.0973 100
10500 0.0906 100
11500 0.0848 100
12500 0.0798 100
13500 0.0753 100
14500 0.0713 100
15500 0.0677 100
16500 0.0644 100 Fig. 7. Accuracy for Regular Nephritis Model
17500 0.0615 100
18500 0.0588 100
19500 0.0563 100 TABLE III
T RAINING L OSS OVER I TERATIONS FOR E ACH W ORKER

Iterations W1 W2 W3 W4
0 0.9096 0.8328 1.9309 1.3678
100 0.9181 0.4144 1.5114 1.1034
200 0.8108 0.4497 1.0155 0.8722
300 0.3383 0.3264 0.3469 0.4698
400 0.2006 0.1812 0.1624 0.2024
500 0.1804 0.1632 0.1447 0.1817
600 0.1647 0.1488 0.1309 0.1655
700 0.1518 0.1369 0.1197 0.1523
800 0.1409 0.127 0.1103 0.1411
900 0.1315 0.1184 0.1024 0.1315

Fig. 6. Loss for Regular Nephritis Model

The federated model requires around 900 iterations com-


pared to 19500 required by the traditional model, therefore
demonstrating an increase in the efficiency by a factor of
almost 20 times while maintaining the training loss, training
accuracy and a testing accuracy of 100%.
VI. C ONCLUSION
Our research has explored the efficacy of Federated Learn- Fig. 8. Loss for Federated Inflammation Model
ing in the context of diagnosing acute bladder inflamma-
tion and acute nephritis, demonstrating its potential to sig-
nificantly enhance medical diagnostic systems. Through the a 20-fold enhancement in model convergence compared to
development and evaluation of a novel Federated Logistic traditional centralized approaches, our findings underscore the
Regression model, we have shown that collaborative model transformative impact of Federated Learning on the healthcare
training across multiple healthcare institutions can lead to domain. Looking ahead, there are several avenues for future
remarkable improvements in efficiency and accuracy with- research and development in the field of Federated Learning
out compromising patient data privacy. By achieving nearly for medical diagnostics. One potential direction is to explore
TABLE IV TABLE V
T RAINING ACCURACY FOR F EDERATED I NFLAMMATION M ODEL T RAINING L OSS FOR F EDERATED N EPHRITIS M ODEL

Iterations W1 W2 W3 W4 Number of Iterations W1 W2 W3 W4


0 37.5 33.33 50 54.17 0 1.9586 1.0755 1.1401 1.9368
100 37.5 91.67 50 54.17 100 1.7387 1.5665 1.5511 1.7416
200 66.67 66.67 50 54.17 200 1.3884 1.1495 1.1017 1.4136
300 79.17 70.83 83.33 75 300 1.0380 0.6462 0.5630 1.0771
400 95.83 100 100 100 400 0.6920 0.2910 0.2020 0.7449
500 100 100 100 100 500 0.2535 0.1947 0.1616 0.3370
600 100 100 100 100 600 0.2098 0.1723 0.1495 0.2196
700 100 100 100 100 700 0.1957 0.1590 0.1395 0.2021
800 100 100 100 100 800 0.1841 0.1476 0.1309 0.1877
900 100 100 100 100 900 0.1741 0.1378 0.1234 0.1754

TABLE VI
T RAINING ACCURACY OVER I TERATIONS FOR E ACH W ORKER

Number of Iterations Worker 1 Worker 2 Worker 3 Worker 4


0 41.67 37.5 37.5 41.67
100 41.67 37.5 37.5 41.67
200 41.67 45.83 54.17 41.67
300 54.17 66.67 66.67 41.67
400 58.33 95.83 100 62.5
500 100 100 100 79.1
600 100 100 100 100
700 100 100 100 100
800 100 100 100 100
900 100 100 100 100

Fig. 9. Accuracy for Federated Inflammation Model

Fig. 11. Accuracy for Federated Nephritis Model

medical diagnostics holds immense promise, with the potential


to revolutionize healthcare delivery by empowering collabo-
rative, data-driven decision-making while prioritizing patient
privacy and security. Continued research and innovation in this
Fig. 10. Loss for Federated Nephritis Model
area will play a vital role in shaping the next generation of
intelligent healthcare systems.
the applicability of our proposed framework to other medical
R EFERENCES
conditions and diagnostic tasks, such as chronic diseases or
imaging-based diagnoses. Additionally, further optimization [1] Ben, Fabio & Da Col, Giacomo & Cobârzan, Doriana & Turetta,
of the Federated Learning algorithm and model architecture Matteo & Rubin, Daniela & Buttazzi, Patrizio & Antico, Antonio.
(2023). A fully interpretable machine learning model for increasing the
could lead to even greater improvements in efficiency and effectiveness of urine screening. American Journal of Clinical Pathology.
accuracy. In conclusion, the future of Federated Learning in 160. 10.1093/ajcp/aqad099.
[2] Magherini R, Mussi E, Volpe Y, Furferi R, Buonamici F, Servi M.
Machine Learning for Renal Pathologies: An Updated Survey. Sen-
sors (Basel). 2022 Jul 1;22(13):4989. doi: 10.3390/s22134989. PMID:
35808481; PMCID: PMC9269842.
[3] Czerniak, Jacek & Zarzycki, Hubert. (2003). Application of rough sets
in the presumptive diagnosis of urinary system diseases. 10.1007/978-
1-4419-9226-0 5.
[4] Seyyid Ahmed Medjahed, Tamazouzt Ait Saadi, Abdelkader Benyet-
tou, ”Urinary System Diseases Diagnosis Using Machine Learning
Techniques”, International Journal of Intelligent Systems and Applica-
tions(IJISA), vol.7, no.5, pp.1-7, 2015. DOI:10.5815/ijisa.2015.05.01
[5] Aleta, Amina & Džuho, Amra & Hrvat, Faris. (2020). Detection of
Acute Inflammation of Urinary Bladder and Acute Nephritis of Renal
Pelvis Origin Using Artificial Neural Network. 10.1007/978-3-030-
64610-3 42.
[6] M. H. Kadhem and A. M. Zeki, ”Prediction of Urinary System Disease
Diagnosis: A Comparative Study of Three Decision Tree Algorithms,”
2014 International Conference on Computer Assisted System in Health,
Kuala Lumpur, Malaysia, 2014, pp. 58-61, doi: 10.1109/CASH.2014.25.
[7] C. Lochotinunt, S. Pechprasarn and T. Treebupachatsakul, ”Classifi-
cation model for predicting inflammation of the urinary bladder and
acute nephritis of the renal pelvis,” 2022 14th Biomedical Engineering
International Conference (BMEiCON), Songkhla, Thailand, 2022, pp.
1-5, doi: 10.1109/BMEiCON56653.2022.10012109.
[8] Enshaeifar S, Zoha A, Skillman S, Markides A, Acton ST, et al. (2019)
Machine learning methods for detecting urinary tract infection and
analysing daily living activities in people with dementia. PLOS ONE
14(1): e0209909. https://doi.org/10.1371/journal.pone.0209909
[9] Ferro, Matteo & Falagario, Ugo & Barone, Biagio & Maggi, Martina &
Crocetto, Felice & Busetto, Gian & Giudice, Francesco & Terracciano,
Daniela & Lucarelli, Giuseppe & Lasorsa, Francesco & Catellani,
Michele & Brescia, Antonio & Mistretta, Francesco & Luzzago, Stefano
& Piccinelli, Mattia & Mihai Dorin, Vartolomei & Jereczek-Fossa,
Barbara & Musi, Gennaro & Montanari, Emanuele & Tataru, Sabin.
(2023). Artificial Intelligence in the Advanced Diagnosis of Bladder
Cancer-Comprehensive Literature Review and Future Advancement.
Diagnostics. 13. 2308. 10.3390/diagnostics13132308.
[10] S. Baijwan and A. Dhyani, ”Performance Analysis of an Inflammatory
Process in the Bladder Cystitis Development using Machine Learning
Approach,” 2023 IEEE International Conference on Integrated Circuits
and Communication Systems (ICICACS), Raichur, India, 2023, pp. 01-
06, doi: 10.1109/ICICACS57338.2023.10099872.
[11] Czerniak,Jacek. (2009). Acute Inflammations. UCI Machine Learning
Repository. https://doi.org/10.24432/C5V59S.
[12] T. Haifley, ”Linear logistic regression: an introduction,” IEEE Interna-
tional Integrated Reliability Workshop Final Report, 2002., Lake Tahoe,
CA, USA, 2002, pp. 184-187, doi: 10.1109/IRWS.2002.1194264.
[13] X. Zou, Y. Hu, Z. Tian and K. Shen, ”Logistic Regression Model
Optimization and Case Analysis,” 2019 IEEE 7th International Confer-
ence on Computer Science and Network Technology (ICCSNT), Dalian,
China, 2019, pp. 135-139, doi: 10.1109/ICCSNT47585.2019.8962457.
[14] T. Li, A. K. Sahu, A. Talwalkar and V. Smith, ”Federated Learn-
ing: Challenges, Methods, and Future Directions,” in IEEE Signal
Processing Magazine, vol. 37, no. 3, pp. 50-60, May 2020, doi:
10.1109/MSP.2020.2975749.
[15] L. Li, Y. Fan and K. -Y. Lin, ”A Survey on federated learning,” 2020
IEEE 16th International Conference on Control & Automation (ICCA),
Singapore, 2020, pp. 791-796, doi: 10.1109/ICCA51439.2020.9264412.
[16] L. Guo, M. Li, S. Xu and F. Yang, ”Application of Stochastic Gradient
Descent Technique for Method of Moments,” 2020 IEEE International
Conference on Computational Electromagnetics (ICCEM), Singapore,
2020, pp. 97-98, doi: 10.1109/ICCEM47450.2020.9219400.
[17] S. Gunter and H. Bunke, ”Optimizing the number of states, training
iterations and Gaussians in an HMM-based handwritten word recog-
nizer,” Seventh International Conference on Document Analysis and
Recognition, 2003. Proceedings., Edinburgh, UK, 2003, pp. 472-476
vol.1, doi: 10.1109/ICDAR.2003.1227710.
[18] Ruby, Usha & Yendapalli, Vamsidhar. (2020). Binary cross entropy
with deep learning technique for Image classification. International
Journal of Advanced Trends in Computer Science and Engineering. 9.
10.30534/ijatcse/2020/175942020.

You might also like