Abstract

This paper discusses an algorithm to build a semisupervised learning framework for detecting cells. The cell candidates are represented as extremal regions drawn from a hierarchical image representation. Training a classifier for cell detection using supervised approaches relies on a large amount of training data, which requires a lot of effort and time. We propose a semisupervised approach to reduce this burden. The set of extremal regions is generated using a maximally stable extremal region (MSER) detector. A subset of nonoverlapping regions with high similarity to the cells of interest is selected. Using the tree built from the MSER detector, we develop a novel differentiable unsupervised loss term that enforces the nonoverlapping constraint with the learned function. Our algorithm requires very few examples of cells with simple dot annotations for training. The supervised and unsupervised losses are embedded in a Bayesian framework for probabilistic learning.

1. Introduction

Automatic cell detection is a fundamental problem that is useful for numerous cell-based studies and quantifications. Also, cell detection is a preliminary step for solving high-level problems, such as cell segmentation, tracking, and analyzing cell data. Accurately detecting a large number of cells in dense images is challenging, for example, when there is occlusion, cells of interest touch each other. Therefore, it is important to develop robust generic algorithms that can tolerate noise and be used on a variety of cells (different modalities and shapes). Detection based on local image information can be erroneous, since they can be associated with imaging artifacts or noise. Including prior information about the objects to be segmented helps in resolving these issues. The priors, learned from the training data, can then be used to learn strategies to detect cells. The process of annotating complete masks for the cells of interest in the training examples is tedious. Working with minimalistic annotations as in [1], where a dot is placed inside each cell in the training images, may be a more plausible solution. These observations motivate us to study semisupervised methods that use minimal training information.

Semisupervised learning benefits from labeled and unlabeled data during the training. Since generating large labeled datasets is time-consuming, it is profitable to build algorithms that can benefit from unlabeled data. This approach is useful in cases when labeled training data is sparse, but there is a large amount of unlabeled data. Incorporating unlabeled data with sparsely labeled training data can help improve the learning accuracy. The goal of our algorithm is to achieve better results in comparison to those of existing algorithms with a significantly smaller amount of training data in a “semisupervised” framework. We also show that in a transductive setting, when we use all the labeled and unlabeled data, we improve the current state-of-the-art results.

Many algorithms have been proposed for semisupervised learning in general, as well as specific applications [2, 3]. Our work is inspired by the semisupervised approach used for electron microscopy image segmentation based on a merge tree structure [4]. The framework in [4] tries to learn the probability of merging/splitting regions in a hierarchical tree structure, whereas we learn a classifier to predict the probability of a region representing a cell. We extend the work in [4] to solve the detection problem by expressing the nonoverlapping constraint as an unsupervised loss function. The main difference is in our construction of the path loss function, to ensure at most one cell is picked in every path versus monotonically nonincreasing constraints on the merging of regions in [4].

We aim to minimize the need for labeled data by taking advantage of the possible interdependence among the unsupervised data. We transform the intensity images to probability maps, such that the objects can be distinguished from the background. We use ILASTIK [5] to train a pixel classifier to generate probability maps. The MSER detector is used on the probability maps to generate a collection of distinct regions [6]. Every connected component in the image is represented using a hierarchical MSER tree. The MSER tree comprises components over different thresholds, from which a subset of nonoverlapping regions that resemble potential cells is selected as the final segmentation. A dot is placed inside each cell in the training images to contribute to the supervised loss. The major contribution of this paper is formulating the nonoverlapping constraint as a differentiable loss function that can be effectively used to steer the unsupervised search to help find a valid solution. We embed the supervised and unsupervised losses in a Bayesian framework for probabilistic learning. The parameters used in the framework are estimated from the data iteratively. We compare our algorithm extensively with [1], since the authors also use dot annotations as ground truth for training. Most of the current competing methods on cell detection/segmentation use complete cell masks as ground truth for training. Hence, it would not be a fair comparison, because we learn from dot annotations. Similar to [1], we use the MSER region detector to generate candidate cell regions and build a hierarchical representation of the image. One disadvantage in [1] while using reduced labeled data is that it does not directly explore the unsupervised data when searching for the most favorable classification function. Our method exploits the underlying correlation between unsupervised data samples. Also, in [1], the nonoverlapping constraint is embedded in the inference, whereas our supervised loss drives the solution to choose regions similar to those of the cells from the training images, and our novel unsupervised loss enforces that at most only one cell is picked in every path.

We begin with a review of the previous related work on cell detection methods in Section 2. In Section 3, we illustrate our detection framework. Experimental results are shown in Section 4, and we summarize our current work and discuss possible extensions for the future in Section 5.

Detection of cells is a fundamental problem because cell morphology and its characteristics are useful for further studies and analysis. The different types of imaging techniques, stains, cell types, and densities contribute to the variability in the cells (shape, size, and texture) [7]. Since the detection and segmentation problems are often addressed together, we will discuss the significant literature for both.

The most fundamental approach for detecting cell regions is intensity thresholding [8, 9]. For cells with homogeneous intensities, which are in contrast to the background and are distinctly separable, simple global thresholding or adaptive thresholding can be used. In reality, the assumption does not hold true. It is very hard to find cell regions with homogeneous intensities. Thresholding may be used as a preprocessing step for the detection problem. The intensity images can also be transformed to represent some derived features using filtering operations (e.g., filter to detect edges, blob detection filters). Edge detection can be used to generate the boundaries of the cells that represent cell contours [10, 11]. These techniques can be included in the preprocessing steps [12, 13]. Even morphological filtering can be used for preprocessing or postprocessing the images to enable detection of individual cells [1416].

Region segmentation is a popular approach to detect cells, grouping pixels that belong to a cell. Region-growing algorithms start from selected seed points and augment more connected points to form a labeled image [17]. Region segmentation approaches were initially based on clustering algorithms, where similar image pixels were aggregated in an unsupervised framework. The watershed transform, one of the most popular segmentation approaches, uses edge maps to segment an image into multiple regions/catchment basins [18]. The watershed transform usually results in oversegmentation in the case of cell images. Several algorithms use the watershed transform as an initial step in the segmentation pipeline [1921]. Belongie et al. [22] used Gaussian mixture models to cluster pixels using color and texture features.

Also, considering candidates from a hierarchy of regions has been demonstrated to be an effective method for cell detection and segmentation [1, 4, 19, 20, 2325]. Hierarchical image segmentation encompasses image segmentations at different detail levels/thresholds. The segmentations are nested. The higher-level regions can be produced from a combination of regions from segmentations at lower levels. Hierarchical methods preserve the spatial and neighboring information among segmented regions. A number of methods can be used to generate the cell candidates, generally running simple algorithms with different parameters. A graph or tree is constructed in which the edges exist between overlapping regions. The watershed transform, an ultrametric contour map (UCM) [26]; the Felzenszwalb’s method [27]; the MSER detector [6]; or any other method can be used to build a hierarchical representation. A conservative global intensity, followed by the watershed transform and a persistence-based clustering (PBC) agglomeration, is used in [28]. In [29], the watershed segmentation with different thresholds gives cell candidates, and a learning algorithm based on conditional random field (CRF) is utilized to find the best ensembles to present the final segmentation results. In [30], UCM is used to get a hierarchical representation; a sparse representation-based cell shape model is learned to encode the high-level shape constraints, which are combined with low-level cellular features to produce probability scores of region segmentation candidates. For cell segmentation from candidates obtained from region merging, the supervised term learns the probability of merging regions using examples of true and false merges [3033]. Dynamic programming or ILP can be used to find a nonoverlapping set of candidates from a hierarchical representation. In [1], the MSER detector is used to build a hierarchical representation and the costs are learned in a structured SVM framework. The nonoverlapping constraint is enclosed in the inference problem. A novel topological loss function to capture the prior information of the cells is used to learn the cost in the structured SVM framework [23].

Graph-cut methods have also been used to solve the cell segmentation problem. It is efficient to represent an image as a graph, where pixels are the nodes and the edge weights are based on the similarity with neighbors [21, 34]. The segmentation problem is then solved as a graph partitioning problem. To reduce the computational load, the graphical representation has also been constructed using superpixels. Superpixels are a group of pixels in spatial proximity that have similar intensity and texture. Superpixels can be obtained by oversegmentation, thereby preserving the image features [35, 36]. In Zhang et al. [21], a region adjacency graph is constructed using superpixels, and segmentation is inferred by partitioning the graph using correlation clustering.

Cells can also be represented using deformable models. Among such methods, variational image segmentation with level sets has been a prominent choice due to their attractive properties such as adaptive topology, which can naturally evolve. An energy functional is defined based on the intensity and shape information. By minimizing the energy functional, the deformable model evolves. The energy terms need to be chosen carefully to minimize the errors in the solution. An extension of level sets to segment cells is used in [37], but it is computationally expensive. Implicit parametric shape models, namely, disjunctive normal shape models, are used to learn representations of cells accurately, where the time complexity increases with the density of the images [38].

Most recently, fully convolutional networks (FCNs) have been used for cell segmentation. FCNs have been extended for cell segmentation in [39]. The algorithm uses cell masks as ground truth for training the network. In [40], the algorithm learns to predict density maps using FCNs in microscopy images. The FCN is trained using dot annotations in simulated data. Since the dot annotations are each represented by a Gaussian, their method cannot be applied to detect cells with arbitrary sizes and shapes.

This paper proposes a new semisupervised framework for detecting cells. Minimalistic dot annotations are used, a dot being placed inside each cell. Our method is evaluated on four datasets and is able to learn a model that achieves better detection accuracy with limited training data, in our evaluation, despite the variation between the datasets. To show the competence of our method, we compare the segmentation accuracy with that of competing methods that train using complete cell masks for only one dataset, since we do not have a one-to-one match for the data used in the other cases.

3. Method

To generate cell candidates, we need to be able to distinguish the cells from the background pixels. We use the cell centers to train a pixel classifier using ILASTIK. The dot annotations are each represented by a Gaussian, where the cell centers represent the peak and its width is determined based on the standard deviation. Using the density map, which is formed by the superposition of all the Gaussians, we pick the positive and negative samples. While selecting the positive samples, we use a small value for the standard deviation to enable us to pick only pixels that are close to the centers of the cells. Similarly, we use a large value for the standard deviation to enable us to pick only the background pixels as negative samples. Due to the limited training size in our experiments, we used only two images to learn the pixel classifier in each dataset. The number of pixels selected depends on the number of cells in the image, which varies with different datasets. A set of candidate regions, , is detected using the MSER detector on the cell probability maps. Let , where and is the dimensionality of the input vector, be a binary indicator function used to predict regions that represent cells. Based on these predictions, we pick a subset of nonoverlapping regions with high similarity to the class of interest from the training examples. The classifiers are trained in a semisupervised framework. The framework includes supervised quadratic loss that relies on user annotations. Similarly, there is an unsupervised loss that restrains the solution to choose nonoverlapping regions. The details of the algorithm are provided below.

3.1. Extremal Region Generation

We use the efficient maximally stable extremal region (MSER) detector on the output of the pixel classifier to find a representative subset of all extremal regions. Extremal regions are regions in which there is a distinct contrast between intensities inside the region and those of its boundary, that is, the average image intensity inside the region is higher or lower than the intensity at the boundary. The image is thresholded at all possible levels. At any level of threshold , the connected components form the set of extremal regions. By having varying thresholds, a pool of extremal regions is generated. In Figure 1(a), we see the image thresholded at increasing values of . An important property of extremal regions is their nestedness. The extremal regions and are nested if or . Similarly, regions and are nonoverlapping if . The hierarchical relationships in the tree shown in Figure 1(b) correspond to the nestedness of the regions in Figure 1(a). The tree structure is utilized by our learning framework to determine which of those candidates correspond to cells. The MSER detector from [6] considers only regions that are maximally stable, meaning that stable regions have a lower variation than the regions that are one level below or above. The stability threshold is fixed to a high value to accommodate all potential cell candidates. Similarly, all the parameters of the MSER algorithm are set to enable us to work with the complete tree that can be generated from the image. Hence, regions that have a slight variation from the background are also selected. MSER can extract bright (dark) regions on dark (bright) backgrounds, based on what is selected.

3.2. Path Consistency Constraint

The path consistency constraint enforces selection of at most one cell in every path in the tree representation of the connected component. Every image is represented using a forest of trees. Each tree represents a connected region from the image and can contain multiple cells. Let represent all the possible paths in a tree. All paths in a tree do not necessarily have the same depth. For each path with nodes, the indices of the regions that comprise the path are given as . The feature vector for any region is represented as . The nonoverlapping loss using a disjunctive normal form to ensure that at most one cell is picked in the path can be represented as where represents the score for the region whose indices are given as . We introduce a binary indicator vector such that implies the region is picked as a potential cell. An example of a valid combination of regions to represent potential cells for the hierarchical tree in Figure 1(b) is given as such that regions , , and are picked. The path consistency constraint can be easily converted to a differentiable model. We convert the disjunctive normal form into a differentiable model by (1) using DeMorgan’s laws to replace unions with intersections and complements; (2) representing the intersections as products; (3) representing the detection classifier using a differentiable classification function, such as an artificial neural network; and (4) relaxing the binary indicator function as to estimate the probability of a region to represent a cell. First, the conjunction of binary variables is equivalent to the product . Next, using DeMorgan’s laws, we can express the disjunction as negation of conjunctions, , which in turn can be replaced by . We need to choose such that it is differentiable. We implement a multilayer perceptron (MLP) with one hidden layer parameterized using as our detection classifier, . The number of neurons in the input layer is dependent on the size of the data vector (number of features including the bias node described in Section (3.3)). For the hidden layer, we use half the number of nodes used in the input layer. Gradient-based optimization algorithms are used to find the model parameters. The activation function used in the MLP is the tanh function. Finally, the approximate path loss is given as

We would like to find w so that the predictions, , satisfy the path consistency constraint, where represents the feature vector of a region.

3.3. Bayesian Semisupervised Formulation for Learning

Our framework for learning uses both supervised and unsupervised data. Supervised data corresponds to the regions that represent true cells, generated from the ground truth centroids. Let the supervised data represented by denote the features of the candidate regions and annotations that indicate if the region is a true cell. Unsupervised data refers to the unlabeled images. Since we train with a significantly small amount of labeled data, the unlabeled samples from the training set contribute to the unsupervised data. We can also incorporate more unlabeled data in a “transductive learning” setting by including data from the testing images. Hence, unsupervised data can have contributions from the training images (unlabeled) as well as the testing images (unlabeled). Let be the collection of all supervised and unsupervised samples. The feature vector for every region can be grouped into the following categories: (1)Intensity—histogram of intensities of the region, absolute mean differences, and distances, and absolute entropy differences between histograms of the region border and a dilation of it for two different dilation radii.(2)Area—areas of the region normalized by the area of the image and perimeters and the boundary length of the regions normalized by the length of the image diagonal.(3)Shape—a shape descriptor using a histogram that represents the variation and distribution of the boundary of the region on a size-normalized polar coordinate system. The curvature and roundness ratio are also computed for the region.(4)Texture—features such as local entropy, standard deviation, and local range of the region are used to describe the texture of the region.

The supervised loss can be represented as an i.i.d. Gaussian that penalizes the prediction errors and tries to minimize errors from the true estimate. where is the number of training samples and is the standard deviation that can be estimated while learning the model. The training data helps in avoiding a trivial solution such as the case in which the predictions for all regions are 0. Next, we formulate the unsupervised loss to constrain the solution such that at most one cell may be picked in every path of the MSER tree. For every tree, all possible paths are deduced, and the path function is computed as in (2). Let be the collection of path functions, where is the number of paths from all the images. The unsupervised loss likelihood is an i.i.d. Gaussian that penalizes the difference between each element of and . Let be an dimensional vector of ones that force the predictions of the classifier to conform to the path constraints. where is the standard deviation that can be estimated while learning the model. The standard deviation parameters and control the contributions of the supervised loss and the unsupervised path loss in the learning framework. They can be tuned using a validation set or estimated from the data. Finally, we include a regularization term to prevent overfitting. This term constrains any abrupt change in the model parameters, thereby establishing the smoothness constraint for the solution.

By applying Bayes’ rule, we have the posterior distribution of as

3.4. Estimating the Parameters

We infer the model parameters and and using maximum a posteriori estimation.

We effectively minimize the negative logarithm of the posterior.

The parameters and and are updated alternatively. Gradient descent is used to update . We alternatively update and along with . Setting and , we can derive closed-form expressions for and .

The gradient of (8) with respect to the classifier parameter is where represents the detection probability, which is predicted using an ANN as a classifier. After the model parameters are learned, we can use the model, , to predict the detection probabilities. Initially, a random set of weights is chosen, . The weights w are then updated using gradient descent based only on the supervised loss; is also alternatively updated. The supervised loss gives an approximate solution for the weights, which can be fine-tuned using the unsupervised loss. The weights are updated using the gradients computed using the supervised and the unsupervised loss for path consistency, alternatively updating and and . We then select a set of nonoverlapping regions using the inference algorithm described in the next section to identify true cells.

3.5. Inference

The probability of a node/region representing a cell is predicted using our classifier. The goal of the inference procedure is to select with minimal cost a subset of nonoverlapping nodes that represent the cells by imposing constraints on the hierarchical tree. Each node in the tree is a potential cell candidate. A label or is assigned to each node indicating whether the node is selected as a valid cell. The complete set of labels is represented as . The detection labels given to all nodes must satisfy the path loss such that at most one cell is picked in every path.

We have explored two approaches to select the cells. Firstly, we used a greedy approach for inferring the final detections. The greedy inference algorithm selects the node with the highest score in a given path predicted using our classifier and assigns it as a label = 1. The other nodes in the path are assigned as a label = 0. The nodes with a label = 1 are the final detected cells.

Alternatively, we can use a bottom-up/top-down algorithm to find the optimal solution imposing the path constraints in the tree structure. If a node is selected, then, and all of its descendents should be labeled as 0. If the node is not selected, then, problem reduces to finding the best possible cells from the subtrees of the node . All nodes with a label = 1 will be selected as the detected cells. We formulate our detection problem as a constrained optimization problem s.t. if , , and , where is the set of descendent nodes . The optimization problem is solved in a similar manner as seen in [20]. Using the tree structure, we use dynamic programming to find the best and most efficient solution with the path consistency loss. In our bottom-up/top-down algorithm, for inference in the bottom-up step, the minimum energies for both possibilities (region selected/not selected) consistent with the path loss are propagated from the leaves to the root. Then, we choose valid detections by parsing through all the nodes from the root to the leaves.

In the bottom-up step, for every node , a pair of energy sums is computed. The selected energy for the node represents the cost of selecting the node by setting its label = 1 and the labels for all its descendents to 0. Similarly, the not selected energy for the node computes the cost of not selecting the node by setting its label = 0 and labeling its children optimally subject to the path loss. Let and be the children of the node. The energies are computed bottom-up in a recursive manner as where is a set of indices of descendents of the node. For leaf nodes, we assign and . Algorithm 1 gives the pseudocode of the bottom-up algorithm.

Input: A list of detection probability of each node
Output: Energy pairs for selecting and not selecting a region
(1)
(2) ComputeEnergy , where is a root node.
(3) / Sub-function that recursively computes energy terms /
(4) Function ComputeEnergy
(5) if is a leaf node then
(6) 
(7) 
(8) else
(9) 
(10) 
(11) 
(12) 
(13) end
(14)
(15) return

After computing the energies for all nodes, we label the regions in a top-down manner. We start from the root node and compare the selected energy and the not selected energy . If the selected energy is lower than the not selected, then, we select the node by setting its label = 1 and the label for all its descendents to 0. Otherwise, we assign a label = 0 to the node and search its subtrees. Algorithm 2 gives the pseudocode of the top-down algorithm. Finally, the nodes with a label = 1 are seen as true detections to give an optimal solution.

Input: Energies for every region,
Output: A complete label assignment
(1)
(2) AssignNodeLabels
(3) / Sub-function that recursively assigns node labels /
(4) Function AssignNodeLabels
(5) if then
(6) 
(7) else
(8) 
(9) AssignNodeLabels
(10) AssignNodeLabels
(11) end

We demonstrate the results of using the greedy approach versus the bottom-up/top-down algorithm for inference with our trained classifier for one of the datasets used in our experiments in Table 1. The choice of the methodology of inference does not contribute much to the overall detection scores. Hence, we can choose either of the schemes. We choose the bottom-up/top-down algorithm for our inference.

4. Experiments

We evaluate the performance of our detection framework using minimal training data under various conditions to show the individual contribution of the different parts of the algorithm. We also compare the performance of our method in detail to one of the methods that use dot annotations for training their detection classifier.

4.1. Datasets

We experiment with four datasets for cell detection. The datasets encompass a wide variety of cells with different shape and intensity characteristics: (1)Phase-contrast images of cervical cancer hela cells from [1]. The dataset contains 11 testing images and 11 training images of size 400 × 400.(2)Synthetic cells from [41]. The dataset contains 20 images. We used 10 images for testing and 10 images for training. The images are of size 950 × 950.(3)Drosophila melanogaster Kc167 cells from [41]. The dataset contains 14 images. We used 9 images for testing and 5 images for training. The images are of size 950 × 950.(4)Bright-field images of fission yeast cells from [23, 42]. We did not have access to their complete data. We could obtain only 9 images of size 1024 × 1024. We used only 2 images for training and 7 images for testing.

4.2. Implementation Details

For our detection experiments, we do not use the entire labeled training data to learn a model. The probability maps for the images are learned using ILASTIK trained with dot annotations from only two images. The number of cells in each image varies with different datasets. We work with subimages from the training dataset to reduce the manual annotations needed. For every dataset, we create a pool of subimages from the training dataset that contains few cells with their centers annotated. We randomly choose subimages from this pool to train our classifier. The first step is to adapt the training dataset to our algorithm. Since we have only the centroid annotations for the cells, we need to generate ground truth information for every region generated by the MSER detector, which states if the region is a true cell. This can be done by checking all possible regions in a path and selecting the largest regions with a single annotation. The true labels now can be used for the supervised learning in our framework. We have tested the performance of our algorithm when only the training dataset (labeled and unlabeled) is used as well as when we include the testing dataset (unlabeled) along with the training dataset (labeled and unlabeled) to formulate the unsupervised path loss. The weights w we learned using the supervised and unsupervised loss are used to evaluate the testing dataset. The candidate regions and their features extracted from the testing images are scored using the learned weights. The label assignment process for the regions in the testing images is based on the inference procedure described in Section 3.5. It takes approximately 48.76 seconds for supervised and 96.59 seconds for semisupervised training for the phase-contrast hela dataset with 10 training images and 10 testing images in MATLAB using 3.5 GHz Intel CPU. We also evaluate the DICE and detection scores for the phase-contrast hela cells when the entire training dataset is used to contribute to the supervised loss. We report results for both cases when we include and exclude the testing dataset in the unsupervised path loss term. We compare our detection and DICE scores with those of other methods.

4.3. Evaluation Metrics

We evaluate the performance of our algorithm by computing the detection scores. We find corresponding matching pairs from the pool of ground truth regions and predicted regions using overlapping areas. Similar to [1], we use a Hungarian matching algorithm to find the corresponding areas, by minimizing the distance between their centroids. The oversegmented regions or regions with no correspondences with the ground truth segmentations are labeled as false positives (FP). The unmatched ground truth regions/missed detections are accounted for as false negatives. We evaluate the performance of our algorithm using precision, recall, and F-score. Since the ground truth configurations for the regions are generated from the centroids, we do not have true segmentation masks for the cells of all datasets. Hence, we compute the segmentation accuracy using the DICE coefficient for only one of the datasets, for which we had masks.

4.4. Results

We compare our algorithm to [1] since the authors also use centroids of cells as user annotations. From all the training images, we generate subimages that are approximately 1/8th the size of the original image. We randomly pick a subset of subimages generated from the training pool and use it to train our supervised loss. Firstly, we evaluate our algorithm using only our supervised loss (our method (supervised)). Next, we train the classifier in our semisupervised framework (our method (SS)). In our semisupervised framework (our method (SS)), we generate the cell candidates using the MSER detector on intensity images. The MSER works well as a region detector only when there is high contrast between the pixels that are inside the cell and those of the background. In cases where the contrast is low, we cannot use the MSER detector on intensity images directly. We can use it on a transformed map of the intensity image in which the contrast is better. Hence, we use the MSER detector on the output of the pixel classifier (ILASTIK). This benefits low-contrast images such as in dataset 4. Finally, we evaluate our algorithm when we generate the cell candidates using the MSER detector on the pixel probability maps trained using ILASTIK (our method (SS + ILASTIK)). We repeat each experiment 20 times to account for the random selection of subimages for the supervised data. Our experiment using ILASTIK (SS + ILASTIK) has been performed in two scenario: firstly, when the contributions to the unlabeled data are only from the training images and secondly, when both the training and testing datasets contribute to the unlabeled data. We report the mean and standard deviation of the F-score, mean precision, and recall on the four datasets for both cases in Table 2. We observe that with significantly fewer supervised samples, the classifier benefits from more unlabeled samples. Hence, if we have limited training images, we would benefit by using the unlabeled samples from the testing images. We see that in the case of datasets 3 and 4, we have significantly fewer training images, and hence, using the unlabeled data from the testing dataset improves the performance considerably. Alternatively, in datasets 1 and 2, where we have more unlabeled data from the training images, we see a marginal improvement when we use the testing dataset. We plot the variation in the F-score for varying numbers of training subimages in Figure 2. We can clearly see that with the addition of the unsupervised loss, our classifier is able to give better detection scores. We have included the results of using only the supervised loss in our framework to highlight the advantage of using the unlabeled samples.

Our proposed method achieves better accuracy than that of [1] for all four datasets (1, 2, 3, and 4). A visual inspection of our detection with cell boundaries can be seen in Figure 3. We computed the DICE and detection scores for the phase-contrast hela cells using all the labeled images from the training data along with our unsupervised path loss term (Table 3). We observe that our detection scores are comparable to those of the other methods, including [23], which is the state-of-the-art, but we get a better DICE score.

5. Conclusion

We proposed a generic semisupervised framework for cell detection that relies on minimal training data. Since our algorithm works with fewer annotations, as the subimages used for training have fewer number of pixels, it reduces the effort required for manually annotating the entire image. The tree framework generated using the MSER detection proves to be very efficient in enforcing our unsupervised loss. The MSER tree framework also limits the search space by considering only regions of desired sizes. By using an ANN as a classifier, we are able to learn complex functions using the supervised and unsupervised loss. We learn the weights for our model by minimizing our cost criterion without the need for parameter tuning. In this paper, we have evaluated our framework only on biological data. Furthermore, we would like to extend this work for time-lapse microscopy images, where we can learn classifiers to predict cell lineages in a semisupervised framework.

Conflicts of Interest

The authors declare that they have no conflicts of interest.