An Efficient and Robust Approach Using Inductive Transfer-Based Ensemble Deep Neural Networks For Kidney Stone Detection
An Efficient and Robust Approach Using Inductive Transfer-Based Ensemble Deep Neural Networks For Kidney Stone Detection
ABSTRACT Chronic kidney disorder is a global health problem involving the repercussions of impaired
kidney function and kidney failure. A kidney stone is a kidney scenario that impairs kidney function. Because
this disease is usually asymptomatic, early and quick detection of kidney problems is essential to avoid signif-
icant consequences. This study presents an automated detection of Computed Tomography (CT) kidney stone
images using an inductive transfer-based ensemble Deep Neural Network (DNN). Three datasets are created
for feature extraction from kidney CT images using pre-trained DNN models. After assembling several
pre-trained DNNs, such as DarkNet19, InceptionV3, and ResNet101, the ensemble deep feature vector is
created using feature concatenation. The Iterative ReliefF feature selection method is used to choose the most
informative ensemble deep feature vectors, which are then fed into the K Nearest Neighbor classifier tuned
using a Bayesian optimizer with a 10-fold cross-validation approach to detect kidney stones. The proposed
strategy achieves 99.8% and 96.7% accuracy using the quality and noisy image datasets, which are superior
to other DNN-based and traditional image detection approaches. This proposed automated approach can help
urologists confirm their physical inspection of kidney stones, reducing the possibility of human mistakes.
INDEX TERMS Cross-validation, deep learning, computed tomography, kidney stone, transfer learning,
ensemble network.
I. INTRODUCTION time for physicians, and this hectic working schedule may
Kidney diseases affect people of all ages and genders. Early result in an incorrect diagnosis.
detection of kidney diseases is critical, as it is for other dis- Furthermore, many patients suffer from kidney disorders,
eases. Chronic kidney disease can be deadly if not addressed. and a shortage of physicians may cause the treatment to be
Kidney stones must be identified and diagnosed as soon severely delayed. Computer-assisted medical solutions have
as possible. Early detection of tiny kidney stones helps to been developed to solve these challenges and diagnose kidney
avoid the development of chronic kidney disorders. There is disease at an early stage. Automated solutions reduce physi-
a constant increase in kidney patients globally, and several cian effort and potential human mistakes [2]. It is also always
nations (particularly third-world countries) have a shortage beneficial to achieve accurate outcomes free of subjectivity.
of nephrologists [1]. As a result, many people with kidney As a consequence, the designed system is always precise and
disease cannot obtain sufficient care. Patients with kidney sturdy.
disorders should be frequently screened, including medical Many automated research studies are now being conducted
imaging technology screening. These normal processes take on breast, lung, and heart disorders. However, there has
been little research on the recognition of kidney diseases.
To identify kidney disorders, ultrasound, Magnetic Reso-
The associate editor coordinating the review of this manuscript and nance Imaging (MRI), and Computed Tomography (CT) are
approving it for publication was Yong Yang . routinely utilized [3]. CT images have generally been utilized
2024 The Authors. This work is licensed under a Creative Commons Attribution-NonCommercial-NoDerivatives 4.0 License.
32894 For more information, see https://creativecommons.org/licenses/by-nc-nd/4.0/ VOLUME 12, 2024
J. Chaki, A. Uçar: Efficient and Robust Approach Using Inductive Transfer-Based Ensemble DNNs
to identify, quantify, and segment kidney stone disease. The A. PRE-PROCESSING OF THE DATASET IMAGES
primary goal of automated applications in clinical practice 1) IMAGE BRIGHTNESS ENHANCEMENT BY USING THE
is to create an autonomous model that can identify kidney PROPOSED FUZZY INFERENCE SYSTEM
disorders and assist physicians in accurate treatment. The goal of creating a new Fuzzy Inference System (FIS)
Detection of medical imaging is a prominent research is to improve the brightness/contrast of the dataset images,
topic, and numerous autonomous models have been devel- thereby overcoming the limitations of previous techniques.
oped to diagnose the disorder reliably. Many Deep Learning The discrete pixel intensity is fuzzified using input Member-
(DL) and Machine Learning (ML) models have been utilized ship Functions (MFs) and then mapped to the output using
to achieve good performance in medical image recogni- IF-THEN rules to generate FIS. Finally, the output MFs are
tion [4], [5]. Despite using a single model to recognize med- used to generate a defuzzified value.
ical images, some researchers have used ensemble learning
to recognize medical images [41], [42], [43]. Therefore, this
2) IMAGE AUGMENTATION
study proposes a fusion of inductive transfer-based ensemble
Deep Neural Networks (DNNs) feature and ML classifier to Augmentation is used to increase the number of image sam-
recognize kidney stones. The inductive transfer-based ensem- ples in the dataset and add some variety. FINDWELL model’s
ble DNNs are used to extract the features from the kidney CT performance and results can be improved by data augmen-
images. tation. The data augmentation tools enhance and enrich the
In urology, DL and ML-based methods automatically data, allowing the model to perform better and more correctly.
detect ureteral and kidney stones. In this study, a model Data augmentation approaches lower operating expenses by
is proposed for the automated recognition of kidney stones including transformation into datasets. In this study, aug-
based on a fusion of ensemble DNN along with inductive mentation is done by using horizontal flip, vertical flip,
transfer and ML technique. The proposed technique aims horizontal+vertical flip, and adding salt and pepper noise in
to develop an automated kidney stone recognition model to the dataset images so that the FINDWELL model becomes
alleviate insufficient doctor discrepancies. This automated robust from these variations. Three different datasets are
system serves as a resource for nephrologists and radiologists. generated using the augmentation above approaches to check
This study proposes the Fusion of Inductive transfer-based the method’s efficacy.
eNsemble Deep netWork features, iterative rELiefF features
selector, and machine Learning (FINDWELL) model for kid- B. PROPOSED ENSEMBLE DEEP FEATURES BASED ON
ney stone detection. Before feature extraction, dataset images INDUCTIVE TRANSFER MODELS
are pre-processed in various ways, like image augmenta- This study proposes an Inductive transfer-based new ensem-
tion and brightness enhancement, using the proposed fuzzy ble deep feature extractor, which combines the features
inference system. Training DNNs from the beginning neces- extracted from Darknet19, InceptionV3, and ResNet101.
sitates a huge number of labeled images, which is extremely As a feature generation function, pre-trained DarkNet19
problematic in medical imaging because of the personnel is chosen to extract discriminative features. DarkNets [26]
costs and time required to build skillfully classified datasets. are lightweight CNNs that are exceptionally effective. For
To adjust the weights associated with DNNs for medical these reasons, DarkNet19 is used to extract the features in
image recognition, inductive transfer or transfer learning [6] this study. InceptionV3 [27] is less computationally costly.
has been used by previous researchers. In inductive transfer, As regularizers, it employs auxiliary classifiers. An auxiliary
the knowledge of an already trained deep learning model classifier is intended to improve the convergence of very deep
with large datasets is transferred to a new relatively small neural networks. In very deep networks, the auxiliary classi-
but similar dataset [7]. All extracted features may not help fier is primarily employed to tackle the vanishing gradient
recognize kidney stone images. Thus, an Iterative ReliefF problem. In the early rounds of training, the auxiliary classi-
(IRF) features selector [8] is incorporated in this study to fiers did not result in any improvement. However, in the end,
select only the meaningful features to reduce future com- the network with auxiliary classifiers outperformed the net-
putational complexity. To demonstrate the success of the work without auxiliary classifiers. To minimize the grid size
ensemble feature, a K-Nearest Neighbor (KNN) classifier of feature maps, max pooling, and average pooling were tra-
tuned by Bayesian Optimizer (BO) [9] is used to recognize ditionally utilized. The activation dimension of the network
the kidney stone images. The efficiency of the proposed filters is enhanced in the InceptionV3 model to minimize
FINDWELL model is demonstrated using three datasets, grid size effectively. For these reasons, InceptionV3 is used
which consist of high-quality and noisy kidney CT images. in this study as the second feature extractor. Networks with
Accuracy, precision, recall, F1 score, kappa score, Matthews many layers (even thousands) may be readily trained with
Correlation Coefficient (MCC), Good Detection rate (GDR) ResNet101 [28] without raising the training error percentage.
and Classification Success Index (CSI) are used to evaluate ResNet101 uses identity mapping to assist in solving the
the performance. vanishing gradient problem. Thus, this model is the 3rd choice
The overall contributions of the FINDWELL model are as in this study for extracting the dataset image feature. Lastly,
follows: an ensemble feature vector is developed by concatenating
VOLUME 12, 2024 32895
J. Chaki, A. Uçar: Efficient and Robust Approach Using Inductive Transfer-Based Ensemble DNNs
the features extracted from Darknet19, InceptionV3, and the independent testing group had radiomics characteristics
Resnet101. of 24 kidney stones and 23 phleboliths. For the categoriza-
tion of 221 x-ray kidney stone images, Aksakalli et al. [14]
C. PROPOSED FEATURE SELECTOR used several machine learning approaches such as Decision
Feature selection is critical in data mining and DL, particu- Trees (DT), RF, SVM, Multilayer Perceptron (MLP), KNN,
larly for high-dimensional data. IRF [8] is a non-parametric NaiveBayes (BernoulliNB), and DNNs utilizing Convolu-
feature selection strategy that aims to maximize the accuracy tional Neural Network (CNN). The DT Classifier produced
of the recognition algorithms. The IRF feature selector selects the best classification results in the trials. There are some
meaningful features from the ensemble deep feature set for significant limitations to choosing only ML algorithms for
these reasons. the recognition of kidney stone images properly. ML requires
enormous, inclusive/unbiased, and high-quality data sets to
D. PROPOSED CLASSIFIER train the model. They may also have to wait for fresh data
In this study, the KNN classifier is used for kidney stone to be created at times. ML requires adequate time to let
recognition purposes for the following reasons. This classi- the algorithms learn and mature sufficiently to perform their
fier is simple and easy to understand. It is non-parametric. function with high accuracy and relevance. It also needs vast
No training is required when using the classifier. This clas- resources to function. This may need more excellent com-
sifier can handle large datasets. BO is used to tune the KNN puting resources. Another significant problem is the capacity
classifier’s hyperparameters. to understand the outcomes of the algorithms appropriately.
The rest of the paper is organized as follows. Section II Researchers must also carefully select the algorithms for the
discusses the previous works based on different ML algo- application. The error made in the early phases is massive,
rithms and inductive transfer-based DNNs for kidney stone and if not remedied at that time, it causes disaster. Bias and
detection. Section III discusses the proposed technique’s wrongdoing must be dealt with separately; they are unrelated.
methodology, which covers image augmentation, image ML is dependent on two factors: data and algorithms. The
enhancement using the proposed fuzzy brightness enhance- two variables determine all of the mistakes. Any errors in any
ment technique and generation of three different datasets variables would have a significant impact on the outcome.
from the original dataset, feature extraction using ensemble Because of the limitations mentioned above in ML
inductive transfer enabled DNNs, feature selection by using techniques, nowadays, researchers mainly use DL based
IRF and classification using KNN tuned by BO. Section IV techniques to recognize kidney stone images. For the classifi-
is concerned with the results of the FINDWELL model and cation of 1799 CT scan kidney stone images, Manoj et al. [15]
analysis of the model with the techniques used by previous used VGG16 architecture. VGG16 consists of 16 layers with
researchers in kidney stone recognition. Section V deals with learnable weights: 13 convolutional layers and three fully
the discussion of the article. Finally, Section VI concludes the connected layers. In [16], authors used ResNet50 to recog-
article. nize 2959 CT kidney stone images. ResNet is an abbreviation
for Residual Network. Microsoft Research launched The
II. RELATED WORKS ResNet design in 2015, and is widely regarded as one of the
This section discusses studies on different ML techniques, most popular Convolutional Neural Network architectures.
DNN models, and inductive transfer for kidney stone ResNet-50 is a convolutional neural network of 50 layers
recognition. (48 convolutional layers, one MaxPool layer, and one aver-
Serrat et al. [10] used random forests to recognize kid- age pool layer). For the segmentation of 260 kidney stone
ney stones. The authors present findings from a study of CT images, Li et al. [17] used SegNet. SegNet is a model
454 CT kidney stone images. The authors of [11] provide two for semantic segmentation. This core trainable segmentation
supervised learning approaches for automating and improv- architecture is made up of an encoder network, a decoder
ing the categorization of kidney stones using a collection of network, and a pixel-wise classification layer. The encoder
125 ureteroscope-captured kidney stone images. Image cues network’s design is topologically identical to the VGG16
that urologists use visually to determine the kidney stone network’s 13 convolutional layers. In [18], authors used a
are analyzed and encoded as vectors in the approaches. The Deep Kronecker Neural network (DKN) to recognize kid-
feature vectors are then classified using Random Forest (RF) ney stone CT images. The image input layer, Kronecker
and ensemble KNN classifiers. Verma et al. [12] begin by convolutional layer (Conv2D), Rectifier Linear unit (ReLu)
enhancing the kidney stone images with the median filter, activation layer, max pooling layer, flatten layer, Dropout
the Gaussian filter, and un-sharp masking. After that, the layer, and Dense layers are all combined in the developed
authors employ morphological procedures such as erosion model. Inception-V3 architecture with 48 layers is used by
and dilation to determine the region of interest, and ulti- Sabuncu et al. [19] to recognize 8209 kidney stone CT
mately, the authors apply KNN and Support Vector Machine images. In [20], authors used the Deep Believe Network
(SVM) classification approaches to analyze kidney stone (DBN) to detect 1377 kidney stone CT images. DBNs have
images. In [13], authors used AdaBoost to classify 211 kidney no direction in the first two levels, but the layers above them
stones and 201 phleboliths CT images. The 43 individuals in contain directed linkages to lower layers. DBNs are distinct
32896 VOLUME 12, 2024
J. Chaki, A. Uçar: Efficient and Robust Approach Using Inductive Transfer-Based Ensemble DNNs
− (I )2
2
PA
2×
µVeryDark = e 9
(3)
2
PA 2
− I− 2
PA
2×
µDark = e 9
(4)
2
PA 2
− I − 5× 4
PA FIGURE 2. Transformation of datasets: from KD to KD3.
2×
µMediumDark = e 9
(5)
2
255−PA PS
Q (RGB (Q, S) − RGBE (Q, S))2
− I − PA + 2
9 255−PA
2× RMSE = (12)
µMediumBright = e 9
Q×S
(6) where H denotes maximum kidney CT image intensity,
2
(Q,S) represents the image size, and RGB and RGBE denote
255−PA 2
− I − PA + 2
255−PA
2× the original and enhanced images, respectively.
µBright = e 9
E. KIDNEY STONE CT IMAGES CLASSIFICATION BY USING FIGURE 5. Samples from the KD dataset: normal (first row), kidney stone
KNN OPTIMIZED BY BAYESIAN OPTIMIZER (last row).
The ensemble deep features are classified using a KNN clas-
sifier. The Bayesian Optimization (BO) [9] method is used to
adaptively optimize the hyperparameters of KNN to increase
prediction performance. The critical advantage of BO is that
it is resistant to non-convex issues and is less prone to slip into
a local optimum. The BO procedure requires a prior function, FIGURE 6. Image enhancement using fuzzy logic: (First) Original image,
such as the frequently used Gaussian kernel, to optimize the (Second) Enhancement using HE, (Third) Enhancement using CLAHE,
(Last) Enhancement using the proposed approach.
objective function. The latter is defined by its mean func-
tion and covariance function, both of which are computed
from data points. The kind of distance metric (Chebychev, GDR
cityblock, cosine, correlation, Hamming, Euclidean, Maha- TP − FP
= (19)
lanobis, Jaccard, Seuclidean, Minkowski, Spearman) and the TP + FN
number of neighbors given by K are the parameters of KNN CSI
to be optimized in this study. BO’s fitness function produced TP TP
the lowest misclassification rate. = + −1 (20)
TP + FP TP + FN
F. PERFORMANCE MEASURE These performance matrices are utilized to compute the
FINDWELL model’s quantitative evaluation is based on pre- model’s performance in classifying kidney CT images. The
cision, recall, accuracy, F1 score, kappa score, MCC, GDR performance measurements are computed after training and
and CSI measures. The values TP, FP, TN, and FN reflect the testing with different i.e., KD, KD1, KD2, and KD3 datasets.
expected true positive, false positive, true negative, and false
negative samples, respectively. Equations 13 – 20 provide the IV. RESULTS AND ANALYSIS
performance measures. For the training of the FINDWELL model, Intel Core i7,
2.6 GHz 6-Core processor, NVIDIA GeForce GTX 1600 Ti
Precision
Graphics (6GB), and 16 GB 2667 MHz DDR4 RAM, is used
TP
= (13) which minimizes the time of training. TensorFlow 2.9.2 is
TP + FP used for the implementation of the suggested approach.
Recall
TP A. DATASETS
= (14)
TP + FN The kidney CT images are collected from [35]. The dataset
was gathered through PACS (Picture archiving and communi-
Accuracy
cation system) from several hospitals in Dhaka, Bangladesh,
TP + TN
= (15) where patients had already been diagnosed with normal or
TP + FP + TN + FN stone kidney results. The Coronal and Axial slices were
F1Score chosen from both contrast and non-contrast examinations,
2×Precision × Recall and the entire abdomen and urogram protocol was fol-
= (16) lowed. The Dicom study was then carefully picked, one
Precision + Recall
diagnosis at a time, and a batch of Dicom images of the
Kappa region of interest for each radiological result was made
2 × (TP × TN − FN × FP) from those. Each patient’s information and metadata are
= then removed from the Dicom images and converted to a
(TP + FP) × (FP + TN ) + (TP + FN ) × (FN + TN )
lossless jpg image format. Following the conversion, each
(17) imaging finding was double-checked by a radiologist and a
medical technician to ensure that the data was correct. The
MCC
collected dataset consists of 5077 normal and 1377 kidney
TP × TN − FP × FN stone images. In this study, this dataset is named as KD
=√
(TP + FP) × (TP + FN ) × (TN + FP) × (TN + FN ) dataset. Figure 5 represents some sample images from the KD
(18) dataset.
FIGURE 7. Samples from KD1 (Training: Augmented, Testing: Augmented), FIGURE 8. The best point hyperparameter of the utilized KNN classifier.
KD2 (Training: Augmented, Testing: Augmented + Noisy), KD3 (Training:
Augmented + Noisy, Testing: Augmented + Noisy) datasets. The first three TABLE 2. Network analysis of several PT-DNNs.
images are from the training set and the last three images are from the
testing set.
E. SELECTION OF BEST POINT HYPERPARAMETER VALUE FIGURE 10. Performance comparison of different DNN approaches as
USING KNN CLASSIFIER well as the proposed ensemble technique.
To find out the best point hyperparameter value using the
KNN classifier, 40 iterations are considered. Figure 8 depicts regularization. It is a technique for regularizing the classifier
the best point hyperparameter of the utilized KNN classifier. by assessing the impact of label dropout during training.
To carry out this experiment the KD1 dataset is used. The It stops the classifier from making too confident predictions
optimized K value is 1 with the Euclidean distance metric. about a class. ResNet101 provides heuristics to increase the
parallelism of training and decrease the computational cost
F. SELECTION OF DNNs TO CREATE THE ENSEMBLE DNN through lower precision computing and modifying the learn-
FOR FEATURE EXTRACTION ing rate or biases.
Table 2 shows the network analysis of several PT-DNNs used The following are the network parameters of the DNNs
in this study. used in this study: DarkNet19 [26], InceptionV3 [27], and
The performance of individual PT-DNNs is compared to ResNet101 [28]. DarkNet19 consists of 19 Convolutional
create the ensemble DNN using a 10-fold CV which is listed Layers, 18 Batch Normalization, 18 Leaky ReLU, five max-
in Table 3. Here the images from the KD1dataset are used as pooling, and 1 SoftMax with a weight decay of 0.005 and
it contains quality images and the dataset is balanced. momentum of 0.9. The learning rate is set to 0.0002 and
From Table 3 we can conclude that the top five PT-DNNs the batch size is 512. After the training phase, 88.1 million
which result in good performances and p-value < 0.05 are parameters are learned. InceptionV3 is 48 layers deep with
DarkNet19 [26], ResNet101 [28], InceptionV3 [27], Shuf- a weight decay of 0.9 and momentum of 0.9. The learning
fleNet [37], and MobileNetV2 [22]. The combination of these rate for the network is set to 0.001, and batch sizes range
PT-DNNs is used to create the proposed ensemble DNN. from 4,096 to 16,384. ResNet101 is 101 layers deep with a
The performance comparison of the combination of these weight decay of 10e−4 and momentum of 0.9. The quickest
PT-DNNs is listed in Table 4. training progress is seen at a learning rate of 0.1 and a batch
From Table 4 it is clear that Ensemble 3 which is the combi- size of 768. After the training phase, 23.9 million parameters
nation of DarkNet19 [26], ResNet101 [28], and InceptionV3 are learned. ResNet101 is 101 layers deep with a weight
[27] is producing the best performance (97.1% accuracy) decay of 0.0001 and momentum of 0.9. The learning rate
compared to other ensemble DNNs. As a result, DarkNet19 and batch size are set to 0.001 and 64. After the training
[26], InceptionV3 [27], and ResNet101 [28] are selected for phase, 44.7 million parameters are learned. Adam optimizer
their unique performance and lightweight structure. Dark- is used to train every DNN. Henceforth, the combination
net19 is faster and more precise since it is less complicated. (concatenation) of the features generated from these PT-DNN
The advantage of using InceptionV3 is the use of an auxiliary architectures, i.e., DarkNet19, InceptionV3, and ResNet101,
classifier. In very deep networks, the auxiliary classifier is are employed in the proposed FINDWELL model. Figure 9
primarily employed to tackle the vanishing gradient problem. depicts the ensemble feature vector generation technique for
In the early rounds of training, the auxiliary classifiers did not the proposed strategy.
result in any improvement. However, in the end, the network The feature vectors generated from DarkNet19, Incep-
with auxiliary classifiers outperformed the network with- tionV3, and ResNet101 are concatenated to generate the
out auxiliary classifiers. InceptionV3 uses label smoothing ensemble feature vector.
FIGURE 15. Some incorrectly classified test samples using the FINDWELL
FIGURE 13. Confusion matrix and performance measure generated using model from the KD1 dataset (A) Normal, (B) Kidney stone.
the FINDWELL model when applied to the test samples of the KD1
dataset.
Figure 15 depicts some incorrectly classified test samples
using the FINDWELL model from the KD1 dataset.
The fundamental issues related to image classification
arise from the fact that images are simply massive matrices
with a great number of pixels present, and they are extremely
complicated. Training a computer to accurately categorize
images is a time-consuming and challenging undertaking.
In some circumstances, the incorrect features may be utilized
to make judgments.
FIGURE 18. Some correctly classified test samples using the FINDWELL
model from the KD2 dataset (A) Normal, (B) Kidney stone.
FIGURE 16. Comparison of the performance of the proposed FINDWELL
model with existing DNNs using the KD2 dataset.
FIGURE 19. Some incorrectly classified test samples using the FINDWELL
model from the KD2 dataset (A) Normal, (B) Kidney stone.
FIGURE 23. Some incorrectly classified test samples using the FINDWELL
model from the KD3 dataset (A) Normal, (B) Kidney stone.
[19] O. Sabuncu, B. Bilgehan, E. Kneebone, and O. Mirzaei, ‘‘Effective deep [38] X. Liu, X. Yang, M. Wang, and R. Hong, ‘‘Deep neighborhood component
learning classification for kidney stone using axial computed tomography analysis for visual similarity modeling,’’ ACM Trans. Intell. Syst. Technol.,
(CT) images,’’ Biomed. Eng./Biomedizinische Technik, vol. 68, no. 5, vol. 11, no. 3, pp. 1–15, Jun. 2020, doi: 10.1145/3375787.
pp. 481–491, 2023, doi: 10.1515/bmt-2022-0142. [39] J. Chaki, ‘‘Two-fold brain tumor segmentation using fuzzy image enhance-
[20] C. Yan and N. Razmjooy, ‘‘Kidney stone detection using an optimized ment and DeepBrainet2.0,’’ Multimedia Tools Appl., vol. 81, no. 21,
deep believe network by fractional coronavirus herd immunity optimizer,’’ pp. 30705–30731, Sep. 2022, doi: 10.1007/s11042-022-13014-8.
Biomed. Signal Process. Control, vol. 86, Sep. 2023, Art. no. 104951, doi: [40] K. Yildirim, P. G. Bozdag, M. Talo, O. Yildirim, M. Karabatak, and
10.1016/j.bspc.2023.104951. U. R. Acharya, ‘‘Deep learning model for automated kidney stone detec-
[21] S. S. Vidhya, D. Vishmitha, K. Yoshika, P. Sivalakshmi, V. Chowdary, tion using coronal CT images,’’ Comput. Biol. Med., vol. 135, Aug. 2021,
K. G. Shanthi, and M. Yamini, ‘‘Kidney stone detection using Art. no. 104569, doi: 10.1016/j.compbiomed.2021.104569.
deep learning and transfer learning,’’ in Proc. 4th Int. Conf. Inven- [41] P. Bosowski, J. Bosowska, and J. Nalepa, ‘‘Evolving deep ensembles
tive Res. Comput. Appl. (ICIRCA), Sep. 2022, pp. 987–992, doi: for detecting COVID-19 in chest X-rays,’’ in Proc. IEEE Int.
10.1109/ICIRCA54612.2022.9985723. Conf. Image Process. (ICIP), Sep. 2021, pp. 3772–3776, doi:
[22] S. Bhardwaj and H. S. Shreenidhi, ‘‘Modeling of an CNN architecture for 10.1109/ICIP42928.2021.9506119.
kidney stone detection using image processing,’’ in Proc. 4th Int. Conf. [42] M. R. Islam and M. Nahiduzzaman, ‘‘Complex features extraction with
Emerg. Res. Electron., Comput. Sci. Technol. (ICERECT), Dec. 2022, deep learning model for the detection of COVID19 from CT scan images
pp. 1–5, doi: 10.1109/ICERECT56837.2022.10059972. using ensemble based machine learning approach,’’ Exp. Syst. Appl.,
[23] P. Ballester and R. Araujo, ‘‘On the performance of GoogLeNet and vol. 195, Jun. 2022, Art. no. 116554, doi: 10.1016/j.eswa.2022.116554.
AlexNet applied to sketches,’’ in Proc. AAAI Conf. Artif. Intell., 2016, [43] J. Nalepa, P. Bosowski, W. Dudzik, and M. Kawulok, ‘‘Fusing deep learn-
vol. 30, no. 1, pp. 1–5, doi: 10.1609/aaai.v30i1.10171. ing with support vector machines to detect COVID-19 in X-ray images,’’
[24] P. Nagrath, R. Jain, A. Madan, R. Arora, P. Kataria, and J. Hemanth, in Proc. Asian Conf. Intell. Inf. Database Syst., 2022, pp. 340–353, doi:
‘‘SSDMNV2: A real time DNN-based face mask detection system using 10.1007/978-981-19-8234-7_27.
single shot multibox detector and MobileNetV2,’’ Sustain. Cities Soc.,
vol. 66, Mar. 2021, Art. no. 102692, doi: 10.1016/j.scs.2020.102692.
[25] M. T. Rahman and A. Dola, ‘‘Automated grading of diabetic
retinopathy using DenseNet-169 architecture,’’ in Proc. 5th Int.
Conf. Electr. Inf. Commun. Technol. (EICT), Dec. 2021, pp. 1–4,
doi: 10.1109/EICT54103.2021.9733431.
[26] M. Baygin, O. Yaman, P. D. Barua, S. Dogan, T. Tuncer, and U. R. Acharya,
‘‘Exemplar Darknet19 feature generation technique for automated kidney
stone detection with coronal CT images,’’ Artif. Intell. Med., vol. 127,
May 2022, Art. no. 102274, doi: 10.1016/j.artmed.2022.102274.
[27] M. N. Islam, M. Hasan, M. K. Hossain, M. G. R. Alam, M. Z. Uddin, and JYOTISMITA CHAKI (Member, IEEE) received
A. Soylu, ‘‘Vision transformer and explainable transfer learning models the Ph.D. (Engg.) degree from Jadavpur Univer-
for auto detection of kidney cyst, stone and tumor from CT-radiography,’’ sity, Kolkata, India. She is currently an Associate
Sci. Rep., vol. 12, no. 1, p. 11440, Jul. 2022, doi: 10.1038/s41598-022- Professor with the School of Computer Science
15634-4. and Engineering, Vellore Institute of Technology
[28] K. M. Black, H. Law, A. Aldoukhi, J. Deng, and K. R. Ghani, ‘‘Deep learn- (VIT University), Vellore, India. She has authored
ing computer vision algorithm for detecting kidney stone composition,’’ and edited many international conference papers,
BJU Int., vol. 125, no. 6, pp. 920–924, Jun. 2020, doi: 10.1111/bju.15035. journal articles, and books. Her research interests
[29] P. Pandey, K. K. Dewangan, and D. K. Dewangan, ‘‘Enhancing the quality
include computer vision and image processing,
of satellite images using fuzzy inference system,’’ in Proc. Int. Conf.
Energy, Commun., Data Analytics Soft Comput. (ICECDS), Aug. 2017,
pattern recognition, medical imaging, soft com-
pp. 3087–3092, doi: 10.1109/ICECDS.2017.8390024. puting, artificial intelligence, and machine learning. She is an Editor of
[30] F. Lopez, A. Varelo, O. Hinojosa, M. Mendez, D. H. Trinh, Engineering Applications of Artificial Intelligence journal (Elsevier); an
Y. ElBeze, J. Hubert, V. Estrade, M. Gonzalez, G. Ochoa, and Academic Editor of PLOS ONE journal; an Associate Editor of Array journal
C. Daul, ‘‘Assessing deep learning methods for the identification of (Elsevier), IET Image Processing, and Machine Learning with Applications
kidney stones in endoscopic images,’’ in Proc. 43rd Annu. Int. Conf. journal (Elsevier); and a Section Editor of PeerJ Computer Science journal.
IEEE Eng. Med. Biol. Soc. (EMBC), Nov. 2021, pp. 2778–2781, doi:
10.1109/EMBC46164.2021.9630211.
[31] Z.-H. Huang, Y.-Y. Liu, W.-J. Wu, and K.-W. Huang, ‘‘Design and valida-
tion of a deep learning model for renal stone detection and segmentation
on Kidney–Ureter–Bladder images,’’ Bioengineering, vol. 10, no. 8, p. 970,
Aug. 2023, doi: 10.3390/bioengineering10080970.
[32] ImageNet Database. Accessed: Mar. 31, 2023. [Online]. Available:
https://www.image-net.org/
[33] X. Zheng, W. Chen, Y. You, Y. Jiang, M. Li, and T. Zhang, ‘‘Ensem-
ble deep learning for automated visual classification using EEG sig-
nals,’’ Pattern Recognit., vol. 102, Jun. 2020, Art. no. 107147, doi: AYŞEGÜL UÇAR (Senior Member, IEEE)
10.1016/j.patcog.2019.107147. received the B.S., M.S., and Ph.D. degrees from
[34] M. A. Ganaie, M. Hu, A. K. Malik, M. Tanveer, and P. N. Suganthan, the Department of Electrical and Electronics Engi-
‘‘Ensemble deep learning: A review,’’ Eng. Appl. Artif. Intell., vol. 115, neering, Firat University, Turkey, in 1998, 2000,
Oct. 2022, Art. no. 105151, doi: 10.1016/j.engappai.2022.105151. and 2006, respectively. In 2013, she was a Visiting
[35] Kaggle Kidney CT Image Database. Accessed: Mar. 31, 2023. [Online]. Professor with the Division of Computer Sci-
Available: https://www.kaggle.com/datasets/nazmul0087/ct-kidney-
ence and Engineering, Louisiana State University,
dataset-normal-cyst-tumor-and-stone
USA. Since 2020, she has been a Professor with
[36] K. Somasundaram, S. M. Animekalai, and P. Sivakumar, ‘‘An efficient
detection of kidney stone based on HDVS deep learning approach,’’ in the Department of Mechatronics Engineering,
Proc. 1st Int. Conf. Combinat. Optim., 2021, pp. 1–9, doi: 10.4108/eai.7- Firat University. She has more than 24 years of
12-2021.2314490. background in autonomous technologies and artificial intelligence, its engi-
[37] S. Sudharson and P. Kokil, ‘‘An ensemble of deep neural net- neering applications, robotics vision, teaching, and research. She is active in
works for kidney ultrasound image classification,’’ Comput. Meth- several professional bodies, particularly as a European Artificial Intelligence
ods Programs Biomed., vol. 197, Dec. 2020, Art. no. 105709, doi: Alliance Committee Member and an Associate Editor of IEEE ACCESS.
10.1016/j.cmpb.2020.105709.