Abstract
High-throughput microscopy of many single cells generates high-dimensional data that are far from straightforward to analyze. One important problem is automatically detecting the cellular compartment where a fluorescently-tagged protein resides, a task relatively simple for an experienced human, but difficult to automate on a computer. Here, we train an 11-layer neural network on data from mapping thousands of yeast proteins, achieving per cell localization classification accuracy of 91%, and per protein accuracy of 99% on held-out images. We confirm that low-level network features correspond to basic image characteristics, while deeper layers separate localization classes. Using this network as a feature calculator, we train standard classifiers that assign proteins to previously unseen compartments after observing only a small number of training examples. Our results are the most accurate subcellular localization classifications to date, and demonstrate the usefulness of deep learning for high-throughput microscopy.
Keywords: deep learning, high-content screening, machine learning, microscopy, yeast
Microscopy images are a rich, and perhaps underutilized, source of high-throughput biological data. Endogenous proteins tagged with a fluorescent marker can report quantitative states of living cells, and help annotate gene function by recording spatial and temporal variation in localization or abundance. While biochemical assays of molecule concentrations require large lysed populations for readout, imaging can be performed on single live cells. The acquisition can be automated, producing thousands of micrographs an hour in an arrayed format. These engineering advances have paved the way for systematic screening of tagged protein collections (Huh et al. 2003), looking for mutant effects on protein abundance (Albert et al. 2014; Parts et al. 2014) and localization (Chong et al. 2015), changes in cell (Ohya et al. 2005) and organelle (Vizeacoumar et al. 2010) morphology, and assigning gene function (Farkash-Amar et al. 2014; Hériché 2014).
Output of a high-throughput microscopy screen has to be automatically processed (Shamir et al. 2010). A typical workflow consists of image normalization, cell segmentation, feature extraction, and statistical analysis; freely available tools exist that make sensible choices for each of these steps (Collins 2007; Lamprecht et al. 2007; Pau et al. 2010; Kamentsky et al. 2011; Wagih et al. 2013; Wagih and Parts 2014; Bray et al. 2015). Nevertheless, while the preprocessing stages of normalization and segmentation can be performed in a relatively standardized manner to obtain protein abundances, problem-specific feature extraction and statistical analysis are crucial for subcellular localization mapping. Image analysis pipelines need to carefully calculate more abstract features from raw pixel values, and select most informative ones to obtain numbers that matter in the context of the experiment at hand (Glory and Murphy 2007; Handfield et al. 2015). Defining the correct features can be time-consuming and error-prone, and default quantities produced by existing software are not necessarily relevant outside the domain for which they were crafted (Boland et al. 1998; Conrad et al. 2004).
Deep neural networks (LeCun et al. 2015; Schmidhuber 2015) have recently become popular for image analysis tasks, as they overcome the feature selection problem. Methods based on deep learning have proved to be most accurate in challenges ranging from object detection (He et al. 2015) to semantic segmentation (Girshick et al. 2014) and image captioning (Vinyals et al. 2015), as well as applications to biological domains (Tan et al. 2015; Angermueller et al. 2016; Rampasek and Goldenberg 2016), from regulatory genomics (Alipanahi et al. 2015; Kelley et al. 2016; Zhou and Troyanskaya 2015) to electron microscopy (Cireşan et al. 2012, 2013). For object identification from photos, these models already outperform humans (He et al. 2015). Briefly, deep networks process images through consecutive layers of compute units (neurons), which quantify increasingly complex patterns in the data, and are trained to predict observed labels. One of their main appeals is that given a large enough training set, they are able to automatically learn the features most useful for the given classification problem, without a need to design them a priori.
Here, we apply the deep learning paradigm to high-throughput microscopy data. We present DeepYeast, a neural network trained to classify fluorescent protein subcellular localization in yeast cells. Our network outperforms random forests trained on standard image features for determining the localization patterns, both at single cell and cell population levels, and achieves accuracies higher than previously reported. We interpret the internal outputs of the network, and find that neuron layers close to data correspond to low-level image characteristics, while deeper neurons inform of the classification state. The network can be used as a feature extractor, so that random forests trained on its output separate previously unobserved classes.
Methods
Data
We constructed a large-scale labeled data set based on high-throughput, proteome-scale microscopy images from Chong et al. (2015). Each image has two channels: a red fluorescent protein (mCherry) with cytosolic localization, thus marking the cell contour, and green fluorescent protein (GFP) tagging an endogenous gene in the 3′-end, which characterizes the abundance and localization of the protein. For ∼70% of the yeast proteome, the protein subcellular localization has been manually assigned (Huh et al. 2003). However, our data were acquired in a somewhat different genetic background and experimental setting, and labeling the images by eye can be error-prone. To obtain high confidence training examples, we therefore used images where (Huh et al. 2003; Chong et al. 2015) annotations agree. Our final data set comprised 7132 microscopy images from 12 classes (cell periphery, cytoplasm, endosome, endoplasmic reticulum, Golgi, mitochondrion, nuclear periphery, nucleolus, nucleus, peroxisome, spindle pole, and vacuole) that were split into training, validation, and test sets. Furthermore, segmentations from Chong et al. (2015) were used to crop whole images into 64 × 64 pixel patches centered on the cell midpoint, resulting in 65,000 examples for training, 12,500 for validation, and 12,500 for testing.
Convolutional neural network
We trained a deep convolutional neural network that has 11 layers (eight convolutional and three fully connected) with learnable weights (Figure 1C). We used 3 × 3 patterns with step size (stride) 1 for convolutional layers, 2 × 2 aggregation regions with step size 2 for pooling layers, and rectified linear unit nonlinearities for the activation function. The number of units in the convolutional layers was 64, 64, 128, 128, 256, 256, 256, and 256, and in the fully connected layers was 512, 512, and 12. We initialized the weights using the Glorot-normal initialization technique (Glorot and Bengio 2010), and used batch normalization (Ioffe and Szegedy 2015) after each convolutional or fully connected layer, but before activation functions. For each image, per-pixel training set mean was subtracted before use. Cross-entropy loss was minimized using stochastic gradient descent with momentum of 0.9, initial learning rate of 0.1, and a mini-batch size of 100. Learning rate was divided by two after every 16,250 iterations (25 epochs). To reduce overfitting, we used weight decay of 0.0005, and dropout with rate of 0.5 for the first two fully connected layers. The models were trained for 195,000 iterations (300 epochs over full training data), and based on validation loss, the model at iteration 130,000 was chosen for all experiments. The training took 3 days on an NVIDIA Tesla K20m graphical processing unit.
Random forest
For comparison, we trained a random forest classifier implemented in the R randomForest package (Liaw and Wiener 2002) on features from Chong et al. (2015) that were extracted using a CellProfiler (Bray et al. 2015) pipeline. In total, there are 435 different features consisting of intensity, geometric, and texture measurements on different scales, such as Haralick texture features (Haralick 1979), Gabor (Jain et al. 1997), and Zernike (von Zernike 1934) filters. We performed a grid search to select the number of trees to grow (50, 100, 250, 500, or 1000), the number of features to randomly sample at each split (10, 25, 50, 75, 100, 125, 150, 175, 200, 250, or 300), and the minimum size of terminal nodes (1, 2, 5, 10, or 50). Based on validation set performance, we chose 500, 100, and 1 for these hyperparameters, respectively. The final performance was evaluated on the same test data set as the neural network.
Bootstrap confidence intervals
To obtain C.I.s on the precision and recall estimates, we resampled the test data with replacement 20,000 times, such that the number of the different class labels remained the same, and calculated the precision and recall for each class in every bootstrap sample. 2.5 and 97.5% percentiles of the resulting distribution were used as the 95% C.I.
Protein-level classification
For both random forest and DeepYeast, we modeled the protein localization in one cell as a multinomial distribution with uninformative Dirichlet prior for the protein, and calculated the Dirichlet posterior for the protein from observations of individual cells. We used the maximum a posteriori estimate for protein localization. Intuitively, this approach corresponds to softly counting the number of cells assigned with each compartment and picking the compartment with the maximum count.
Determining good quality cells
To remove a prominent source of misclassifications, we trained a random forest to discriminate between cells and noncells (e.g., inappropriately segmented regions, empty areas, and imaging artifacts) based on the CellProfiler features. For each of the 12 categories, we randomly sampled without replacement 100 examples from the validation set images that were correctly classified by both DeepYeast and random forest, and labeled them as good quality cells. In addition, we inspected the validation set, and manually picked 118 noncells, resulting in a total of 1200 cell and 118 noncell images. We performed 10-fold cross-validation to choose the number of features to randomly sample at each split (2, 110, 218, 326, or 435), and whether to downsample good quality images at every bootstrap sample. Based on cross-validation performance, the final model used 100 trees, 110 features at each split, no downsampling, and achieved an accuracy of 96.7%.
Transfer learning
To assess the generality of DeepYeast features learned in the classification task, we constructed a new data set from classes not present in the training data. The four new categories (actin, bud neck, lipid particle, and microtubule) each contained 1000 cell images for training, 500 for validation, and 1000 for testing. We fed the data into DeepYeast, and extracted the outputs of the first fully connected layer as features (every layer for the subsequent comparisons in Supplemental Material, Figure S6). We subsampled random data sets of different sizes (1, 3, 5, 10, 25, 50, 100, 250, and 500) from training data, fit a random forest classifier as implemented in the scikit-learn package (Pedregosa et al. 2011) to the corresponding DeepYeast and CellProfiler features, picked the best performing model on validation data, and evaluated the final performance on testing data for every data set size.
t-SNE visualizations
We picked 1000 cells at random across all classes, processed them with the DeepYeast network, and applied t-SNE (Van der Maaten and Hinton 2008) with default parameters to the neuron outputs at the different layers.
Data availability
The data used in this study were described in Chong et al. (2015), and stored in the Cyclops database presented in Koh et al. (2015). The single cell images that were extracted and used for training are available at http://www.cs.ut.ee/∼leopoldp/2016_DeepYeast.
Results
Deep neural network to classify protein localization in yeast cell images
To perform accurate classification of protein localization in single cells and populations, we created the DeepYeast convolutional neural network learned from yeast high-throughput microscopy data generated by Chong et al. (2015) (Figure 1A and File S1). We used a data set comprising 90,000 cell images of 1783 proteins localized to exactly 1 of 12 cellular compartments (Figure 1B), as measured in two studies (Huh et al. 2003; Chong et al. 2015). Each image records the cytoplasmic signal in the red channel, and a tagged protein of interest in the green channel. The network consists of 11 layers (eight convolutional layers with rectified linear units, followed by three fully connected layers, Figure 1C), and a softmax output to assign one of the 12 class labels. DeepYeast’s parameters (over 10,000,000 in total) were learned in the Caffe framework (Jia et al. 2014), using stochastic gradient descent with momentum (Materials and Methods).
Accurate classification of protein localization in single cells and populations
We first compared the performance of DeepYeast trained on raw pixel values to random forests (Breiman 2001) trained on 435 features extracted using CellProfiler (Bray et al. 2015) by Chong et al. (2015). We fitted the models on 72% of the single cell images using a range of parameter settings, picked the one with highest accuracy on another 14% of the images, and quantified its performance on the remaining 14% (Materials and Methods). No protein had a cell image in more than one of the training, testing, and validation folds.
The deep neural network achieved classification accuracy of 87% [10,839/12,500 cells, Cohen’s κ (Cohen 1960) = 0.85], compared to 75% (9375/12,500, Cohen’s κ = 0.72) for random forests (Table S1, File S2, and File S3). DeepYeast outperformed random forests for each class in recall (Figure 2A) and precision for all compartments except the nucleolus (Figure 2B). The random forest performance is concordant with previous results for single cell classification on the same data set [70% accuracy (Kraus et al. 2015)], which were obtained using an extended set of classes.
Mistakes occurred for each cellular compartment. Some of the errors were due to technical problems with the image, caused by low signal intensity, artifacts, or lack of proper cell (Figure 2C, left). While our results were generally robust to such noise in the input data, we further trained a classifier to distinguish good quality cell images from the CellProfiler features (Materials and Methods) and filtered out data deemed to have technical issues, as has been done in previous applications (Chong et al. 2015). After removing 1440 data points classified as noncell (12%), DeepYeast accuracy increased to 91% (10,080/11,060), and random forests to 79% (8756/11,060). Some remaining errors could be ascribed to labeling mistakes from contamination or population heterogeneity (Figure 2C, middle), causing the training data label to be discordant with the observed protein distribution in the cell. In the rest of the cases, DeepYeast classified the protein to the wrong compartment (e.g., Figure 2C, right).
The most difficult localizations to classify were endosome (recall 65%, 447 correct out of 689), spindle pole (76%, 595/781), peroxisome (80%, 131/164), Golgi (85%, 324/382), and nucleus (85%, 1386/1627). Endosomes, spindle poles, peroxisomes, and Golgi are mainly represented by varying numbers of puncta, which are not visible in all cells and may obscure each other, making them difficult to distinguish. Indeed, the most frequent misclassifications (Figure 2D and Figure S1) were peroxisome to spindle pole (11%; 18 of 164 peroxisome cell images), and endosome to vacuole (8%, 56/689). Another recurring error was designating nucleolar proteins as nuclear (4%, 45/1263), both of which are large round patches. Random forests had additional common mistakes, but the most frequent misclassifications were shared with DeepYeast, reflecting the general difficulty in distinguishing punctate and patch-like patterns in a single cell (File S4 and File S5).
So far, we looked at individual cells, and classified the localization pattern of the fluorescent signal. Next, we asked how well we can infer the cellular compartment of a protein from all the cell images acquired for it. We assigned the localization class of each protein as the most probable class according to the posterior probability calculated from aggregating single cell data (Materials and Methods). Using this combined estimate, we achieved 99% classification accuracy (279/282) on the held-out test proteins, for which no single cell images were used for training. Two of the errors were nuclear proteins misclassified as nucleolar, with seven and nine cell images observed, respectively. The remaining error occurred for a protein with a single imaged cell. Thus, further requiring at least 10 cells to be recorded for each protein, the accuracy increased to 100% (222/222). Random forests were 95% accurate (269/282) on complete test data, and 96% accurate (214/222) when at least 10 cells were measured (Figure S2). As a baseline, Chong et al. (2015) reported per-protein accuracies of 50–90% (Chong et al. 2015) depending on the class on an overlapping data set, using the (Huh et al. 2003) annotation as a gold standard, and support vector machine ensemble classification. While, to our knowledge, human accuracy on these or similar images has not been assessed directly, experts assign compartments to human proteins with over 80% accuracy (Murphy et al. 2003; Kraus et al. 2015). All these performances are below what we report here, but as the data sets are not identical, direct comparisons should be interpreted with caution.
Neural network outputs are interpretable
Neural network models are often viewed as black boxes that are difficult to interpret. To gain intuition about DeepYeast features that aid prediction, we explored the characteristics of learned weights and neuron outputs. We first selected images and image patches that maximize or minimize activations of individual neurons, thus matching their weight pattern well (Figure 3A). The first layers of neurons are closest to data, with small receptive fields made up by a limited number of pixels, and thus capture local, small-scale image characteristics. As an illustration, four neurons selected in the first layer were maximally activated by image patches containing edges (Figure 3A, left column), second layer neurons by patches with corners and lines, and third and fourth layers with more complex shapes (Figure 3A, middle columns). Neurons in deeper layers represent combinations of low-level features. The maximally activating patches for selected neurons started resembling class characteristics, such as punctate patterns, membrane structures, and large patches (Figure 3A, rightmost column). While these commonalities are suggestive, and may indicate the patterns that are learned by the network, they can also be due to uninteresting technical reasons, and should thus be interpreted with caution.
Next, we applied t-SNE (Van der Maaten and Hinton 2008), a tool to visualize high-dimensional data in two dimensions, on different layers of DeepYeast outputs from 1000 randomly sampled images, and added compartment information in colors (Figure 3B and Figure S3). The classes overlap substantially for lower layer outputs, while deeper layers that make use of fully connected network structure increasingly separate the localizations, such that nearby points correspond to the same class (Figure 3C). We also asked which neuron outputs are correlated to the CellProfiler features and class membership. To do so, we calculated the strongest Pearson correlation coefficient to a CellProfiler feature (as extracted by Chong et al. (2015)), as well as the largest mutual information with a class label for each unit output. The deep activations informed class labels (Figure 3D), while shallow ones were more highly correlated to CellProfiler features and Gabor filters (Figure S4).
DeepYeast can be used as a feature extractor
Classification of new localization classes requires creating new training sets, and if the pattern is rare, obtaining the necessary images is difficult and time-consuming. Further, while applying an existing network to new data can be simple, retraining it requires substantial effort. This motivates repurposing of trained networks as extractors of informative features, which can then be used as inputs to traditional models (Donahue et al. 2013; Razavian et al. 2014).
We tested whether a network trained on a large amount of data can be used to distill image information that is useful for distinguishing previously unobserved compartments as well. We processed images corresponding to four new challenging classes (actin, bud neck, lipid particle, and microtubule; Figure 4A and File S6.) with DeepYeast, and calculated outputs from the first fully connected layer as features. The class labels were not independent of the features even without additional training (Figure 4B), indicating that the network extracted informative signals from the data. Next, we trained a random forest classifier on the calculated features, using an increasing number of training images. The classifiers using neural network features outperformed ones using CellProfiler features for small training set sizes (Figure 4C and Figure S5), and accuracy increased further with additional data. However, the overall accuracy on these classes remained lower than others due to their punctate pattern. We repeated the experiment on the outputs of all DeepYeast layers, and found that they do not distinguish new classes equally well. In particular, the classifiers trained on the deepest convolutional layers outperformed models trained on CellProfiler features and other layers for larger training set sizes (Figure S6). This supports previous reports that intermediate layer outputs can be more useful in a new domain, as they capture general enough features on one hand, but are not overspecialized to the trained task on the other (Yosinski et al. 2014).
DeepYeast was trained on proteins that predominantly localize to a single compartment. Finally, we confirmed that proteins spread between multiple classes can be accurately inferred as such. From the set of proteins assayed by Chong et al. (2015) not used in our analyses so far, we selected the ones manually annotated to belong to both nucleus and cytoplasm, and calculated their posterior class probabilities. As expected, cytoplasmic and nuclear classes had high posterior probability, and were the two most probable classes in 21/24 cases, and in the top three for the remaining cases. The per-gene posterior probability of compartment assignment can further be interpreted as the frequency of cells for which the protein resides in the compartment; the model is not forced to make a sharp decision and assign each gene to a single location.
Discussion
We have demonstrated that DeepYeast, an 11-layer convolutional neural network, can achieve classification accuracy of 91% for individual cells over 12 subcellular localizations, and 100% for proteins when entire cell populations of at least moderate size are considered. Far from being a black box, the internal outputs that DeepYeast produces can be visualized and interpreted in terms of image characteristics. The pretrained network functions as a feature extractor to successfully distinguish previously unseen classes, and infer mixtures of compartments in a population.
The classification errors mostly occurred between compartments that are also difficult to distinguish by eye. The various numbers of puncta in peroxisomes, spindle poles, and endosomes can look like each other, or not be present at all. Nucleus and nucleolus are patches of similar size; when the characteristic crescent shape of the nucleolus is not showing, it is also difficult to distinguish from the nuclear marker. Overall, the single cell accuracy of 91% is approaching the protein compartment assignment performance of previous reports (Boland and Murphy 2001; Murphy et al. 2003; Conrad et al. 2004; Kraus et al. 2015), and the remaining errors are often borderline cases, for which classification is difficult even for trained humans (File S4 and File S5). Nevertheless, when at least 10 individual cells were measured, the correct cell classifications dominated the errors, and all test proteins were assigned to the right compartment in held-out data.
The success of deep neural networks in image analysis relies on architectures that encapsulate a hierarchy of increasingly abstract features relevant for classification, and plentiful training data to learn the model parameters. While first applications used a smaller number of layers (Boland et al. 1998) and mostly operated on precalculated features (Boland et al. 1998; Boland and Murphy 2001; Conrad et al. 2004; Chen et al. 2007), pixel level analyses gave good results (Danckaert et al. 2002), especially using the latest training methods (Cireşan et al. 2013; Kraus et al. 2015). Subcellular localization is defined by spatial variation on different length scales, from single small dots to extended thin membranes. Quantification of this covariance structure is thus important for accurate modeling, but deriving the right features for it requires mathematical sophistication and computational crafting (Handfield et al. 2015). The convolutional layers in the neural network are agnostic to the location of the signal in the image, and take inputs from progressively larger patterns, thus capturing spatial correlations of increasingly wide range in a data-driven manner.
The choice of model architecture was guided by previous results and practical considerations. Even with modern GPUs, the end-to-end training of a deep neural network is computationally intensive; therefore, we did not attempt to evaluate the influence of model architecture on the results. Three fully connected layers and the use of 3 × 3 filters has previously been shown to offer a rich enough parametrization to capture interesting feature combinations, outperforming alternatives in standardized tasks (Simonyan and Zisserman 2014). The eight convolutional layers with three 2 × 2 pooling operations gives features that span the entire cell image, at which scale we expected the organelle characteristics to be reflected. Finally, the architecture we chose was the largest that could fit in the memory of the graphical processing unit we used.
DeepYeast can be reused for other image analysis experiments with the same marker proteins and magnification, or trained further for specific applications. We demonstrated that a pretrained model can be applied for both classifying previously unseen compartments and inferring mixtures of localization patterns. The usual classification implementations do not always provide models that are easy to reuse. We envision a repository of networks trained on various bioimage compendia that can be downloaded and employed as out-of-the-box feature calculators, or fine-tuned with additional data to obtain niche-specific results, provided access to the necessary infrastructure is available. Similar resources already exist in other domains, and are being pioneered in bioimage analysis as well (Kraus et al. 2017).
While our DeepYeast network outperformed the random forest alternative, and achieved accuracies better than reported before, the direct comparisons must be interpreted with care. We used a clean training set of proteins localized to a single compartment as was done in previous work (Chong et al. 2015; Kraus et al. 2015), but as the training data do not match completely, the performance differences may partly be due to the data set composition. Both Chong et al. (2015) and Kraus et al. (2015) relied on information from segmented cells for best classification performance; we considered only patches known to contain a cell without pixel-level segmentation information. This circumvents the need for very accurate segmentation pipelines, and indeed, centers of cells can also be derived from additional markers, e.g., histone tags in the nucleus (Parts et al. 2014) that are cleanly separated, and therefore much easier to segment than entire cells.
Deep neural networks have proved their value in extracting information from large-scale image data (Krizhevsky et al. 2012; He et al. 2015; LeCun et al. 2015; Ronneberger et al. 2015). It would be unreasonable to believe that the same will not be true for high-throughput microscopy. Adaptation of the technology will depend on the ease with which it is deployed and shared between researchers; to this end, we have made our trained network freely available. The utility of these approaches will increase with accumulation of publicly shared data, and we expect deep neural networks to prove themselves a powerful class of models for biological image and data analysis.
Supplementary Material
Supplemental material is available online at www.g3journal.org/lookup/suppl/doi:10.1534/g3.116.033654/-/DC1 and the corresponding file descriptions in File S7.
Acknowledgments
We thank Tambet Matiisen for technical assistance; Helena Friesen for consultations on yeast images; Yolanda Chong, Judice Koh, and Oren Kraus for help with accessing the data; and Martin Hemberg, Jared Simpson, Felicity Allen, Oliver Stegle, and Christof Angermüller for comments on the text. We gratefully acknowledge the support of NVIDIA Corporation for donating the graphics processing unit used in this research. T.P. was supported by the European Regional Development Fund through the BioMedIT project, and the Estonian Research Council (IUT34-4). L.P. was supported by the Wellcome Trust, and the Estonian Research Council (IUT34-4).
Author contributions: T.P. trained the models and analyzed data. T.P. and L.P. conceived and designed the analysis approaches, and wrote the manuscript. The authors declare no competing financial interests.
Footnotes
Communicating editor: B. J. Andrews
Literature Cited
- Albert F. W., Treusch S., Shockley A. H., Bloom J. S., Kruglyak L., 2014. Genetics of single-cell protein abundance variation in large yeast populations. Nature 506(7489): 494–497. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Alipanahi B., Delong A., Weirauch M. T., Frey B. J., 2015. Predicting the sequence specificities of DNA- and RNA-binding proteins by deep learning. Nat. Biotechnol. 33: 831–838. [DOI] [PubMed] [Google Scholar]
- Angermueller C., Parnamaa T., Parts L., Stegle O., 2016. Deep learning for computational biology. Mol. Syst. Biol. 12(7): 878. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Boland M. V., Murphy R. F., 2001. A neural network classifier capable of recognizing the patterns of all major subcellular structures in fluorescence microscope images of HeLa cells. Bioinformatics 17(12): 1213–1223. [DOI] [PubMed] [Google Scholar]
- Boland M. V., Markey M. K., Murphy R. F., 1998. Automated recognition of patterns characteristic of subcellular structures in fluorescence microscopy images. Cytometry 33(3): 366–375. [PubMed] [Google Scholar]
- Bray M. A., Vokes M. S., Carpenter A. E., 2015. Using CellProfiler for automatic identification and measurement of biological objects in images. Curr. Protoc. Mol. Biol. 109: 14.17.1–14.17.13. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Breiman L., 2001. Random forests. Mach. Learn. 45(1): 5–32. [Google Scholar]
- Chen S. C., Zhao T., Gordon G. J., Murphy R. F., 2007. Automated image analysis of protein localization in budding yeast. Bioinformatics 23(13): i66–i71. [DOI] [PubMed] [Google Scholar]
- Chong Y. T., Koh J. L., Friesen H., Duffy S. K., Cox M. J., et al. , 2015. Yeast proteome dynamics from single cell imaging and automated analysis. Cell 161(6): 1413–1424. [DOI] [PubMed] [Google Scholar]
- Cireşan, D., A. Giusti, L. M. Gambardella, and J. Schmidhuber, 2012 Deep neural networks segment neuronal membranes in electron microscopy images. Proceedings of Advances in Neural Information Processing Systems 2012, Lake Tahoe, NV, pp. 2843–2851. [Google Scholar]
- Cireşan D. C., Giusti A., Gambardella L. M., Schmidhuber J., 2013. Mitosis detection in breast cancer histology images with deep neural networks, pp. 411–418 in Medical Image Computing and Computer-Assisted Intervention–MICCAI 2013, edited by K. Mori, I. Sakuma, Y. Sato, C. Barillot, and N. Navab. Springer-Verlag, Berlin. [DOI] [PubMed] [Google Scholar]
- Cohen J., 1960. Kappa: coefficient of concordance. Educ. Psychol. Meas. 20: 37. [Google Scholar]
- Collins T. J., 2007. ImageJ for microscopy. Biotechniques 43(Suppl. 1) 25–30. [DOI] [PubMed] [Google Scholar]
- Conrad C., Erfle H., Warnat P., Daigle N., Lorch T., et al. , 2004. Automatic identification of subcellular phenotypes on human cell arrays. Genome Res. 14(6): 1130–1136. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Danckaert A., Gonzalez-Couto E., Bollondi L., Thompson N., Hayes B., 2002. Automated recognition of intracellular organelles in confocal microscope images. Traffic 3(1): 66–73. [DOI] [PubMed] [Google Scholar]
- Donahue, J., Y. Jia, O. Vinyals, J. Hoffman, N. Zhang et al., 2013 Decaf: a deep convolutional activation feature for generic visual recognition. Available at: https://arxiv.org/abs/1310.1531. Accessed: January 16, 2017.
- Farkash-Amar S., Zimmer A., Eden E., Cohen A., Geva-Zatorsky N., et al. , 2014. Noise genetics: inferring protein function by correlating phenotype with protein levels and localization in individual human cells. PLoS Genet. 10(3): e1004176. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Girshick, R., J. Donahue, T. Darrell, and J. Malik, 2014 Rich feature hierarchies for accurate object detection and semantic segmentation. Proceedings of the 2014 IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, pp. 580–587. [Google Scholar]
- Glorot, X., and Y. Bengio, 2010 Understanding the difficulty of training deep feed forward neural networks. Proceedings of the 13th International Conference on Artificial Intelligence and Statistics, Chia Laguna Resort, Sardinia, Italy, pp. 249–256. [Google Scholar]
- Glory E., Murphy R. F., 2007. Automated subcellular location determination and high-throughput microscopy. Dev. Cell 12(1): 7–16. [DOI] [PubMed] [Google Scholar]
- Handfield L. F., Strome B., Chong Y. T., Moses A. M., 2015. Local statistics allow quantification of cell-to-cell variability from high-throughput microscope images. Bioinformatics 31(6): 940–947. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Haralick R. M., 1979. Statistical and structural approaches to texture. Proc. IEEE 67(5): 786–804. [Google Scholar]
- He, K., X. Zhang, S. Ren, and J. Sun, 2015 Deep residual learning for image recognition. Available at: https://arxiv.org/abs/1512.03385. Accessed: January 16, 2017.
- Hériché J.-K. 2014 Systematic cell phenotyping, pp. 86–110 in Phenomics, edited by J. M. Hancock. CRC Press, Boca Raton, FL. [Google Scholar]
- Huh W. K., Falvo J. V., Gerke L. C., Carroll A. S., Howson R. W., et al. , 2003. Global analysis of protein localization in budding yeast. Nature 425(6959): 686–691. [DOI] [PubMed] [Google Scholar]
- Ioffe, S., and C. Szegedy, 2015 Batch normalization: accelerating deep network training by reducing internal covariate shift. Available at: https://arxiv.org/abs/1502.03167. Accessed January 16, 2017.
- Jain A. K., Ratha N. K., Lakshmanan S., 1997. Object detection using Gabor filters. Pattern Recognit. 30(2): 295–309. [Google Scholar]
- Jia, Y., E. Shelhamer, J. Donahue, S. Karayev, J. Long et al., 2014 Caffe: convolutional architecture for fast feature embedding. Proceedings of the 22nd ACM International Conference on Multimedia, Orlando, FL, pp. 675–678. [Google Scholar]
- Kamentsky L., Jones T. R., Fraser A., Bray M. A., Logan D. J., et al. , 2011. Improved structure, function and compatibility for CellProfiler: modular high-throughput image analysis software. Bioinformatics 27(8): 1179–1180. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Kelley D. R., Snoek J., Rinn J., 2016. Basset: learning the regulatory code of the accessible genome with deep convolutional neural networks. Genome Res. 26: 990–999. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Koh J. L., Chong Y. T., Friesen H., Moses A., Boone C., et al. , 2015. CYCLoPs: a comprehensive database constructed from automated analysis of protein abundance and subcellular localization patterns in Saccharomyces cerevisiae. G3 5(6): 1223–1232. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Kraus, O. Z., L. J. Ba, and B. Frey, 2015 Classifying and segmenting microscopy images using convolutional multiple instance learning. Available at: https://arxiv.org/abs/1511.05286. Accessed: January 16, 2017. [DOI] [PMC free article] [PubMed]
- Kraus O.Z., Grys B.T., Ba J., Chong Y., Frey B.J., Boone C., Andrews B.J., 2017. Automated analysis of high-content microscopy data with deep learning. Mol. Syst. Biol. DOI: 10.15252/msb.20177551 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Krizhevsky, A., I. Sutskever, and G. E. Hinton, 2012 Imagenet classification with deep convolutional neural networks. Proceedings of Advances in Neural Information Processing Systems 2012, Lake Tahoe, NV, pp. 1097–1105. [Google Scholar]
- Lamprecht M. R., Sabatini D. M., Carpenter A. E., 2007. CellProfiler: free, versatile software for automated biological image analysis. Biotechniques 42(1): 71–75. [DOI] [PubMed] [Google Scholar]
- LeCun Y., Bengio Y., Hinton G., 2015. Deep learning. Nature 521: 436–444. [DOI] [PubMed] [Google Scholar]
- Liaw A., Wiener M., 2002. Classification and regression by randomForest. R News 2(3): 18–22. [Google Scholar]
- Murphy R. F., Velliste M., Porreca G., 2003. Robust numerical features for description and classification of subcellular location patterns in fluorescence microscope images. J. VLSI Signal Process. Syst. Signal Image Video Technol. 35(3): 311–321. [Google Scholar]
- Ohya Y., Sese J., Yukawa M., Sano F., Nakatani Y., et al. , 2005. High-dimensional and large-scale phenotyping of yeast mutants. Proc. Natl. Acad. Sci. USA 102(52): 19015–19020. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Parts L., Liu Y. C., Tekkedil M. M., Steinmetz L. M., Caudy A. A., et al. , 2014. Heritability and genetic basis of protein level variation in an outbred population. Genome Res. 24(8): 1363–1370. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Pau G., Fuchs F., Sklyar O., Boutros M., Huber W., 2010. EBImage—an R package for image processing with applications to cellular phenotypes. Bioinformatics 26(7): 979–981. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Pedregosa F., Varoquaux G., Gramfort A., Michel V., Thirion B., et al. , 2011. Scikit-learn: machine learning in Python. J. Mach. Learn. Res. 12(Oct): 2825–2830. [Google Scholar]
- Rampasek L., Goldenberg A., 2016. TensorFlow: biology’s gateway to deep learning? Cell Syst. 2: 12–14. [DOI] [PubMed] [Google Scholar]
- Razavian, A., H. Azizpour, J. Sullivan, and S. Carlsson, 2014 CNN features off-the-shelf: an astounding baseline for recognition. Proceedings of the 2014 IEEE Conference on Computer Vision and Pattern Recognition, Columbus, OH, pp. 806–813. [Google Scholar]
- Ronneberger O., Fischer P., Brox T., 2015. U-Net: convolutional networks for biomedical image segmentation, pp. 234–241 in Medical Image Computing and Computer-Assisted Intervention–MICCAI 2015, edited by N. Navab, J. Hornegger, W. M. Wells, and A. F. Frangi. Springer, Heidelberg. [Google Scholar]
- Schmidhuber J., 2015. Deep learning in neural networks: an overview. Neural Netw. 61: 85–117. [DOI] [PubMed] [Google Scholar]
- Shamir L., Delaney J. D., Orlov N., Eckley D. M., Goldberg I. G., 2010. Pattern recognition software and techniques for biological image analysis. PLoS Comput. Biol. 6(11): e1000974. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Simonyan, K., and A. Zisserman, 2014 Very deep convolutional networks for large-scale image recognition. Available at: https://arxiv.org/abs/1409.1556. Accessed: January 16, 2017.
- Tan J., Ung M., Cheng C., Greene C. S., 2015. Unsupervised feature construction and knowledge extraction from genome-wide assays of breast cancer with denoising autoencoders. Pac. Symp. Biocomput. 20: 132–143. [PMC free article] [PubMed] [Google Scholar]
- Van der Maaten L., Hinton G. 2008. Visualizing data using t-SNE. J. Mac. Learn. Res. 9: 2579–2605. [Google Scholar]
- Vinyals, O., A. Toshev, S. Bengio, and D. Erhan, 2015 Show and tell: a neural image caption generator. Proceedings of the 2015 IEEE Conference on Computer Vision and Pattern Recognition, Boston, MA, pp. 3156–3164. [Google Scholar]
- Vizeacoumar F. J., van Dyk N., Vizeacoumar F. S., Cheung V., Li J., et al. , 2010. Integrating high-throughput genetic interaction mapping and high-content screening to explore yeast spindle morphogenesis. J. Cell Biol. 188(1): 69–81. [DOI] [PMC free article] [PubMed] [Google Scholar]
- von Zernike F., 1934. Beugungstheorie des schneidenver-fahrens und seiner verbesserten form, der phasenkontrastmethode. Physica 1(7–12): 689–704. [Google Scholar]
- Wagih O., Parts L., 2014. gitter: a robust and accurate method for quantification of colony sizes from plate images. G3 4(3): 547–552. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Wagih O, Usaj M., Baryshnikova A., VanderSluis B., Kuzmin E., et al. , 2013. SGAtools: one-stop analysis and visualization of array-based genetic interaction screens. Nucleic Acids Res. 41(Web Server issue): W591–W596. [DOI] [PMC free article] [PubMed] [Google Scholar]
- Yosinski, J., J. Clune, Y. Bengio, and H. Lipson, 2014 How transferable are features in deep neural networks? Proceedings of Advances Neural Information Processing Systems 2014, Montréal, Canada, pp. 3320–3328. [Google Scholar]
- Zhou J., Troyanskaya O. G., 2015. Predicting effects of noncoding variants with deep learning-based sequence model. Nat. Methods 12: 931–934. [DOI] [PMC free article] [PubMed] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.
Supplementary Materials
Data Availability Statement
The data used in this study were described in Chong et al. (2015), and stored in the Cyclops database presented in Koh et al. (2015). The single cell images that were extracted and used for training are available at http://www.cs.ut.ee/∼leopoldp/2016_DeepYeast.