Next Article in Journal
Interpretation of Heart and Lungs Sounds Acquired via Remote, Digital Auscultation Reached Fair-to-Substantial Levels of Consensus among Specialist Physicians
Next Article in Special Issue
Point-of-Care Testing to Differentiate Various Acid–Base Disorders in Chronic Kidney Disease
Previous Article in Journal
Unlocking Precision Medicine for Prognosis of Chronic Kidney Disease Using Machine Learning
Previous Article in Special Issue
MicroRNAs as Biomarkers and Therapeutic Targets for Acute Kidney Injury
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Automatic Identification of Glomerular in Whole-Slide Images Using a Modified UNet Model

1
Chitkara University Institute of Engineering and Technology, Chitkara University, Rajpura 140401, Punjab, India
2
Kulliyyah of Information and Communication Technology, International Islamic University Malaysia, Kuala Lumpur 53100, Malaysia
3
Department of Data Science, Sejong University, Seoul 05006, Republic of Korea
4
Department of Information Systems, College of Computer Science and Information Systems, Najran University, Najran 55461, Saudi Arabia
*
Author to whom correspondence should be addressed.
Diagnostics 2023, 13(19), 3152; https://doi.org/10.3390/diagnostics13193152
Submission received: 31 August 2023 / Revised: 23 September 2023 / Accepted: 25 September 2023 / Published: 9 October 2023
(This article belongs to the Special Issue Recent Advances in Diagnosis and Treatment of Kidney Diseases)

Abstract

:
Glomeruli are interconnected capillaries in the renal cortex that are responsible for blood filtration. Damage to these glomeruli often signifies the presence of kidney disorders like glomerulonephritis and glomerulosclerosis, which can ultimately lead to chronic kidney disease and kidney failure. The timely detection of such conditions is essential for effective treatment. This paper proposes a modified UNet model to accurately detect glomeruli in whole-slide images of kidney tissue. The UNet model was modified by changing the number of filters and feature map dimensions from the first to the last layer to enhance the model’s capacity for feature extraction. Moreover, the depth of the UNet model was also improved by adding one more convolution block to both the encoder and decoder sections. The dataset used in the study comprised 20 large whole-side images. Due to their large size, the images were cropped into 512 × 512-pixel patches, resulting in a dataset comprising 50,486 images. The proposed model performed well, with 95.7% accuracy, 97.2% precision, 96.4% recall, and 96.7% F1-score. These results demonstrate the proposed model’s superior performance compared to the original UNet model, the UNet model with EfficientNetb3, and the current state-of-the-art. Based on these experimental findings, it has been determined that the proposed model accurately identifies glomeruli in extracted kidney patches.

1. Introduction

As many health-associated problems are increasing each day all around the world, kidney diseases are also growing rapidly. Mainly, these diseases are caused by other health problems such as diabetes, cholesterol, and glomeruli diseases [1]. The histological study of glomerular diseases requires a detailed analysis of digital kidney slides, including the detection and evaluation of each glomerulus. The identification of the glomeruli is important for kidney disease diagnosis at an early stage because the glomeruli purify the whole blood of the body at least 40 times a day [2]. During filtering, it removes the waste products from the blood and keeps the required substances in it. Damage to these glomeruli tissues is a common symptom of kidney problems, which can eventually lead to kidney failure [3]. As these glomerular diseases are caused at the cellular level, biopsies are performed at the same level to identify their abnormalities [4]. In kidney biopsies, a small sample of kidney tissue is extracted using a needle and examined under a microscope to identify the glomeruli [5]. However, the process of visually analyzing kidney biopsy slides using traditional methods, such as a microscope, is a difficult task [6].
Nowadays, the introduction of automated slide processing has led to significant advancements, improving the effectiveness of conventional procedures and facilitating the achievement of more objective and standardized diagnoses [7]. This automation phenomenon proves highly advantageous within healthcare environments, specifically in institutions such as hospitals, regions, or countries with a shortage of nephropathology professionals [8].
With machine learning and deep learning, significant improvements have been achieved in the digital pathology domain, which focuses on diagnosing and quantifying diseases by analyzing medical images acquired from scanned pathological tissue samples [9,10]. This study uses deep learning techniques to identify glomeruli in human kidney tissue slides.
The proposed work discusses a UNet-based framework to automatically identify glomeruli in digital Periodic Acid Schiff (PAS)-stained whole-slide images (WSIs) in kidney tissue biopsies. The proposed model enabled us to locate the glomeruli in images by attaining better outcomes than the existing work regarding accuracy, precision, recall, and F1-score. In this article, the major contributions of this research work are as follows:
  • The UNet model is modified by changing the number of filters and feature map dimensions from the first layer to the last layer for deep feature extraction. Moreover, the depth of the UNet model is also enhanced by adding one more convolution block to the encoder as well as the decoder section. To accurately identify the glomerular position in the kidney images, two convolution layers, one batch normalization layer, and one max pooling layer were added to the encoder, and one convolutional layer, one upsampling layer, and one concatenate layer were added to the decoder.
  • To achieve better results, the proposed model was tuned with different hyperparameters like optimizers, epochs, and batch sizes.
  • The performance of the proposed model was evaluated in terms of accuracy, precision, recall, and F1-score. Moreover, its performance is compared with different state-of-the-art models.
The remaining paper is structured as follows: Section 2 describes the related work, and Section 3 represents the materials and methodology used in the study. Section 4 describes the results analysis, and Section 5 concludes the paper.

2. Related Work

Identifying glomeruli in digital images of human kidney biopsies enables us to determine whether the glomeruli in kidneys are healthy or diseased. If the glomeruli are diseased, they can cause kidney failure, and if there is an insufficient number of healthy glomerulus in the kidney, this can indicate that the kidney is unsuitable for transplantation. Nowadays, the techniques for classifying and detecting glomeruli have become more important for research and kidney disease diagnosis. Several authors have worked on different methods to detect glomeruli in kidney tissue images. Some research papers work is presented here: Cascarano et al. [11] proposed a computer-aided design system that used a feature-based approach to classify the glomeruli into sclerotic and non-sclerotic forms. After training the model, the glomeruli detection was performed and achieved a precision of 98% and a recall of 93%. Kannan et al. [12] developed a CNN model to differentiate between NPS and GS images. The proposed CNN model was trained with 1362 cropped input images and labels, which led to an accuracy of 92.67% and a Kappa score of 0.86%. This study concluded that deep learning was the best method for analyzing digital human kidney images with complex histological structures.
Zeng C. et al. [13] proposed a deep-learning method for identifying glomeruli and glomerular lesions in PAS-stained whole-slide images. For all the different glomeruli variants, the model achieved a precision of 93.1% and an average recall of 94.9%. Chandan et al. [14] presented a CNN segmentation model to locate glomeruli in human kidney images using pattern recognition. This study compared the faster region-based CNN and mask-based CNN’s ability to detect glomeruli in dataset images. After training, the faster region network had 57.6% accuracy and 65.5% recall. By contrast, the mask region had 58.8% precision and 65.5% recall.
Ye Gu et al. [15] proposed a multi-stream glomeruli segmentation framework to quantify and classify kidney tissue features. To accomplish this task, they used different combinations of models. In one model, they combined ResNet with FCN and DeepLabv3 to improve data encoding. In the other model for the feature extraction task, the UNet model was modified using the efficient net as the backbone of the model. The Bayesian voting method did the best out of all the methods, with an F-score of 91.5%. Xuevai et al. [16] proposed the Mask RNN model by modifying deconvolution layers to segment the glomeruli in a pixel-level glomerular microscopic image dataset. After training the modified Mask RNN model, the results in terms of precision increased by 88.3%.
Altini et al. [17] proposed a framework to automatically detect and classify glomeruli in human kidney histological sections. The authors segmented the glomeruli in 26 images using the SegNet and DeepLabv3+ techniques and achieved an F1 score of 85.9% and 92.4%, respectively. Gallego et al. [18] proposed a CNN model for detecting glomeruli and a CNN with an AlexNet model to classify the glomeruli in 10,600 human kidney patches. The precision, recall, and F1-score were measured by evaluating the model on test images at 88.1%, 100%, and 93.7%, respectively.
Gadermayr et al. [19] worked on segmenting glomeruli regions using two distinct CNN cascade techniques and obtained a 90% dice coefficient value. After that, the results were also compared to fully convolutional networks, and it was concluded that the CNN cascade techniques were best suited for the segmentation of the glomeruli. Kato et al. [20] demonstrated the use of supervised classification models based on a linear Support Vector Machine (SVM) for segmenting glomeruli in rat whole-slide images of a kidney. To detect glomeruli, they used segmental and rectangular Histograms of Oriented Gradient (HOG) descriptors, and it was concluded that the Segmental HOG outperformed rectangular HOG in real-world testing regarding detection performance.
Temerinac-Ott et al. [21] presented the CNN-based technique to detect and recognize glomerular structures in WSls of histopathological slides stained with different reagents. The performance of CNNs on different stains was assessed. It provides a unique strategy for improving glomeruli detection on a single stain by considering the classification results from consecutive sections of the same tissue stained with different dyes. Comparing the model’s performance on four distinct stains, they determined that this integrative technique could increase the detection rate of a single stain by up to 30%. Ginley et al. [22] proposed a computer-aided diagnosis system to categorize kidney biopsies of diabetic patients using a mix of machine learning and standard image processing methods and achieved Cohen’s kappa 55%. Saikia et al. [23] proposed MLP (Multi-Layer Perceptron)-based architectures to segment glomeruli in PAS-stained WSIs and diagnose kidney diseases effectively. The proposed method employs MLP-UNet to segment glomeruli instead of conventional convolutions.
Shubham et al. [24] proposed a deep-learning technique to identify the glomeruli in digital kidney tissue sections. This study used the UNet segmentation model and EfficientNetB4 as its backbone. With the help of this combination, the authors measured the value of the dice coefficient at approximately 91%. Davis et al. [25] proposed a UNet architecture with nine layers of convolutional neural networks to segment the sclerotic and non-sclerotic glomeruli in the frozen section of human kidney donor biopsies. After training the model, they achieved F1, recall, and precision scores for non-sclerotic and sclerotic glomeruli at 93%, 96%, 90%, 87%, 93%, and 81%, respectively. Jiang et al. [26] developed cascade mask region-based convolutional neural network architecture to classify and divide glomeruli into three groups: normal glomeruli, glomeruli with lesions, and globally sclerotic glomeruli. The F1 scores measured for total glomeruli were 91.4%.

3. Material and Methods

The proposed model exploits the modified U-Net architecture to identify glomeruli in human kidney images. This model was assessed using HuBMAP hacking the kidney dataset, which comprised 20 whole-slide microscopy kidney images.

3.1. Datasets Description

The dataset utilized in this study was obtained from Kaggle, from the HubMap hacking the kidney section. The dataset comprising 20 WSIs of kidney tissue was stained using the PAS reagent [27]. The images were produced at high resolution using a bright field scanner set at 20× magnification from the slides of kidney biopsies. As a sample, three WSIs from the dataset are shown in Figure 1, where Figure 1a–c illustrates the original WSIs of the dataset and Figure 1d–f displays the corresponding ground truth masks for the WSIs.
The dataset also includes the Run-Length-Encoded (RLE) file, which contains RLE codes for all segmented glomeruli [28]. These RLE codes were encoded to create a ground truth mask of segmented glomeruli in whole-slide images of kidney samples; these masks were further used to evaluate the model’s performance.

3.2. Extraction of Tiles from Whole-Slide Images

Due to the large size of each WSI, it is impossible to use them directly; therefore, all WSIs and their respective mask sizes must be reduced [29]. All WSIs with an original size between 13,013 × 18,484 pixels and 49,548 × 38,160 pixels were cropped into 512 × 512-pixel tiles for this purpose. After cropping, the dataset consisted of 50,486 tiles. The entire collection of cropped tiles was divided into 26,874 training tiles and 23,612 testing tiles to train and test the model, respectively. Figure 2a,b show the 512 × 512 pixel extracted tiles, and Figure 2c,d show their ground truth masks.

3.3. Data Augmentation of Glomeruli Tiles

The extracted 50,486 tiles included 13,441 glomerulus tiles that contained at least one glomerulus, while the remaining 37,045 tiles did not contain any glomeruli. The imbalance in the distribution of tiles (images) could result in the model being overfitted. To maintain a balance between the number of glomerulus and non-glomerulus images, the data augmentation method was used. The glomerulus images increased through the vertical shift, horizontal shift, and horizontal flip techniques. After augmentation, the dataset contained a total of 40,323 glomerulus images. Figure 3 depicts the various data augmentation techniques utilized in this study.

3.4. Proposed Modified UNet Model Implementation

This paper proposes a modified UNet-based framework to identify the area of the glomeruli in kidney tissues. Figure 4 depicts a modified version of the UNet model, wherein several key architectural aspects have been altered. These modifications encompass adjustments to the number of filters, feature map dimensions, and the inclusion of additional layers compared to the original UNet model.
A 3 × 3 convolutional layer with a linear function, a normalization layer, a 3 × 3 convolutional layer with a ReLU function, and a 2 × 2 max pooling layer were added to the encoder (contraction path) to pull out more features and patterns from the input image. A 3 × 3 convolutional layer, an upsampling layer, and a concatenate layer were added to a decoder (expansive path) to recover the spatial information from the input image. The addition of layers to the UNet architecture also increased the training time and the chance of overfitting. Usually, this occurs when there are few training images in the dataset. However, we already had a large dataset of images, and we also applied the data augmentation technique to increase the number of images.
Table 1 provides a analysis of the layers used in both the original UNet model and proposed modified UNet model, along with descriptions outlining the roles of these layers.
Figure 4 represents the different layers with different-colored arrows in the architecture of the modified UNet model. In the contraction path of the model, there were five blocks of layers; each block contained one convolutional layer with a normalization layer and another simple convolutional layer with the max pooling layer. In the initial block, the number of filters increased from 1 to 72. The green arrow indicates the max pooling layer, which reduced the feature map dimensions from 512 × 512 to 256 × 256 by decreasing the number of pixels in the output of the convolutional layer and increasing the number of filters from 72 to 144. To accomplish downsampling, this procedure was repeated four times. In the second, third, fourth, and fifth convolution operation, the feature map was reduced from 256 × 256 to 128 × 128; from 128 × 128 to 64 × 64; from 64 × 64 to 32 × 32; and from 32 × 32 to 16 × 16, respectively. At the end of the contraction path, the image was 16 × 16 and contained 2304 filters. As the image resolution became very low after the contraction path, it had to be converted back to a high resolution before the output, as the input and output should have the exact resolution [30]. To accomplish this, the model’s expansive path was utilized, which consisted of five convolution blocks. In each block, the upsampling layer, followed by the convolutional layer, was used to increase the image size and decrease the number of feature maps. By contrast, the concatenate layers were combined with the contraction path layers to obtain the image’s previous information.
In the first convolutional operation, beginning at the bottom, the upsampling layer halved the number of filters and doubled the image size from 16 × 16 to 32 × 32. The concatenate layer combined this enlarged image with the image of the contraction path to obtain previous feature information; this helps the model make more accurate predictions to localize glomeruli in the kidney patches [31]. The feature map was increased to 64 × 64 in the second block, 128 × 128 in the third, and 256 × 256 in the fourth block. Finally, the feature map size changed to 512 × 512 in the topmost block. After resizing the image, a convolutional layer was applied, and a glomeruli mask based on the input was generated at the output.
Figure 5 illustrates the implementation methodology of the proposed modified UNet model. Initially, the original WSIs were cropped into tiles with dimensions of 512 × 512 pixels. These extracted tiles were used as the input for the modified UNet model that, in turn, generated a mask which predicted the location of glomeruli within the input image. The model’s performance was evaluated by comparing this predicted mask to the ground truth mask.

4. Result Analysis

This section presents a comprehensive analysis of the results obtained from three different models: the original UNet model, the UNet model with EfficientNetb3 as an encoder, and the proposed modified UNet model. The analysis focuses on comparing the various aspects of these models.
The performance evaluation of the models involved the computation of various performance metrics followed by a comparative analysis of the outcomes across different experiments. These metrics include classifications such as True Positives and True Negatives, as well as misclassifications like False Negatives and False Positives, all of which are derived from the confusion matrix. To measure the model’s accuracy, we assessed it by calculating the ratio of the total number of actual events to the sum of all pixel classifications, including both correct classifications and misclassifications [32]. Precision, on the other hand, was determined by quantifying the number of positive class predictions. Recall measured the ability of the model to correctly identify positive cases among all actual positive events, while the F1-score was computed using both recall and precision [33].
Initially, only the original UNet model’s performance was assessed in terms of validation loss and validation accuracy. Further, the original UNet model was modified using its encoder as a transfer learning model. For this, four transfer learning models were used, i.e., ResNet101, EffcientNetb3, VGG19, and DenseNet. The performance of the UNet model with these four transfer learning models as the encoder was assessed, and from their results, it was determined that EfficientNetb3 performed better than the other three transfer learning models. A detailed description of all the analysis is discussed below:

4.1. Analysis Using Different Optimizers

In the process of model training, optimizers play a crucial role in reducing the loss function and enhancing overall model performance. To validate the model’s performance with a batch size of eight and to determine the most effective optimizer, four different optimizers were employed: Adam [34], SGD [35], Adadelta [36], and RMSprop [37]. These optimizers were used to calculate validation loss and validation accuracy.
As shown in Table 2, a thorough comparison of different optimizers was performed for the original UNet model, the UNet model with EfficientNetb3, and the proposed modified UNet model. This analysis aimed to evaluate each model’s performance with different optimizers. With an epoch of 10 and batch size of eight, the Adam optimizer emerged as the standout performer, showcasing the lowest validation loss value and the highest validation accuracy when compared to the other optimizers. This superiority of the Adam optimizer was consistent across all three models, highlighting its effectiveness at optimizing model performance. Moreover, from Table 2, it can also be observed that, with the Adam optimizer, the proposed modified UNet model achieved the highest accuracy at 88.77 and lowest loss at 23.12 in comparison to other models.

4.2. Analysis Using Different Batch Sizes with Adam Optimizer

After selecting the Adam optimizer, the performance of the model was evaluated using different batch sizes. As shown in Table 3, batch sizes of 8, 16, and 24 were used, and evaluations were performed at epoch 10 to calculate validation loss and validation accuracy. This analysis was required to determine how different batch sizes affected the performance of the model in terms of these key metrics.
Table 3 shows that a batch size of eight provided low validation loss and high validation accuracy for all three models compared to other batch sizes of 16 and 24. Moreover, the proposed modified UNet model outperformed in terms of validation accuracy at 87.77 and validation loss at 23.12 compared to other models with a batch size of eight.
The graphical representation of the validation loss and validation accuracy for the proposed modified UNet model using a batch size of eight and 10 epochs is illustrated in Figure 6a,b. Figure 6a demonstrates a positive correlation between the number of epochs and the validation accuracy. Figure 6b illustrates a decreasing trend in the loss value as the number of epochs increased.

4.3. Analysis Using Different Epochs with Adam Optimizer and Batch Size 8

After selecting the Adam optimizer and a batch size of eight, we evaluated the performance of all three models at epochs 10, 20, 30, 40, and 50. During these evaluations, we calculated validation loss and accuracy to observe the performance of the model during training. It can be observed from Table 4 that the validation loss had the lowest value at epochs 50, and the validation accuracy attained its highest value at the same epochs in all three models. However, at this time as well, the proposed model attained the best results in terms of validation accuracy at 92.6 and validation loss at 16.41 in comparison to other models.

4.4. Analysis of Proposed Modified UNet Model with Adam Optimizer, Batch Size 8 and Epochs 50

In the last section, the proposed modified UNet model demonstrated superior performance compared to other models when evaluated in terms of validation accuracy and loss [38,39]. This achievement was accomplished using the Adam optimizer, with a batch size of eight and 50 epochs. Further, in this section, the proposed model was analyzed visually and in terms of confusion matrix parameters like accuracy, precision, recall, and the F1-score to comprehensively evaluate the proposed model’s performance at this specific batch size and epoch count.

4.4.1. Visual Analysis Based on Predicted Masks

To evaluate the visual performance of the proposed model, a comparison was made between the ground truth masks and masks generated by the proposed model. Figure 7 provides a visual analysis using a selection of five sample images. In this analysis, the input images shown in Figure 7a–e and corresponding to these input images, Figure 7f–j, display the ground truth masks. Additionally, Figure 7k–o depict the masks predicted using the modified UNet model. This visual examination clearly represents how well the proposed model aligned with the ground truth masks for these specific sample images.

4.4.2. Analysis Based on Confusion Matrices

Confusion matrices were generated for the proposed modified UNet model based on five sample images labeled as Image I, Image II, Image III, Image IV, and Image V. Figure 8 provides representations of the confusion matrices for the proposed model, while Table 5 presents an analysis of performance metrics for the proposed model for five sample images. With an average performance score of 95.7% for accuracy, 97.2% for precision, 96.4% for recall, and 96.7% for the F1-score on test images, it indicates that this model was effectively trained and evaluated and could be reliably employed for the accurate identification of glomeruli in human kidney images.

4.5. Comparison with State of the Art

Table 6 gives a summary of the studies identifying glomeruli based on species, types of staining, the number of WSIs, the number of cropped images, the technique used, and performance parameters. Moreover, in Table 6, different parameters computed during the identification of glomeruli, such as accuracy, precision, recall, and F1-score, were also compared with the state-of-the-art. The primary focus of these studies has been the detection or segmentation of specific regions or structures within glomeruli images. From the comparison table, it can be observed that the proposed modified UNet model, which has a large dataset of 50,486 images with a 512 × 512 pixel size, yields better results compared to the previous state-of-the-art methods, as shown in Table 6. After the completion of the proposed model training process, the accuracy, precision, recall, and F1-score of the model based on test images were 95.7%, 97.2%, 96.4%, and 96.7%, respectively. These results show that the proposed model can accurately identify glomeruli in kidney images.

5. Conclusions

The outcomes demonstrate that the proposed modified UNet model can automatically find glomeruli in the WSIs of human kidney tissue sections. The results were evaluated on a large dataset of 50,486 kidney images, and it was observed that the proposed modified UNet model produced higher performance measurement values when compared with state-of-the-art approaches. As the proposed modified UNet model focuses on glomeruli detection, it remains challenging to integrate it into a clinical workflow for automated analysis. Creating a seamless pipeline incorporating the glomeruli detection model and providing clinically relevant data could be a significant future objective. Also, instead of only histopathological images, other imaging techniques such as ultrasound or MRI can be used for additional information.

Author Contributions

Conceptualization, G.K., M.G. and S.G.; investigation, G.K., M.G., S.G., S.J., J.R., D.G., A.S. (Asadullah Shah) and A.S. (Asadullah Shaikh); methodology, G.K., M.G., S.G., S.J., J.R. and D.G.; resources, G.K., M.G., S.G., S.J., J.R. and D.G.; visualization, G.K., M.G., S.G., S.J., J.R., D.G., A.S. (Asadullah Shah) and A.S. (Asadullah Shaikh), writing—review and editing, G.K., M.G., S.G., S.J., J.R., D.G., A.S. (Asadullah Shah) and A.S. (Asadullah Shaikh); All authors have read and agreed to the published version of the manuscript.

Funding

This research received no external funding.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

Data will be made available on request from the corresponding author.

Conflicts of Interest

The authors declare no conflict of interest.

References

  1. Iseki, K.; Miyasato, F.; Uehara, H.; Tokuyama, K.; Toma, S.; Nishime, K.; Yoshi, S.; Shiohira, Y.; Oura, T.; Tozawa, M.; et al. Outcome study of renal biopsy patients. Kidney Int. 2004, 66, 914–919. [Google Scholar] [CrossRef] [PubMed]
  2. Ledbetter, D.; Ho, L.; Lemley, K.V. Prediction of kidney function from biopsy images using convolutional neural networks. arXiv 2017, arXiv:1702.01816. [Google Scholar] [CrossRef]
  3. Fuchs, T.J.; Buhmann, J.M. Computational pathology: Challenges and promises for tissue analysis. Comput. Med. Imaging Graph. 2011, 35, 515–530. [Google Scholar] [CrossRef] [PubMed]
  4. Jin, K.; Yan, Y.; Wang, S.; Yang, C.; Chen, M.; Liu, X.; Terasaki, H.; Yeo, T.-H.; Singh, N.G.; Wang, Y.; et al. iERM: An interpretable deep learning system to classify epiretinal membrane for different optical coherence tomography devices: A multi-center analysis. J. Clin. Med. 2023, 12, 400. [Google Scholar] [CrossRef] [PubMed]
  5. Zaidi, S.S.A.; Ansari, M.S.; Aslam, A.; Kanwal, N.; Asghar, M.; Lee, B. A survey of modern deep learning based object detection models. Digit. Signal Process. 2022, 126, 103514. [Google Scholar] [CrossRef]
  6. Anderson, J.; Glynn, L.G. Definition of chronic kidney disease and measurement of kidney function in original research papers: A review of the literature. Nephrol. Dial. Transplant. 2011, 26, 2793–2798. [Google Scholar] [CrossRef] [PubMed]
  7. Kimmelstiel, P.; Wilson, C. Intercapillary lesions in the glomeruli of the kidney. Am. J. Pathol. 1936, 12, 83. [Google Scholar]
  8. Bohr, A.; Memarzadeh, K. The rise of artificial intelligence in healthcare applications. In Artificial Intelligence in Healthcare; Academic Press: Cambridge, MA, USA, 2020; pp. 25–60. [Google Scholar]
  9. Gao, Z.; Pan, X.; Shao, J.; Jiang, X.; Su, Z.; Jin, K.; Ye, J. Automatic interpretation and clinical evaluation for fundus fluorescein angiography images of diabetic retinopathy patients by deep learning. Br. J. Ophthalmol. 2022. [Google Scholar] [CrossRef]
  10. Mo, Y.; Wu, Y.; Yang, X.; Liu, F.; Liao, Y. Review the state-ofthe-art technologies of semantic segmentation based on deep learning. Neurocomputing 2022, 493, 626–646. [Google Scholar] [CrossRef]
  11. Cascarano, G.D.; Debitonto, F.S.; Lemma, R.; Brunetti, A.; Buongiorno, D.; De Feudis, I.; Guerriero, A.; Venere, U.; Matino, S.; Rocchetti, M.T.; et al. A neural network for glomerulus classification based on histological images of kidney biopsy. BMC Med. Inform. Decis. Mak. 2021, 21, 300. [Google Scholar] [CrossRef]
  12. Kannan, S. Segmentation of Glomeruli Within Trichrome Images Using Deep Learning. Kidney Int. Rep. 2019, 7, 955–962. [Google Scholar] [CrossRef] [PubMed]
  13. Zeng, C.; Nan, Y.; Xu, F.; Lei, Q.; Li, F.; Chen, T.; Liang, S.; Hou, X.; Lv, B.; Liang, D.; et al. Identification of glomerular lesions and intrinsic glomerular cell types in kidney diseases via deep learning. J. Pathol. 2020, 252, 53–64. [Google Scholar] [CrossRef] [PubMed]
  14. Chandan, B.K.; Jayachandran, A. Identifying glomeruli in human kidney tissue images using pattern recognition methods. Eur. J. Mol. Clin. Med. 2022, 3. [Google Scholar]
  15. Gu, Y.; Ruan, R.; Yan, Y.; Zhao, J.; Sheng, W.; Liang, L.; Huang, B. Glomerulus Semantic Segmentation Using Ensemble of Deep Learning Models. Arab. J. Sci. Eng. 2022, 47, 14013–14024. [Google Scholar] [CrossRef]
  16. Han, X.; Zhang, G.; Wang, X. Glomerular Microscopic Image Segmentation Based on Convolutional Neural Network. In Proceedings of the 2019 Chinese Control Conference (CCC), Guangzhou, China, 27–30 July 2019. [Google Scholar]
  17. Altini, N.; Cascarano, G.D.; Brunetti, A.; Marino, F.; Rocchetti, M.T.; Matino, S.; Venere, U.; Rossini, M.; Pesce, F.; Gesualdo, L.; et al. Semantic segmentation framework for glomeruli detection and classification in kidney histological sections. Electronics 2020, 9, 503. [Google Scholar] [CrossRef]
  18. Gallego, J.; Pedraza, A.; Lopez, S.; Steiner, G.; Gonzalez, L.; Laurinavicius, A.; Bueno, G. Glomerulus classification and detection based on convolutional neural networks. J. Imaging 2018, 4, 20. [Google Scholar] [CrossRef]
  19. Gadermayr, M.; Dombrowski, A.K.; Klinkhammer, B.M.; Boor, P.; Merhof, D. CNN cascades for segmenting sparse objects in gigapixel whole slide images. Comput. Med. Imaging Graph. 2019, 71, 40–48. [Google Scholar] [CrossRef]
  20. Kato, T.; Relator, R.; Ngouv, H.; Hirohashi, Y.; Takaki, O.; Kakimoto, T.; Okada, K. Segmental HOG: New descriptor for glomerulus detection in kidney microscopy image. BMC Bioinform. 2015, 16, 316. [Google Scholar] [CrossRef]
  21. Temerinac-Ott, M.; Forestier, G.; Schmitz, J.; Hermsen, M.; Bräsen, J.H.; Feuerhake, F.; Wemmert, C. Detection of glomeruli in renal pathology by mutual comparison of multiple staining modalities. In Proceedings of the 10th International Symposium on Image and Signal Processing and Analysis, Ljubljana, Slovenia, 18–20 September 2017; pp. 19–24. [Google Scholar]
  22. Ginley, B.; Lutnick, B.; Jen, K.-Y.; Fogo, A.B.; Jain, S.; Rosenberg, A.; Walavalkar, V.; Wilding, G.; Tomaszewski, J.E.; Yacoub, R.; et al. Computational segmentation and classification of diabetic glomerulosclerosis. J. Am. Soc. Nephrol. 2019, 30, 1953–1967. [Google Scholar] [CrossRef]
  23. Saikia, F.N.; Iwahori, Y.; Suzuki, T.; Bhuyan, M.K.; Wang, A.; Kijsirikul, B. MLP-UNet: Glomerulus Segmentation; IEEE Access: Piscataway, NJ, USA, 2023. [Google Scholar]
  24. Shubham, S.; Jain, N.; Gupta, V.; Mohan, S.; Ariffin, M.M.; Ahmadian, A. Identify glomeruli in human kidney tissue images using a deep learning approach. Soft Comput. 2023, 27, 2705–2716. [Google Scholar] [CrossRef]
  25. Li, X.; Davis, R.C.; Xu, Y.; Wang, Z.; Souma, N.; Sotolongo, G.; Bell, J.; Ellis, M.; Howell, D. Deep Learning Segmentation of Glomeruli on Kidney Donor Frozen Sections. J. Med. Imaging 2021, 8, 067501. [Google Scholar] [CrossRef] [PubMed]
  26. Jiang, L.; Chen, W.; Dong, B.; Mei, K.; Zhu, C.; Liu, J.; Cai, M.; Yan, Y.; Wang, G.; Zuo, L.; et al. A deep learning-based approach for glomeruli instance segmentation from multistained renal biopsy pathologic images. Am. J. Pathol. 2021, 191, 1431–1441. [Google Scholar] [CrossRef] [PubMed]
  27. Available online: https://www.kaggle.com/competitions/hubmap-kidney-segmentation/ (accessed on 17 November 2020).
  28. Luo, Z.; Zhang, Y.; Zhou, L.; Zhang, B.; Luo, J.; Wu, H. Micro-vessel image segmentation based on the AD-UNet model. IEEE Access 2019, 7, 143402–143411. [Google Scholar] [CrossRef]
  29. Anand, V.; Gupta, S.; Koundal, D.; Nayak, S.R.; Nayak, J.; Vimal, S. Multi-class skin disease classification using transfer learning model. Int. J. Artif. Intell. Tools 2022, 31, 2250029. [Google Scholar] [CrossRef]
  30. Bhatia, V.; Choudhary, S.; Ramkumar, K.R. A comparative study on various intrusion detection techniques using machine learning and neural network. In Proceedings of the 2020 8th International Conference on Reliability, Infocom Technologies and Optimization (Trends and Future Directions) (ICRITO), Noida, India, 4–5 June 2020. [Google Scholar]
  31. Lodhi, S.; Kukreja, V. Deep Neural Network for Recognition of Enlarged Mathematical Corpus. In Proceedings of the 2022 International Conference on Decision Aid Sciences and Applications (DASA), Chiangrai, Thailand, 23–25 March 2022. [Google Scholar]
  32. Hung, A.J.; Chen, J.; Che, Z.; Nilanon, T.; Jarc, A.; Titus, M.; Oh, P.J.; Gill, I.S.; Liu, Y. Utilizing machine learning and automated performance metrics to evaluate robot-assisted radical prostatectomy performance and predict outcomes. J. Endourol. 2018, 32, 438–444. [Google Scholar] [CrossRef]
  33. Gupta, I.; Gupta, S.; Singh, S. Architectures Based on Deep Learning for the Detection of Invasive Ductal Carcinoma. ECS Trans. 2022, 107, 5469. [Google Scholar] [CrossRef]
  34. Kingma, D.P.; Ba, J. Adam: A method for stochastic optimization. arXiv 2014, arXiv:1412.6980. [Google Scholar]
  35. Sutskever, I.; Martens, J.; Dahl, G.; Hinton, G. On the importance of initialization and momentum in deep learning. In Proceedings of the International Conference on Machine Learning, Atlanta, GA, USA, 17–19 June 2013; pp. 1139–1147. [Google Scholar]
  36. Zeiler, M.D. Adadelta: An adaptive learning rate method. arXiv 2012, arXiv:1212.5701. [Google Scholar]
  37. Hinton, G.; Srivastava, N.; Swersky, K. Lecture 6a Overview of Mini-Batch Gradient Descent Course. In Neural Networks for Machine Learning; 2012. Available online: https://www.cs.toronto.edu/~tijmen/csc321/slides/lecture_slides_lec6.pdf (accessed on 30 August 2023).
  38. Aggarwal, S.; Juneja, S.; Rashid, J.; Gupta, D.; Gupta, S.; Kim, J. Protein Subcellular Localization Prediction by Concatenation of Convolutional Blocks for Deep Features Extraction from Microscopic Images. IEEE Access 2022, 11, 1057–1073. [Google Scholar] [CrossRef]
  39. Aggarwal, S.; Gupta, S.; Kannan, R.; Ahuja, R.; Gupta, D.; Juneja, S.; Belhaouari, S.B. A convolutional neural network-based framework for classification of protein localization using confocal microscopy images. IEEE Access 2022, 10, 83591–83611. [Google Scholar] [CrossRef]
  40. Kawazoe, Y.; Shimamoto, K.; Yamaguchi, R.; Shintani-Domoto, Y.; Uozaki, H.; Fukayama, M.; Ohe, K. Faster R-CNN-based glomerular detection in multistained human whole slide images. J. Imaging 2018, 4, 91. [Google Scholar] [CrossRef]
  41. Simon, O.; Yacoub, R.; Jain, S.; Tomaszewski, J.E.; Sarder, P. Multi-radial LBP features as a tool for rapid glomerular detection and assessment in whole slide histopathology images. Sci. Rep. 2018, 8, 2032. [Google Scholar] [CrossRef] [PubMed]
  42. Barros, G.O.; Navarro, B.; Duarte, A.; Dos-Santos, W.L. PathoSpotter-K: A computational tool for the automatic identification of glomerular lesions in histological images of kidneys. Sci. Rep. 2017, 7, 46769. [Google Scholar] [CrossRef] [PubMed]
  43. Lo, Y.C.; Juang, C.F.; Chung, I.F.; Guo, S.N.; Huang, M.L.; Wen, M.C. Glomerulus detection on light microscopic images of renal pathology with the faster r-cnn. In International Conference on Neural Information Processing; Springer: Cham, Switzerland, 2018; pp. 369–377. [Google Scholar]
Figure 1. (ac) Sample original whole-slide images, (df) Ground truth mask of the respective whole-slide images.
Figure 1. (ac) Sample original whole-slide images, (df) Ground truth mask of the respective whole-slide images.
Diagnostics 13 03152 g001
Figure 2. (a,b) Extracted tiles with a size of 512 × 512 pixels, and (c,d) Ground truth masks of the respective tiles.
Figure 2. (a,b) Extracted tiles with a size of 512 × 512 pixels, and (c,d) Ground truth masks of the respective tiles.
Diagnostics 13 03152 g002
Figure 3. Tiles after the data augmentation technique (a) Original tile; (b) Horizontal-flipped tile; (c) Vertical-shifted tile (d) Horizontal-shifted tile.
Figure 3. Tiles after the data augmentation technique (a) Original tile; (b) Horizontal-flipped tile; (c) Vertical-shifted tile (d) Horizontal-shifted tile.
Diagnostics 13 03152 g003
Figure 4. The architecture of the proposed modified UNet model.
Figure 4. The architecture of the proposed modified UNet model.
Diagnostics 13 03152 g004
Figure 5. Overview of the proposed method to detect glomeruli in kidney patches.
Figure 5. Overview of the proposed method to detect glomeruli in kidney patches.
Diagnostics 13 03152 g005
Figure 6. Plots of proposed modified UNet model with Adam optimizer, batch size eight and 10 epochs: (a) Validation accuracy (b) Validation loss.
Figure 6. Plots of proposed modified UNet model with Adam optimizer, batch size eight and 10 epochs: (a) Validation accuracy (b) Validation loss.
Diagnostics 13 03152 g006
Figure 7. Images with Adam optimizer, a batch size of eight and 50 epochs: (ae) Input images; (fj) Ground truth masks of the respective input images; (ko) Masks predicted by the proposed modified UNet model.
Figure 7. Images with Adam optimizer, a batch size of eight and 50 epochs: (ae) Input images; (fj) Ground truth masks of the respective input images; (ko) Masks predicted by the proposed modified UNet model.
Diagnostics 13 03152 g007aDiagnostics 13 03152 g007b
Figure 8. (ae) Confusion matrices obtained for five sample images with Adam optimizer, a batch size of eight and epochs 50 using proposed modified UNet model.
Figure 8. (ae) Confusion matrices obtained for five sample images with Adam optimizer, a batch size of eight and epochs 50 using proposed modified UNet model.
Diagnostics 13 03152 g008
Table 1. Different layers used in UNet model and proposed modified UNet model.
Table 1. Different layers used in UNet model and proposed modified UNet model.
Name of LayerNumber of Layers in
Original UNet
Model
Number of
Layers in Proposed Modified UNet Model
Role of the Layers
Convolutional1215It enhances the model’s capacity to effectively capture complex features, which further helps the model to obtain detailed features for glomerular position identification.
Max pooling45It is used in the UNet architecture’s encoder to reduce the spatial dimensions of feature maps, which is useful for capturing larger-scale features in images.
Upsampling45In the decoder portion of the UNet architecture, the upsampling layer is used to increase the spatial dimensions of the feature maps. It helps in the recovery of spatial information lost during the downsampling operations of the encoder.
Normalization45The normalization layer is applied to each layer’s feature maps to stabilize and accelerate training by normalizing the activations in a small batch.
Concatenate45The inclusion of additional concatenate layers creates more opportunities for the decoder to integrate features from various scales or levels of abstraction. This can potentially enhance the fusion of low-level and high-level features, ultimately leading to improved accuracy in segmentation.
Table 2. Comparison of different optimizers for original UNet model, UNet model with EfficientNetb3, and the proposed modified UNet model using a batch size of eight and 10 epochs.
Table 2. Comparison of different optimizers for original UNet model, UNet model with EfficientNetb3, and the proposed modified UNet model using a batch size of eight and 10 epochs.
OptimizerValidation LossValidation Accuracy
Original UNet ModelUNet Model with
EfficientNetb3
Proposed Modified
UNet Model
Original UNet ModelUNet Model with
EfficientNetb3
Proposed Modified
UNet Model
Adadelta70.3469.3267.6184.2586.3586.42
RMSprop52.6550.5648.2585.0486.7886.83
SGD69.2368.2166.0478.4780.7282.76
Adam29.6727.4523.1285.2887.9888.77
Table 3. Comparison of different batch sizes for original UNet model, UNet model with EfficientNetb3, and the proposed modified UNet model using Adam optimizer and 10 epochs.
Table 3. Comparison of different batch sizes for original UNet model, UNet model with EfficientNetb3, and the proposed modified UNet model using Adam optimizer and 10 epochs.
Batch SizeValidation LossValidation Accuracy
Original UNet ModelUNet
Model with
EfficientNetb3
Proposed Modified
UNet Model
Original UNet ModelUNet
Model with
EfficientNetb3
Proposed Modified
UNet Model
825.7824.923.1282.6784.9887.77
1627.726.9024.0582.3483.3984.02
2426.5625.9023.0280.3282.7984.79
Table 4. Comparison of different epochs for original UNet model, UNet model with EfficientNetb3, and the proposed modified UNet model using Adam optimizer and batch size of eight.
Table 4. Comparison of different epochs for original UNet model, UNet model with EfficientNetb3, and the proposed modified UNet model using Adam optimizer and batch size of eight.
EpochsValidation LossValidation Accuracy
Original UNet ModelUNet Model with EfficientNetb3Proposed Modified
UNet Model
Original UNet ModelUNet Model with EfficientNetb3Proposed Modified
UNet Model
134.4533.2830.2880.6782.0284.19
1025.7824.923.1282.6784.9887.77
2022.5621.9520.0683.286.0389.9
3020.7819.3418.3384.6788.9091.3
4018.8617.0417.1586.1790.1992.1
5016.5317.116.4191.8887.4692.6
Table 5. Performance metrics of proposed modified UNet model for five sample images.
Table 5. Performance metrics of proposed modified UNet model for five sample images.
MetricsAccuracy (%)Precision (%)Recall (%)F1-Score (%)
Image I97.597.699.598.5
Image II96.996.599.998.2
Image III98.995.899.699.6
Image IV99.899.999.899.9
Image V95.39698.497.2
Table 6. Comparison of the proposed modified UNet model with the state-of-the-art.
Table 6. Comparison of the proposed modified UNet model with the state-of-the-art.
Ref.SpeciesStainingNumber of WSIsNumber of Cropped Images with Size (pixels)Technique UsedPerformance Parameters
Accuracy (%)Precision (%)Recall (%)F1-Score (%)
Cascarano et al. [11]HumanPAS262772
(656 × 656)
CAD9598.493.195.6
Ye Gu et al. [15]HumanPAS------FCN+ ResNet/DeepLab v3---------91.5
Altini et al. [17]HumanPAS262772
(656 × 656)
SegNet,---83.488.683.8
DeepLab v3+---93.591.389.7
Kato et al. [16]RatDesmin20200 × 200R-HOG + SVM---77.791.185.9
S-HOG + SVM---87.489.792.4
Davis et al. [25]HumanPAS25824,133
(256 × 256)
UNet with 9 layers of CNN---909693
Jiang et al. [26]HumanPAS---1123Mask region based CNN---------91.4
Kawazoe et al. [40]HumanPAS2004029
(1100 × 1100)
Faster R-CNN---93.191.992.5
PAM2004029
(1100 × 1100)
---93.991.892.8
MT2004029
(1100 × 1100)
---91.587.889.6
Azan2004029
(1100 × 1100)
---90.484.987.6
Simon et al. [41]HumanPAS251649
(576 × 576)
MrcLBP + SVM---91.776.183.2
Barros et al. [42]HumanPAS/H&E---811LoG + KNN88.392.38890.08
Lo et al. [43]HumanPAS/H&E403473Faster-RNN---86.591.588.9
Proposed modelHumanPAS2050,486
(512 × 512)
Modified UNet
model
95.797.296.496.7
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Kaur, G.; Garg, M.; Gupta, S.; Juneja, S.; Rashid, J.; Gupta, D.; Shah, A.; Shaikh, A. Automatic Identification of Glomerular in Whole-Slide Images Using a Modified UNet Model. Diagnostics 2023, 13, 3152. https://doi.org/10.3390/diagnostics13193152

AMA Style

Kaur G, Garg M, Gupta S, Juneja S, Rashid J, Gupta D, Shah A, Shaikh A. Automatic Identification of Glomerular in Whole-Slide Images Using a Modified UNet Model. Diagnostics. 2023; 13(19):3152. https://doi.org/10.3390/diagnostics13193152

Chicago/Turabian Style

Kaur, Gurjinder, Meenu Garg, Sheifali Gupta, Sapna Juneja, Junaid Rashid, Deepali Gupta, Asadullah Shah, and Asadullah Shaikh. 2023. "Automatic Identification of Glomerular in Whole-Slide Images Using a Modified UNet Model" Diagnostics 13, no. 19: 3152. https://doi.org/10.3390/diagnostics13193152

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

Article Metrics

Back to TopTop