Next Article in Journal
Comparative Evaluation of the Efficacy of Two Ectoparasiticides in Preventing the Acquisition of Borrelia burgdorferi by Ixodes scapularis and Ixodes ricinus: A Canine Ex Vivo Model
Previous Article in Journal
Immunomodulating Enzymes from Streptococcus pyogenes—In Pathogenesis, as Biotechnological Tools, and as Biological Drugs
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

U2-Net and ResNet50-Based Automatic Pipeline for Bacterial Colony Counting

1
Center for Global Health, Nanjing Medical University, Nanjing 211166, China
2
Department of Pathogen Biology, School of Basic Medical Sciences, Nanjing Medical University, Nanjing 211166, China
*
Authors to whom correspondence should be addressed.
These authors contributed equally to this work.
Microorganisms 2024, 12(1), 201; https://doi.org/10.3390/microorganisms12010201
Submission received: 18 December 2023 / Revised: 15 January 2024 / Accepted: 16 January 2024 / Published: 18 January 2024

Abstract

:
In this paper, an automatic colony counting system based on an improved image preprocessing algorithm and convolutional neural network (CNN)-assisted automatic counting method was developed. Firstly, we assembled an LED backlighting illumination platform as an image capturing system to obtain photographs of laboratory cultures. Consequently, a dataset was introduced consisting of 390 photos of agar plate cultures, which included 8 microorganisms. Secondly, we implemented a new algorithm for image preprocessing based on light intensity correction, which facilitated clearer differentiation between colony and media areas. Thirdly, a U2-Net was used to predict the probability distribution of the edge of the Petri dish in images to locate region of interest (ROI), and then threshold segmentation was applied to separate it. This U2-Net achieved an F1 score of 99.5% and a mean absolute error (MAE) of 0.0033 on the validation set. Then, another U2-Net was used to separate the colony region within the ROI. This U2-Net achieved an F1 score of 96.5% and an MAE of 0.005 on the validation set. After that, the colony area was segmented into multiple components containing single or adhesive colonies. Finally, the colony components (CC) were innovatively rotated and the image crops were resized as the input (with 14,921 image crops in the training set and 4281 image crops in the validation set) for the ResNet50 network to automatically count the number of colonies. Our method achieved an overall recovery of 97.82% for colony counting and exhibited excellent performance in adhesion classification. To the best of our knowledge, the proposed “light intensity correction-based image preprocessing→U2-Net segmentation for Petri dish edge→U2-Net segmentation for colony regionResNet50-based counting” scheme represents a new attempt and demonstrates a high degree of automation and accuracy in recognizing and counting single-colony and multi-colony targets.

1. Introduction

Colony detection is an important and routine task in quality inspection for microbiologists, including food (e.g., microbial limit test), medicine, cosmetics, water, production equipment, air quality monitoring, and quarantine [1,2,3]. Currently, the majority of the laboratories are still using the method of pouring sample suspensions with agar into plates or streaking the agar plates with sample suspensions to culture colonies. However, the traditional visual check method for colony detection is laborious and time-consuming [4]. To reduce labor and improve analysis accuracy, researchers and developers have focused on image analysis methods. The main challenges in the methods are colony image acquisition, image segmentation, and classification of complex colonies. Furthermore, adjusting manual parameters is often necessary, yet it proves challenging for users aiming to enhance recognition accuracy.
Traditional algorithms, such as thresholding, watershed, and wavelet transform, have been widely used for segmenting the colony area in an image [5,6,7,8,9,10]. However, these algorithms often exhibit poor performance when dealing with images that have low contrast, noise, and/or adhesive colonies. In recent years, advancements in machine learning have yielded an attractive research field in the microbiology discipline [11,12,13]. Deep learning approaches, such as convolutional neural networks (CNNs), which mimic the information transmission mechanism of the visual system and learn features from training samples, are very good at image processing, especially in image classification, target retrieval, positioning detection, and target segmentation [14,15,16,17].
Over the years, research has increasingly focused on developing CNN techniques for counting bacterial colonies on agar plates [18]. For instance, two CNN approaches for bacterial colony counting were implemented, one based on a support vector machine (SVM), and the other utilizing a CNN architecture within the BVLC Caffe framework. These approaches achieved an impressive overall accuracy of 94.5% and demonstrated a notable improvement in counting multiple colony aggregates [19]. A modified U-Net architecture, incorporating a pre-trained ResNet34 network, was employed to quantify white/red colonies across 492 pairs of plate images, excluding areas with multiple small and overlapping colonies [20]. In addition, the Annotated Germs for Automated Recognition (AGAR) dataset, comprising over 330,000 labeled microbial colonies, was established [21]. The performances of Faster R-CNN [22] and Cascade R-CNN were then evaluated [23] on this dataset. Cascade R-CNN achieved the highest mean average precision (MAP) of 52.3% and 59.4% on intersection over union (IoU) ranging from 0.5 to 0.95. Furthermore, a lightweight improved YOLOv3 [24] network based on the few-shot learning strategy was proposed [25]. The network was trained and validated using only five raw images, resulting in an improvement in average accuracy from 64.3% to 97.4% and a significant decrease in the false negative rate from 32.1% to 1.5%.
Among the various neural network models, U2-Net [26] is a network structure based on U-Net [27] that is widely used for foreground recognition in medical images. The network architecture follows an encode–decode framework, incorporating elements from an FPN (feature pyramid network) [28] and U-Net. The authors introduced a novel module called RSU (ReSidual U-blocks), which has demonstrated excellent segmentation performance. Each RSU functions as a small U-Net, and they are interconnected in a structure similar to FPN, employing a top-down approach to enhance multi-scale capability. ResNet [29] is a CNN-based image classification architecture that effectively extracts feature information and exhibits faster convergence and higher accuracy. It is built on the concept of residual learning, enabling the network to become deeper and to achieve improved accuracy. In the official PyTorch code, ResNet offers five different depth options: 18, 34, 50, 101, and 152. The depth of each network refers to the number of layers that are trained and updated, including convolution layers and fully connected layers.
Building upon the achievements of prior research, our objective is to present a comprehensive and accessible approach for microbiologists, encompassing the entire process (Figure 1) from colony image acquisition to fully automated colony counting. The specific goals of this study are as follows: (i) designing and configuring hardware for imaging acquisition, (ii) culturing various bacterial species on agar plates and capturing photographs to create a dataset of bacterial colony images, (iii) employing the U2-Net for region of interest (ROI) [30] searching and colony region segmentation, and (iv) utilizing the ResNet50 framework for colony counting.

2. Materials and Methods

2.1. Bacterial Culture

The following bacterial strains were collected: Gram-negative bacteria Escherichia coli ATCC25922, Salmonella typhimurium ATCC14028, Vibrio parahaemolyticus ATCC17802, and Shigella sp. ATCC12038; Gram-positive bacteria Staphylococcus aureus ATCC6538, Staphylococcus epidermidis ATCC12228, Listeria ivanovii ATCC19119, and Listeria monocytogenes ATCC19115. Each bacterium was activated by streaking on plate count agar (PCA) or nutrient agar media in a 9 cm (diameter) Petri dish and the bacteria were cultured at 35–37 °C for 24–48 h to allow colony formation. Single colonies with good morphology were diluted using normal saline. Then, 100 μL aliquot of the bacterial suspension was inoculated on media by using the spread plate method to ensure the growth of approximately 0–300 colony forming units (CFU) on each plate. The bacteria were then incubated at 35–37 °C for 24–48 h. Strains, media, and Petri dishes were purchased from Huankai Microbial Sci. and Tech and the Guangdong Microbial Culture Collection Center (GDMCC), Guangzhou, China.

2.2. Assembly of the Imaging Device

As is known, when capturing images from the same plate using a reflected light camera, the image quality varies significantly due to different surfaces and lighting conditions. Therefore, it is necessary to standardize shooting conditions in the design of the image capture instrument. The performance parameters of the CMOS sensor and zoom lens (purchased from Shenzhen Shunhuali Electronics Co., Ltd., Shenzhen, China) (Figure 2B,C) are listed in Supplementary Tables S1 and S2. An acrylic backlight panel (BLP) (Figure 2E), with LED lights, was used to ensure the brightness and uniform illumination of the Petri dish from the bottom. For the sake of mobility and portability, a Raspberry Pi (equipped with a 64-bit, 1.5 GHz, four-core, 28 nm CPU, purchased from Shenzhen Trxcom Electronics Co., Ltd., Shenzhen, China) was chosen (Figure 2A,D) for data acquisition, providing flexibility and adaptability to various experimental scenarios.
The distance between the lens and the Petri dish was determined based on the zoom range of the lens. Subsequently, a three-layer enclosed cabinet was designed and constructed using acrylic boards. The lower box functions as a black opaque structure to house the light sources. The middle box serves as a platform for positioning the Petri dish. The transparent upper box is designed to contain the CMOS camera, lens, Raspberry Pi, and wiring. The price of this device is less than USD 750.

2.3. Raw Image Acquisition

Bacterial cultures were positioned on the sampling table of the imaging device, and a Python program was utilized to capture a live image of the Petri dish. Once the light source and instrument had stabilized, the focus was adjusted manually or automatically to achieve optimal sharpness, and photos were taken using transmission spectral imaging. Subsequently, 100 frames were captured, and the average pixel value of these frames was calculated to reduce the signal-to-noise ratio. The captured raw image (Figure 3) size is 2560 × 1922 pixels.

2.4. Image Preprocessing

The color of an image can be influenced by data acquisition conditions, such as brightness, contrast, white balance, etc. Preprocessing images to a similar color can help improve the subsequent recognition accuracy of CNN models. Initially, the Petri dish area is approximately segmented from the image by steps including image denoising (range-based adaptive bilateral filter [31]), differential transformation, and threshold segmentation. Subsequently, through edge detection, the colony region and culture medium region were roughly separated. Considering that differences in the composition and thickness of the media between batches have an impact on the luminosity data that cannot be ignored, the average luminosity of all pixels in the culture medium region is represented by I0 and the luminosity of a pixel at specific location in the entire image is represented by Ii. The corrected intensity data for each image were subsequently expressed as Formula (1). Figure 4A illustrates the flowchart of the data preprocessing, and the effect of preprocessing is shown in Figure 4B.
l g I i = l g I 0 l g I i

2.5. Colony Identification and Counting

The process of colony identification and counting in this paper is mainly divided into three steps. In the first step, the edge of the Petri dish (foreground) is segmented using a U2-Net model. Along the inner edge of the extracted contour, the ROI (culture medium and colony region) is separated. The output of this U2-Net then undergoes threshold segmentation to obtain the foreground mask. Usually, pixels with gray values greater than the threshold are marked as the foreground (target), and pixels with gray values less than or equal to the threshold are marked as the background (non-target). In the second step, the colony region (foreground) is segmented from culture medium region (background) using another U2-Net model, following the same masking approach. Afterward, each connected region obtained by connected component labeling is regarded as a colony component (CC), which may contain a single colony or adhesive colonies. These CCs are then rotated, and the corresponding image crops are standardized to a size of 128 × 128 pixels. In the third step, these standardized image crops are inputted to ResNet50, which extracts features and outputs the number of colonies. The workflow is briefly illustrated in Figure 1.

2.5.1. Culture Dish Edge Segmentation

Dataset Preparation and Network Construction

To train U2-Net for extracting the edges of the Petri dishes, we manually annotated the foreground regions of the preprocessed images: the inner and outer edges of Petri dishes were labeled, and the pixel values between the 2 circles were filled with a pixel value of 255, resembling Figure 5Ab. A total of 255 colony images were annotated, with 219 images used as the training set and 36 images used as the validation set.
To improve the training efficiency of the model, the RGB values were normalized to a range between 0 and 1. Since the light intensity values were already adjusted to a recognizable distribution, the typical standardization operation based on mean and standard deviation was not applied here.

Network Training

The U2-Net model we used is initialized with random parameters. AdamW was employed as an optimizer with a learning rate of 1 × 10−3, betas (0.9, 0.999), and epsilon (eps) of 1 × 10−8. The learning rate decay strategy employed for the model is cosine learning rate decay [32]. The chosen loss function was binary cross Entropy with logits loss (BCEWithLogitsLoss) [33]. To prevent overfitting, a regularization term with a weight decay of 1 × 10−4 is incorporated to the loss function. The batch size is set to 1.
To address the class imbalance between the foreground and background, we increased the weight of the foreground in the loss function to enhance the accuracy of foreground recognition. Since the edge region of the Petri dish in the images occupies approximately 1/8 of the background area, we set a foreground-to-background weight ratio of 8:1 in the loss function.
To evaluate the model’s prediction performance on the validation set, we utilized mean absolute error (MAE) and F1 score as evaluation metrics [34]. The F1 score is the harmonic mean of precision and recall, where predicted values greater than 0.5 are considered as 1 and values less than 0.5 are considered as 0. The F1 score ranges between 0 and 1, with a higher value indicating better classifier performance. MAE is used to measure the magnitude of differences between the model’s predicted values and the ground truth. A smaller MAE indicates less discrepancy between the model’s predictions and the actual values. The calculations used are shown in Formulas (2)–(4) (TP: true positives; FN: false negatives; and FP: false positives). Formulas (2)–(4) are as follows:
R e c a l l = T P T P + F N
P r e c i s i o n = T P T P + F P
F 1 = 1.3 P r e c i s i o n R e c a l l 0.3 P r e c i s i o n + R e c a l l
The output of U2-Net is the probability of each pixel being classified as foreground, and a threshold segmentation is performed to determine the final mask of foreground (the edge of the dish, Figure 5Ab). Subsequently, the ROI was separated by utilizing the generated mask (Figure 5Ac).

2.5.2. Colony Region Separation

Through the previous process, we identified the ROIs (Figure 6Aa). However, these ROIs usually consist of colonies, culture media, and other impurities, such as stains or damaged culture media. To address this, we trained another U2-Net network for pixel-level recognition, with colonies as the foreground. Thereafter, we applied a threshold segmentation technique to the foreground probability map generated by this U2-Net [35], enabling us to precisely define the colonies (Figure 6Ab).

Dataset Preparation

We manually marked the pixels belonging to the colonies within the ROIs of 255 colony images, creating masks resembling those in Figure 6Ab. These masks served as labels to construct the dataset, with 219 images allocated for training and 36 images designated for validation.

Network Training

The images in the training set were horizontally flipped to augment the data (with a flip rate of 0.5). The RGB channel values of the images were scaled to the range of 0–1 using the same method as described above. The training parameters remained consistent with those used for the Petri dish edge segmentation process. After colony region extraction, we conducted threshold segmentation (Figure 7) to determine the final mask of the colony region.

2.5.3. Colony Counting

Dataset Preparation

Using connected component analysis, we segmented the foreground (colony region) images obtained in the previous step into crops containing no colonies, single colonies, or adhered colonies (colony components) and manually annotated the number of colonies in each crop. The labels in the training and validation datasets included ten categories ranging from 0 to 9. If the number of colonies was 9 or more, it was uniformly labeled as 9. Crops devoid of colonies were assigned a label of 0. Among the labels, 76.6% contained isolated colonies, 9% contained 2 colonies, 2.2% contained 3 colonies, 1.2% contained more than 3 colonies, and 10.9% contained 0 colonies.
To improve the recognition accuracy of ResNet50, spatial normalization was applied to the CCs (Figure 8A). By fitting an ellipse around the CC and taking the center of the ellipse as the rotation center point O, the CC was rotated by an angle θ to align the major axis of the ellipse vertically. This rotation operation ensured consistent spatial characteristics, making the distribution of adhesive colonies more uniform.
For training ResNet50, the dimensions of image crops were standardized to 128 × 128 pixels. Images smaller than 128 × 128 pixels were padded with zeros to achieve the standard size. Images larger than 128 × 128 pixels were resized by reducing the longer side to 128 pixels while maintaining the aspect ratio. The shorter side was then padded with zero to reach a length of 128 pixels. This approach preserved the colony features while ensuring that all image crops were a consistent size. In total, 14,921 image crops were used for training, and 4281 image crops were used for validation.

Network Architecture

Given variations in runtime and classification accuracy across different ResNet versions, the well-used and robust ResNet50 was selected. To accommodate the prediction of 10 categories (class 0–9), we modified the output channels of the final layer to 10.

Network Training

Similar to the previous two processes, the RGB channel values of all images were scaled to the range of 0–1. The optimizer used for training is Adam, with a learning rate of 0.0001. The chosen loss function was BCEWithLogitsLoss. To improve accuracy, we also introduced different weights for each annotated category when computing the loss to balance the sample quantities among categories. The weight for each class was calculated using the following Formula (5) (where wi is the weight for annotated category ®, and ni is the sample quantity for annotated category i):
w i = m a x n n i

2.6. Training Environment

This study was conducted using PyCharm and Python 3.9. The training and testing of the models were performed on a deep learning workstation equipped with an Intel®) X® (R) CPU E5-2680 v4 processor and a NVIDIA Tesla P100 GPU with 16 GB of memory. The workstation was running Windows 10, and GPU acceleration was achieved using CUDA 10.0 and cuDNN 7.6. We implemented our models using Torch 1.12.1 and Torchvision 0.13.1.

3. Results

3.1. The Imaging System Captures High-Quality Colony Images

The high-resolution photographs used in this study were captured using the imaging device, which comprises a 5.1 Mpx CMOS sensor camera with a 2.8–12 mm lens and LED source light mounted below the Petri dish (Figure 2). The darkroom structure eliminates the influence of ambient light and enhances illumination uniformity. Compared to similar workstations, it has a relatively affordable price and is highly portable for various remote application scenarios.
We successfully cultured eight common foodborne pathogens. Using this setup, we collected a total of 390 high-resolution raw RGB images of agar plates with a resolution of 2560 × 1922 pixels (Figure 3). By employing the transmission light source mode, reflections and shadows that may occur when using a mobile phone or camera for direct shooting were eliminated, emphasizing the ROI and providing sufficient contrast between the colonies and the background in the images. The distribution of original pictures of the eight bacterial species is as follows: 64 images for S. aureus, 66 images for E. coli, 38 images for L. monocytogenes, 55 images for S. typhimurium, 32 images for L. ivanovii, 60 images for Shigella sp., 48 images for S. epidermidis, 20 images for V. parahaemolyticus, and 7 images for colony cultures of environmental samples.

3.2. Image Preprocessing

Variations in the composition and thickness of the media can profoundly influence image luminosity, contrast, and colony recognition factors that are frequently underestimated. Following the capture of original images, a subsequent preprocessing step (Figure 4A) was applied. Subsequently, the correction of light intensity data for each image, using Formula (1), was employed to mitigate interference from the media and Petri dish. This correction enhanced the contrast between colonies and the background, revealing more intricate colony features (Figure 4B), which were then extracted for CNN training.

3.3. Petri Dish Edge Segmentation

Considering the existing challenges in colony analysis, such as colony size, adhesion, and potential residual noise after preprocessing, neural networks were employed in the subsequent steps. We first utilized U2-Net to extract the edges of the Petri dish (Figure 5Aa,b) and located the central region, referred to as the ROI (Figure 5Ac). The model’s prediction performance on the validation set was evaluated by the MAE and F1 score.
The F1 score and MAE curves of the model on the validation set for each epoch are shown in Figure 5B. The model achieves a maximum F1 score of 99.5% and a minimum MAE of 0.0033, indicating extremely accurate foreground predictions. The parameters that achieved the highest F1 scores and the lowest MAE were chosen as the optimal parameters.
Different threshold values can influence the size of the ROI. To determine the threshold that best suits the requirements, we performed threshold segmentation tests on the output of U2-Net using thresholds ranging from 0.1 to 0.9, as well as 0.95 and 0.99. Boxplots of MAE, precision, and recall illustrate the distribution of segmentation results for different thresholds. As shown in Figure 5C, as the threshold increases, MAE reaches its minimum value at 0.7, precision gradually increases, and recall gradually decreases. These results indicate that lower thresholds yield more complete and reliable ROIs [36]. A relatively lenient delineation of the edges implies fewer residuals, preventing U2-Net from mistakenly identifying edges as colonies and thereby affecting colony counting. Lower threshold settings also improve generalization while maintaining MAE within an acceptable range. Therefore, we selected 0.1 as threshold in this study.

3.4. Colony Region Separation

After obtaining the ROI (Figure 6Aa,b), we used another U2-Net model to extract the colony regions within the ROI. The curve in Figure 6B represents the F1 score and MAE on the validation set for each epoch. This U2-Net model achieved a maximum F1 score of 96.5% and a minimum MAE of 0.005 on the validation set, indicating its accurate extraction of colonies.
Regarding the threshold selection for postprocessing of extracted colony region, we also conducted segmentation tests using multiple thresholds on the validation set. As shown by the red arrow in Figure 7A, setting the threshold to 0.2 resulted in false-positive colonies, primarily located at the edges of the ROI. These false-positive results mainly represented edges of the medium region. As the threshold increased from 0.2 to 0.999, the number of false-positive colonies significantly decreased, and higher thresholds improved the ability to segment multiple adhesive colonies (as indicated by the white arrow in Figure 7A), thereby reducing the burden and errors of ResNet50. However, setting the threshold too high (0.99 and 0.999) resulted in some colony regions being partly classified as background, as indicated by the blue arrow in Figure 7A, leading to an increase in MAE. The boxplots of MAE, precision, and recall illustrate the distribution of segmentation results at different thresholds, as shown in Figure 7B. With the increase in threshold, MAE, precision, and recall, respectively, exhibited the same trend as in Figure 5C. In the task of colony region extraction, compared to Petri dish edge segmentation, it is more crucial to achieve low MAE and high precision predictions in order to accurately segment colonies and minimize the false-positive rate. Taking all factors into consideration, we selected 0.9 as the threshold, which provides a low false-positive rate for the majority of colony images and accurately segments adhesive colonies.

3.5. Training and Validation Performance of ResNet50 on Colony Counting

The spatial normalization used in this study (Figure 8A) helps to enhance the spatial consistency of CCs, alleviate the counting pressure on ResNet50, and improve the model’s recognition accuracy. When half of the data were not rotated, ResNet50’s performance was slightly inferior. When all data were randomly rotated by 45 degrees, ResNet50 exhibited the poorest performance. In comparison, when all CCs were subjected to our spatial normalization, ResNet50 achieved faster training speed, a lower loss curve, and higher accuracy on the validation set (Figure 8B,C).

3.6. Test Performance of the Pipeline on Colony Counting of Entire Images

This study used manually annotated results as the ground truth and the predicted colony numbers as the predicted values to construct the confusion matrix for the entire counting process on the test set (Table 1). The recovery calculated for class > 0 was shown in Equation (6), where ntrue and npred, respectively, represent the actual and predicted bacterial counts. For the class = 0 scenario, given the absence of colonies in the image crops, the recovery evaluation is treated as a binary classification. Here, TP represents the number of image crops correctly predicted as class 0, and FN represents the number of image crops predicted as other classes.
R e c o v e r y = 1 n t r u e n p r e d n t r u e ,     n t r u e > 0   T P T P + F N ,     n t r u e = 0
Our approach achieved an overall recovery of 97.82%, with 66.55% of colonies segmented into single colonies and 10.21% of colonies segmented into two-adhesion colonies. The identification effect on image crops with no colonies and with 1–3 colonies was the best (recall: 83.62–97.59%; precision: 89.80–98.88%; recovery: 94.54–99.90%), but the identification effect on adhesions with more than three colonies began to decline. However, most of the incorrect predictions are close to the actual values. Additionally, counting these adhesive colonies is often challenging even for experienced technicians.
Figure 9 illustrates the results of the entire automated counting process depicted in Figure 1. Each white box represents a CC, and the number displayed on the box represents the colony count, demonstrating the ability to accurately identify isolated colonies and perform well on most adhesive colonies. Additionally, the hyperparameters for the entire colony counting process have been fine-tuned for various scenarios, eliminating the need for further adjustments.

4. Discussion

4.1. U2-Net Is More Suitable for Locating the Edges of Petri Dishes and Extracting Bacterial Colony Areas Compared to Threshold Segmentation

U2-Net has been successfully applied in complex biomedical images [37] and is utilized to generate the density map for counting microbiological objects in images [38]. In this study, the task of U2-Net is to identify the Petri dish edges and then extract colony regions in images, while traditional algorithms, such as k-means [39] and Otsu’s binarization [40], typically employ thresholding methods. We compared the impact of U2-Net with that of k-means and Otsu’s image processing methods on the colony counting performance of ResNet50. Consequently, ResNet50 achieved recovery of 99.29%, 87.87%, and 42.98% on the validation dataset, respectively. It is evident that images processed with U2-Net yielded better colony counting results. Furthermore, when compared to the results obtained using the traditional watershed algorithm and a proposed CNN algorithm [19], ResNet50 demonstrated superior precision and recall in counting aggregated colonies (Table S3).

4.2. The ResNet50 Model in Our Proposed Method Functions as an Interchangeable Module

In our proposed counting process, ResNet50 is tasked with colony counting. We conducted training and validation on ResNet50, ResNet_wide [41], VGG19 [42], and EfficientNet [43], employing identical parameters. After 200 epochs of training, the accuracy for each model is as follows: 96.24% for ResNet50, 96.35% for ResNet_wide, 96.05% for VGG19, and 96.45% for EfficientNet, suggesting negligible distinctions. Consequently, the ResNet50 module is an interchangeable constituent in our colony counting methodology.

4.3. Our Method Surpasses YOLO, the Segment Anything Model, and OpenCFU in Performance

YOLO is a single-stage object detection architecture known for its simplicity and speed. With S. aureus images from the AGAR dataset, YOLOv5 achieved a mAP@0.5 of 99.1% [44]. We trained an official open-source YOLOv5 model (https://github.com/ultralytics/yolov5/tree/master, accessed on 22 November 2022) and evaluated its performance using the same datasets that ResNet50 used. The performance of colony counting was assessed based on three metrics: recovery, the number of false-positive colonies, and the number of false-negative colonies. On the validation set (36 images with a total of 1410 colonies), our model counted a total of 1420 colonies with a recovery of 99.29%, 20 false-positive colonies, and 19 false-negative colonies. In contrast, YOLOv5 counted a total of 1394 colonies with a recovery of 98.87%, 48 false-positive colonies, and 120 false-negative colonies. Additionally, using adaptive thresholds and a target maximum diameter, with a minimum diameter set at 15 pixels, OpenCFU 3.8-BETA [45] counted a total of 1116 colonies with a recovery of 79.29%. In summary, in terms of colony counting, our method outperforms the YOLOv5 model and OpenCFU.
Currently, artificial intelligence technology is advancing rapidly, with the emergence of advanced segmentation networks, such as the Segment Anything Model (SAM) [46,47]. For a raw colony image (Figure S1A), the SAM model with default parameters fails to achieve fine colony segmentation (Figure S1B). By adjusting the parameters, the SAM model can relative accurately segment the colonies (Figure S1C); however, this also leads to an increase in false positive colonies and a 13-fold increase in processing time. In comparison, we obtain more accurate results on complex colonies (Figure S1D) with only 1/10th of the time required, demonstrating the reliability of the automated counting process employed in this study.

4.4. The Impact of Bacterial Colony Quantity and Size on the Performance of Our Method

The quantity and size of bacterial colonies in images may affect the performance of colony counting. Evaluation of the validation dataset revealed that an increase in colony aggregation tends to correlate with an increased MAE (MAE < 0.025) for U2-Net to identify and extract colony regions (Figure S2A). Furthermore, an evaluation of the recovery metric for the entire colony counting process indicates that an increase in colony aggregation does not significantly compromise the performance of colony enumeration (Figure S2B).
In Figure 3, the plates containing eight bacterial species can be categorized into Class A (E. coli, S. typhimurium, Shigella, V. parahaemolyticus) and Class B (L. ivanovii, L. monocytogenes, S. aureus, S. epidermidis) based on their morphological features. We assessed the performance of colony counting for these two bacterial classes in the test set using recovery as the evaluation metric. The average recovery for the images in Class A was determined to be 98.85%, while for Class B, it was 98.06%. Additionally, Table S4 presents the recovery of our method for images of eight bacterial species. These findings suggest that the colony size has a minor impact on colony counting in this context.

5. Conclusions

In this study, through improvements in hardware design and setup, the refinement of image preprocessing and dataset preparation strategies, and the training of CNN models, we present microbiologists with an accessible and reliable solution for automatic colony counting in the laboratory. The proposed novel automatic pipeline for bacterial colony counting, mainly consisting of “light intensity correction-based image preprocessing→U2-Net segmentation for Petri dish edge→U2-Net segmentation for colony region→ResNet50-based counting” demonstrates excellent performance (an overall recovery of 97.82% for colony counting) and is capable of effectively separating the majority of complex colonies into individual entities.

Supplementary Materials

The following supporting information can be downloaded at: https://www.mdpi.com/article/10.3390/microorganisms12010201/s1, Figure S1: Comparison of the proposed method and SAM. (A) A raw colony image; (B) The result taking 31 seconds based on default parameters for SAM; (C) The result taking 411 seconds with carefully selected parameters for SAM; (D) The result taking 38 seconds based on default parameters for our approach. The red arrows represent identification of non-target objects, missed colony recognition, and inability to classify adhesive colonies. The default parameters for SAM are as follows: points_per_side: 32; points_per_batch: 64; pred_iou_thresh: 0.88; stability_score_thresh: 0.95; stability_score_offset: 1.0; box_nms_thresh: 0.7; crop_n_layers: 0; crop_nms_thresh: 0.7; crop_overlap_ratio: 0.3413; crop_n_points downscale_factor: 1; point_grids: None; min_mask_region_area: 0; output_mode: "binary_mask". To enhance the accuracy of SAM in recognizing colonies, we modified the following parameters: points_per_side: 128; crop_n_layers: 3; Figure S2: Increase in colony aggregation or the size of the colonies has a minor impact on colony counting. (A) Comparison of the MAE performance of U2-Net on images with different colony quantity ranges. (B) Comparison of the recovery performance of the entire counting process on images with different colony quantity ranges. The sample sizes for each colony quantity range are annotated on the bars in the histogram; Table S1: CMOS parameters; Table S2: Len parameters; Table S3: Comparison of colony counting between ResNet50, Watershed, and a reference CNN algorithm [19]; Table S4: Recovery of our approach on the colony counting of eight different bacterial species.

Author Contributions

Conceptualization, S.Q., G.Z., L.Z. and L.C.; methodology, S.Q., G.Z., L.Z. and L.C.; software, S.Q., L.C. and Y.W. (Yaoxuan Wang); resources, G.Z. and L.Z.; validation, L.C., Y.W. (Yaoxuan Wang), J.C., Z.H., Y.C. and Y.W. (Yuxi Wang); formal analysis, S.Q., L.C. and Y.W. (Yaoxuan Wang); investigation, L.C., Y.W. (Yaoxuan Wang), J.C., Z.H., Y.C. and Y.W. (Yuxi Wang); data curation, all authors; writing—original draft preparation, S.Q., G.Z., L.Z. and L.C.; writing—review and editing, all authors; visualization, S.Q., G.Z. and L.C.; supervision, S.Q., G.Z. and L.Z.; project administration, S.Q., G.Z. and L.Z.; funding acquisition, S.Q. and L.Z. All authors have read and agreed to the published version of the manuscript.

Funding

The authors acknowledge the support provided by Nanjing Medical University Academic Affairs Office and the suggestions from Bin Zhu during the image analysis.

Data Availability Statement

The datasets used in this paper have been uploaded at: https://www.kaggle.com/datasets/clb2256095392/automatic-colony-counting/versions/1 (accessed on 18 July 2023). The algorithms we used can be download from: https://github.com/daimaku1/automatical-colony-counting/tree/master (accessed on 16 May 2023). The CNN-related code used in the paper is open source and appropriately cited, while the remaining code was developed by our team. This study received ethical approval from the Nanjing Medical University Biosafety Laboratory Certificate No. NJ2023184.

Conflicts of Interest

The authors declare no conflicts of interest. The funder had no role in the design of the study; in the collection, analyses, or interpretation of data; in the writing of the manuscript; or in the decision to publish the results.

References

  1. Gwimbi, P.; George, M.; Ramphalile, M. Bacterial contamination of drinking water sources in rural villages of Mohale Basin, Lesotho: Exposures through neighbourhood sanitation and hygiene practices. Environ. Health Prev. Med. 2019, 24, 33. [Google Scholar] [CrossRef] [PubMed]
  2. Clarke, M.L.; Burton, R.L.; Hill, A.N.; Litorja, M.; Nahm, M.H.; Hwang, J. Low-cost, high-throughput, automated counting of bacterial colonies. Cytom. Part A 2010, 77, 790–797. [Google Scholar] [CrossRef] [PubMed]
  3. Luo, J.; Liu, X.; Tian, Q.; Yue, W.; Zeng, J.; Chen, G.; Cai, X. Disposable bioluminescence-based biosensor for detection of bacterial count in food. Anal. Biochem. 2009, 394, 1–6. [Google Scholar] [CrossRef] [PubMed]
  4. Tillman, G.E.; Wasilenko, J.L.; Simmons, M.; Lauze, T.A.; Minicozzi, J.; Oakley, B.B.; Narang, N.; Fratamico, P.; Cray, A.C., Jr. Isolation of Shiga toxin-producing Escherichia coli serogroups O26, O45, O103, O111, O121, and O145 from ground beef using modified rainbow agar and post-immunomagnetic separation acid treatment. J. Food Prot. 2012, 75, 1548–1554. [Google Scholar] [CrossRef]
  5. Brugger, S.D.; Baumberger, C.; Jost, M.; Jenni, W.; Brugger, U.; Muhlemann, K. Automated counting of bacterial colony forming units on agar plates. PLoS ONE 2012, 7, e33695. [Google Scholar] [CrossRef]
  6. Zhang, C.; Chen, W.B.; Liu, W.L.; Chen, C.B. An Automated Bacterial Colony Counting System. In Proceedings of the 2008 IEEE International Conference on Sensor Networks, Ubiquitous, and Trustworthy Computing (Sutc 2008), Taichung, Taiwan, 11–13 June 2008; pp. 233–240. [Google Scholar]
  7. Mukherjee, D.P.; Pal, A.; Sarma, S.E.; Majumder, D.D. Bacterial colony counting using distance transform. Int. J. Biomed. Comput. 1995, 38, 131–140. [Google Scholar] [CrossRef] [PubMed]
  8. Coulthard, M.G. Defining urinary tract infection by bacterial colony counts: A case for 100,000 colonies/ml as the best threshold. Pediatr. Nephrol. 2019, 34, 1639–1649. [Google Scholar] [CrossRef]
  9. Ferrari, A.; Signoroni, A. Multistage classification for bacterial colonies recognition on solid agar images. In Proceedings of the 2014 IEEE International Conference on Imaging Systems and Techniques (IST) Proceedings, Santorini, Greece, 17 October 2014; pp. 101–106. [Google Scholar]
  10. Yoon, S.-C.; Lawrence, K.C.; Park, B. Automatic Counting and Classification of Bacterial Colonies Using Hyperspectral Imaging. Food Bioprocess Technol. 2015, 8, 2047–2065. [Google Scholar] [CrossRef]
  11. Kulwa, F.; Li, C.; Zhao, X.; Cai, B.; Xu, N.; Qi, S.; Chen, S.; Teng, Y. A State-of-the-Art Survey for Microorganism Image Segmentation Methods and Future Potential. IEEE Access 2019, 7, 100243–100269. [Google Scholar] [CrossRef]
  12. Goodswen, S.J.; Barratt, J.L.N.; Kennedy, P.J.; Kaufer, A.; Calarco, L.; Ellis, J.T. Machine learning and applications in microbiology. FEMS Microbiol. Rev. 2021, 45, fuab015. [Google Scholar] [CrossRef]
  13. Thakur, P.; Alaba, M.O.; Rauniyar, S.; Singh, R.N.; Saxena, P.; Bomgni, A.; Gnimpieba, E.Z.; Lushbough, C.; Goh, K.M.; Sani, R.K. Text-Mining to Identify Gene Sets Involved in Biocorrosion by Sulfate-Reducing Bacteria: A Semi-Automated Workflow. Microorganisms 2023, 11, 119. [Google Scholar] [CrossRef] [PubMed]
  14. Zhang, J.; Li, C.; Yin, Y.; Zhang, J.; Grzegorzek, M. Applications of artificial neural networks in microorganism image analysis: A comprehensive review from conventional multilayer perceptron to popular convolutional neural network and potential visual transformer. Artif. Intell. Rev. 2023, 56, 1013–1070. [Google Scholar] [CrossRef]
  15. Anwar, S.M.; Majid, M.; Qayyum, A.; Awais, M.; Alnowami, M.; Khan, M.K. Medical Image Analysis using Convolutional Neural Networks: A Review. J. Med. Syst. 2018, 42, 226. [Google Scholar] [CrossRef] [PubMed]
  16. Deep bacteria: Robust deep learning data augmentation design for limited bacterial colony dataset. Int. J. Reason.-Based Intell. Syst. 2019, 11, 256–264. [CrossRef]
  17. Yu, W.; Xiang, Q.; Hu, Y.; Du, Y.; Kang, X.; Zheng, D.; Shi, H.; Xu, Q.; Li, Z.; Niu, Y.; et al. An improved automated diatom detection method based on YOLOv5 framework and its preliminary study for taxonomy recognition in the forensic diatom test. Front. Microbiol. 2022, 13, 963059. [Google Scholar] [CrossRef]
  18. Rani, P.; Kotwal, S.; Manhas, J.; Sharma, V.; Sharma, S. Machine Learning and Deep Learning Based Computational Approaches in Automatic Microorganisms Image Recognition: Methodologies, Challenges, and Developments. Arch. Comput. Methods Eng. 2022, 29, 1801–1837. [Google Scholar] [CrossRef] [PubMed]
  19. Ferrari, A.; Lombardi, S.; Signoroni, A. Bacterial colony counting with Convolutional Neural Networks in Digital Microbiology Imaging. Pattern Recognit. 2017, 61, 629–640. [Google Scholar] [CrossRef]
  20. Carl, S.H.; Duempelmann, L.; Shimada, Y.; Buhler, M. A fully automated deep learning pipeline for high-throughput colony segmentation and classification. Biol. Open 2020, 9, bio052936. [Google Scholar] [CrossRef]
  21. Majchrowska, S.; Pawłowski, J.; Guła, G.; Bonus, T.; Hanas, A.; Loch, A.; Pawlak, A.; Roszkowiak, J.; Golan, T.; Drulis-Kawa, Z. AGAR a microbial colony dataset for deep learning detection. arXiv 2021, arXiv:2108.01234. [Google Scholar] [CrossRef]
  22. Ren, S.; He, K.; Girshick, R.; Sun, J. Faster R-CNN: Towards real-time object detection with region proposal networks. In Proceedings of the 28th International Conference on Neural Information Processing Systems, Montreal, QC, Canada, 7–12 December 2015; Volume 1, pp. 91–99. [Google Scholar]
  23. Cai, Z.; Vasconcelos, N. Cascade R-CNN: Delving into High Quality Object Detection. In Proceedings of the IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Salt Lake City, UT, USA, 18–23 June 2018; pp. 6154–6162. [Google Scholar]
  24. Redmon, J.; Farhadi, A. YOLOv3: An Incremental Improvement. arXiv 2018, arXiv:1804.02767. [Google Scholar] [CrossRef]
  25. Zhang, B.; Zhou, Z.; Cao, W.; Qi, X.; Xu, C.; Wen, W. A New Few-Shot Learning Method of Bacterial Colony Counting Based on the Edge Computing Device. Biology 2022, 11, 156. [Google Scholar] [CrossRef]
  26. Qin, X.; Zhang, Z.; Huang, C.; Dehghan, M.; Zaiane, O.R.; Jagersand, M. U2-Net: Going deeper with nested U-structure for salient object detection. Pattern Recognit. 2020, 106, 107404. [Google Scholar] [CrossRef]
  27. Ronneberger, O.; Fischer, P.; Brox, T. U-Net: Convolutional Networks for Biomedical Image Segmentation. In Proceedings of the Medical Image Computing and Computer-Assisted Intervention—MICCAI 2015, Cham, Switzerland, 5–9 October 2015; pp. 234–241. [Google Scholar]
  28. Lin, T.Y.; Dollár, P.; Girshick, R.; He, K.; Hariharan, B.; Belongie, S. Feature Pyramid Networks for Object Detection. In Proceedings of the 2017 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Honolulu, HI, USA, 21–26 July 2017; pp. 936–944. [Google Scholar]
  29. He, K.; Zhang, X.; Ren, S.; Sun, J. Deep Residual Learning for Image Recognition. In Proceedings of the 2016 IEEE Conference on Computer Vision and Pattern Recognition (CVPR), Las Vegas, NV, USA, 27–30 June 2016; pp. 770–778. [Google Scholar]
  30. Nain, G.; Gupta, A. Automatic selection algorithm for region of interest of acne face image compression. Evol. Intell. 2023, 16, 711–717. [Google Scholar] [CrossRef]
  31. Singhal, P.; Verma, A.; Garg, A. A study in finding effectiveness of Gaussian blur filter over bilateral filter in natural scenes for graph based image segmentation. In Proceedings of the 2017 4th International Conference on Advanced Computing and Communication Systems (ICACCS), Coimbatore, India, 6–7 January 2017; pp. 1–6. [Google Scholar]
  32. Lewkowycz, A. How to decay your learning rate. arXiv 2021, arXiv:2103.12682. [Google Scholar] [CrossRef]
  33. Rezaei-Dastjerdehei, M.R.; Mijani, A.; Fatemizadeh, E. Addressing Imbalance in Multi-Label Classification Using Weighted Cross Entropy Loss Function. In Proceedings of the 2020 27th National and 5th International Iranian Conference on Biomedical Engineering (ICBME), Tehran, Iran, 26–27 November 2020; pp. 333–338. [Google Scholar]
  34. Huchtkoetter, J.; Reinhardt, A. On the Impact of Temporal Data Resolution on the Accuracy of Non-Intrusive Load Monitoring. In Proceedings of the 7th ACM International Conference on Systems for Energy-Efficient Buildings, Cities, and Transportation, Virtual Event, Japan, 18–20 November 2020; pp. 270–273. [Google Scholar]
  35. Lim, L.A.; Yalim Keles, H. Foreground segmentation using convolutional neural networks for multiscale feature encoding. Pattern Recognit. Lett. 2018, 112, 256–262. [Google Scholar] [CrossRef]
  36. Viola, P.; Jones, M. Rapid object detection using a boosted cascade of simple features. In Proceedings of the 2001 IEEE Computer Society Conference on Computer Vision and Pattern Recognition. CVPR 2001, Kauai, HI, USA, 8–14 December 2001; pp. I-511–I-518. [Google Scholar]
  37. Cheng, R.; Crouzier, M.; Hug, F.; Tucker, K.; Juneau, P.; McCreedy, E.; Gandler, W.; McAuliffe, M.J.; Sheehan, F.T. Automatic quadriceps and patellae segmentation of MRI with cascaded U2-Net and SASSNet deep learning model. Med. Phys. 2022, 49, 443–460. [Google Scholar] [CrossRef]
  38. Graczyk, K.M.; Pawłowski, J.; Majchrowska, S.; Golan, T. Self-normalized density map (SNDM) for counting microbiological objects. Sci. Rep. 2022, 12, 10583. [Google Scholar] [CrossRef]
  39. Nakao, H.; Magariyama, Y. Simple and rapid method for selective enumeration of lactic acid bacteria in commercially prepared yogurt by image analysis and K-means clustering. Anal. Sci. 2022, 38, 191–197. [Google Scholar] [CrossRef]
  40. Lin, Y.; Diao, Y.; Du, Y.; Zhang, J.; Li, L.; Liu, P. Automatic cell counting for phase-contrast microscopic images based on a combination of Otsu and watershed segmentation method. Microsc. Res. Tech. 2022, 85, 169–180. [Google Scholar] [CrossRef]
  41. Zagoruyko, S.; Komodakis, N. Wide Residual Networks. arXiv 2016, arXiv:1605.07146. [Google Scholar] [CrossRef]
  42. Simonyan, K.; Zisserman, A. Very Deep Convolutional Networks for Large-Scale Image Recognition. arXiv 2014, arXiv:1409.1556. [Google Scholar] [CrossRef]
  43. Tan, M.; Le, Q.V. EfficientNet: Rethinking Model Scaling for Convolutional Neural Networks. arXiv 2019, arXiv:1905.11946. [Google Scholar] [CrossRef]
  44. Whipp, J.; Dong, A. YOLO-based Deep Learning to Automated Bacterial Colony Counting. In Proceedings of the 2022 IEEE Eighth International Conference on Multimedia Big Data (BigMM), Naples, Italy, 5–7 December 2022; pp. 120–124. [Google Scholar]
  45. Geissmann, Q. OpenCFU, a new free and open-source software to count cell colonies and other circular objects. PLoS ONE 2013, 8, e54072. [Google Scholar] [CrossRef] [PubMed]
  46. Kirillov, A.; Mintun, E.; Ravi, N.; Mao, H.; Rolland, C.; Gustafson, L.; Xiao, T.; Whitehead, S.; Berg, A.C.; Lo, W.-Y.; et al. Segment Anything. arXiv 2023, arXiv:2304.02643. [Google Scholar] [CrossRef]
  47. Ma, J.; Wang, B. Segment Anything in Medical Images. arXiv 2023, arXiv:2304.12306. [Google Scholar] [CrossRef]
Figure 1. Overview of the processing workflow of the automatic pipeline for bacterial colony segmentation and counting in this study. The process begins with capturing a digital photo using the imaging system and preprocessing the image as input. The preprocessed image is then fed into U2-Net for ROI recognition and separation of the colony region from the media. Connected component analysis and cutting of the colony region result in image crops containing individual colony components (CCs). Finally, the CCs are rotated, and the image crops are resized as input for ResNet50 to perform the counting and obtain the colony numbers.
Figure 1. Overview of the processing workflow of the automatic pipeline for bacterial colony segmentation and counting in this study. The process begins with capturing a digital photo using the imaging system and preprocessing the image as input. The preprocessed image is then fed into U2-Net for ROI recognition and separation of the colony region from the media. Connected component analysis and cutting of the colony region result in image crops containing individual colony components (CCs). Finally, the CCs are rotated, and the image crops are resized as input for ResNet50 to perform the counting and obtain the colony numbers.
Microorganisms 12 00201 g001
Figure 2. Actual photograph of the assembled colony imaging system. (A,D), Raspberry Pi; (B,C), CMOS camera and lens; (E) LED light source.
Figure 2. Actual photograph of the assembled colony imaging system. (A,D), Raspberry Pi; (B,C), CMOS camera and lens; (E) LED light source.
Microorganisms 12 00201 g002
Figure 3. Example raw colony photos of eight bacterial species on agar plates taken by the image acquisition setup.
Figure 3. Example raw colony photos of eight bacterial species on agar plates taken by the image acquisition setup.
Microorganisms 12 00201 g003
Figure 4. Image preprocessing workflow and its impact. (A) A flow diagram of the image preprocessing; (B) comparison of performance between two photos obtained at different times from the same plate before (a,b) and after (c,d) preprocessing.
Figure 4. Image preprocessing workflow and its impact. (A) A flow diagram of the image preprocessing; (B) comparison of performance between two photos obtained at different times from the same plate before (a,b) and after (c,d) preprocessing.
Microorganisms 12 00201 g004
Figure 5. Overview of Petri dish edge segmentation results. (A) An example of the input image after preprocessing (a), highlighted Petri dish edge (b), and the central region of the Petri dish/ROI (c); (B) F1 score and MAE curve on the validation set; (C) a box plot comparing the Petri dish edge segmentation performance of U2-Net at different thresholds. n = 255. MAE, precision, and recall metrics were calculated separately for U2-Net at different thresholds. In the box plot, the center line represents the median, the bottom and top hinges represent the first and third quartiles, and the whiskers show the most extreme points within 1.5 times the interquartile range.
Figure 5. Overview of Petri dish edge segmentation results. (A) An example of the input image after preprocessing (a), highlighted Petri dish edge (b), and the central region of the Petri dish/ROI (c); (B) F1 score and MAE curve on the validation set; (C) a box plot comparing the Petri dish edge segmentation performance of U2-Net at different thresholds. n = 255. MAE, precision, and recall metrics were calculated separately for U2-Net at different thresholds. In the box plot, the center line represents the median, the bottom and top hinges represent the first and third quartiles, and the whiskers show the most extreme points within 1.5 times the interquartile range.
Microorganisms 12 00201 g005
Figure 6. U2-Net performance for colony segmentation. (A) An example of the ROI after Petri dish edge segmentation (a) and the predicted result of the U2-Net model after threshold segmentation (b); (B) F1 score and MAE curve on the validation set.
Figure 6. U2-Net performance for colony segmentation. (A) An example of the ROI after Petri dish edge segmentation (a) and the predicted result of the U2-Net model after threshold segmentation (b); (B) F1 score and MAE curve on the validation set.
Microorganisms 12 00201 g006
Figure 7. Comparison of colony segmentation performance at different thresholds. (A) An example of the results of connected component analysis after colony segmentation by U2-Net and threshold segmentation at different thresholds (0.2, 0.9, and 0.999). A threshold of 0.2 leads to incorrectly segmented edge objects (indicated by red arrows). With a threshold of 0.999, adhesive colonies are segmented more accurately (indicated by white arrows). However, increasing the threshold results in incorrect segmentation of colonies (indicated by blue arrows); (B) a box plot showing the segmentation performance comparison of U2-Net at different thresholds. n = 255. MAE, precision, and recall metrics were calculated separately for U2-Net at different thresholds. The median, bottom and top hinges, and whiskers carry the same meaning as described above.
Figure 7. Comparison of colony segmentation performance at different thresholds. (A) An example of the results of connected component analysis after colony segmentation by U2-Net and threshold segmentation at different thresholds (0.2, 0.9, and 0.999). A threshold of 0.2 leads to incorrectly segmented edge objects (indicated by red arrows). With a threshold of 0.999, adhesive colonies are segmented more accurately (indicated by white arrows). However, increasing the threshold results in incorrect segmentation of colonies (indicated by blue arrows); (B) a box plot showing the segmentation performance comparison of U2-Net at different thresholds. n = 255. MAE, precision, and recall metrics were calculated separately for U2-Net at different thresholds. The median, bottom and top hinges, and whiskers carry the same meaning as described above.
Microorganisms 12 00201 g007
Figure 8. Overview of the CC rotation method and performance comparison of ResNet50 on image under different rotation treatments. (A) Schematic of the CC (indicated by the blue circle) rotation method; (B) loss curve for type1 (all data were rotated), type2 (half of the data were rotated) and type3 (all data were randomly rotated by 45 degrees) on the training set; (C) accuracy curve on validation set.
Figure 8. Overview of the CC rotation method and performance comparison of ResNet50 on image under different rotation treatments. (A) Schematic of the CC (indicated by the blue circle) rotation method; (B) loss curve for type1 (all data were rotated), type2 (half of the data were rotated) and type3 (all data were randomly rotated by 45 degrees) on the training set; (C) accuracy curve on validation set.
Microorganisms 12 00201 g008
Figure 9. A result after applying the proposed method, showing improved recognition accuracy on complex colonies. The inset shows the enlarged view of the counting result for adhesive colonies.
Figure 9. A result after applying the proposed method, showing improved recognition accuracy on complex colonies. The inset shows the enlarged view of the counting result for adhesive colonies.
Microorganisms 12 00201 g009
Table 1. The confusion matrix, recall, precision, and recovery of the proposed method on test set.
Table 1. The confusion matrix, recall, precision, and recovery of the proposed method on test set.
Predict ClassGround Truth
0123456789
04853600300000
1193002103101000
203745815000000
301497000000
400005860000
500013565000
600000071210
7000000410310
800000000613
900000000075
Recall96.23%97.59%97.03%83.62%89.23%90.32%87.65%98.10%96.83%96.15%
Precision92.56%98.88%89.80%95.10%90.63%86.15%95.95%95.37%95.31%99.99%
Recovery96.23%99.90%99.36%94.54%95.38%98.06%98.77%99.73%99.40%99.57%
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

Cao, L.; Zeng, L.; Wang, Y.; Cao, J.; Han, Z.; Chen, Y.; Wang, Y.; Zhong, G.; Qiao, S. U2-Net and ResNet50-Based Automatic Pipeline for Bacterial Colony Counting. Microorganisms 2024, 12, 201. https://doi.org/10.3390/microorganisms12010201

AMA Style

Cao L, Zeng L, Wang Y, Cao J, Han Z, Chen Y, Wang Y, Zhong G, Qiao S. U2-Net and ResNet50-Based Automatic Pipeline for Bacterial Colony Counting. Microorganisms. 2024; 12(1):201. https://doi.org/10.3390/microorganisms12010201

Chicago/Turabian Style

Cao, Libo, Liping Zeng, Yaoxuan Wang, Jiayi Cao, Ziyu Han, Yang Chen, Yuxi Wang, Guowei Zhong, and Shanlei Qiao. 2024. "U2-Net and ResNet50-Based Automatic Pipeline for Bacterial Colony Counting" Microorganisms 12, no. 1: 201. https://doi.org/10.3390/microorganisms12010201

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