Deep_learning_tackles_single_cell_analys
Deep_learning_tackles_single_cell_analys
1
Department of Electrical and Computer Engineering, the University of Texas at San Antonio, San
§
Correspondence should be addressed to Mario Flores ([email protected]);
Mario Flores, Ph.D., is an Assistant Professor in the Department of Electrical and Computer
Engineering at the University of Texas at San Antonio, His research focuses on DNA and RNA
1
sequence methods, transcriptomics analysis (including scRNA-Seq), epigenetics, comparative
Zhentao Liu is a Ph.D. student in the Department of Electrical and Computer Engineering, the
University of Texas at San Antonio. His research focuses on deep learning for cancer genomics
Tinghe Zhang is a Ph.D. student in the Department of Electrical and Computer Engineering, the
University of Texas at San Antonio. His research focuses on deep learning for cancer genomics
Engineering, the University of Texas at San Antonio. His research focuses on interpretable deep
and the director of Computational Biology and Bioinformatics at Greehey Children’s Cancer
Research Institute at the University of Texas Health San Antonio. His research focuses on
Sumin Jo is a Ph.D. student in the Department of Electrical and Computer Engineering, the
University of Texas at San Antonio. Her research focuses on m6A mRNA methylation and deep
Karla Paniagua is a Ph.D. student in the Department of Electrical and Computer Engineering,
the University of Texas at San Antonio. Her research focuses on applications of deep learning
algorithms.
Yu-Chiao Chiu. Ph.D., is a Postdoctoral Fellow at the Greehey Children’s Cancer Research
Institute at the University of Texas Health San Antonio. His postdoctoral research is focused on
2
Jianqiu Zhang, PhD, is an Associate Professor in the Department of Electrical and Computer
Engineering at the University of Texas at San Antonio. Her current research focuses on deep
Shou-Jiang Gao, Ph.D., is a Professor in UPMC Hillman Cancer Center and Department of
Microbiology and Molecular Genetics, University of Pittsburgh. His current research interests
Yu-Fang Jin, Ph.D., is a Professor in the Department of Electrical and Computer Engineering at
the University of Texas at San Antonio. Her research focuses on mathematical modeling of
Yidong Chen, Ph.D., is a Professor in the Department of Population Health Sciences and the
Institute at the University of Texas Health San Antonio. His research interests include
analysis, genetic data visualization and management, and machine learning in translational
cancer research
Yufei Huang, Ph.D., is a Professor in UPMC Hillman Cancer Center and Department of
Medicine, University of Pittsburgh School of Medicine. His current research interests include
uncovering the functions of m6A mRNA methylation, cancer virology, and medical AI & deep
learning.
3
Abstract
Since its selection as the method of the year in 2013, single-cell technologies have
become mature enough to provide answers to complex research questions. With the
growth of single-cell profiling technologies, there has also been a significant increase in
these massive and complicated datasets. To address these challenges, deep learning
cell RNA-seq data, survey a total of 25 DL algorithms and their applicability for a specific
network models, compare the training strategies and loss functions for these models, and
relate the loss functions of these models to specific objectives of the data processing step.
Such presentation will allow readers to choose suitable algorithms for their particular
objective at each step in the pipeline. We envision that this survey will serve as an
important information portal for learning the application of DL for scRNA-seq analysis and
4
Key points:
functional structures or cell types, predicting their effects or responses to treatment more
• Current deep learning-based analysis approaches for single cell RNA seq data are
systematically reviewed in this paper according to the challenge they address and their
5
1. Introduction
Single cell sequencing technology has been a rapidly developing area to study genomics,
level for cell-type identification, tissue composition, and reprogramming [1, 2].
sequencing (scRNA-seq), has become the dominant technology in many frontier research
areas such as disease progression and drug discovery [3, 4]. One particular area where
alterations, detecting rare cancer stem cells, and therapeutic response [5, 6]. Currently,
useful in cancer diagnosis, therapy resistance during cancer progression, and the survival
of patients [5, 7]. The scRNA-seq has also been adopted to combat COVID-19 to
elucidate how the innate and adaptive host immune system miscommunicates resulting
in worsening the immunopathology produced during this viral infection [8, 9].
These studies have led to a massive amount of scRNA-seq data deposited to public
databases such as 10X Single-cell gene expression dataset, Human Cell Atlas, and
Mouse Cell Atlas. Expressions of millions of cells from 18 species have been collected
and deposited, waiting for further analysis. On the other hand, due to biological and
technical factors, scRNA-seq data presents several analytical challenges related to its
complex characteristics like missing expression values, high technical and biological
variance, noise and sparse gene coverage, and elusive cell identities [1]. These
6
characteristics make it difficult to directly apply commonly used bulk RNA-seq data
analysis techniques and have called for novel statistical approaches for scRNA-seq data
cleaning and computational algorithms for data analysis and interpretation. To this end,
specialized scRNA-seq analysis pipelines such as Seurat [10] and Scanpy [11], along
with a large collection of task-specific tools, have been developed to address the intricate
Recently, deep learning has demonstrated its significant advantages in natural language
processing and speech and facial recognition with massive data [12-14]. Such
clustering [15, 16], cell type identification [15, 17], gene imputation [18-20], and batch
scRNA-seq data. It is also more versatile, where a single model can be trained to address
multiple tasks or adapted and transferred to different tasks. Moreover, the DL training
scales more favorably with the number of cells in scRNA-seq data size, making it
particularly attractive for handling the ever-increasing volume of single cell data. Indeed,
the growing body of DL-based tools has demonstrated DL’s exciting potential as a
data.
7
In this paper, we present a comprehensive review of the recent advances of DL methods
for solving the present challenges in scRNA-seq data analysis (Table 1) from the quality
selection, and data interpretation by surveying deep learning papers published up to April
2021. In order to maintain high quality for this review, we choose not to include any
findings that would be published after completing their peer-reviewed process. Previous
efforts to review the recent advances in machine learning methods focused on efficient
integration of single cell data [22, 23]. A recent review of DL applications on single cell
data has summarized 21 DL algorithms that might be deployed in single cell studies [24].
It also evaluated the clustering and data correction effect of these DL algorithms using 11
datasets.
In this review, we focus more on the DL algorithms with a much detailed explanation and
with the overall scRNA-seq analysis pipeline, we organize the surveys according to the
challenge they address and discuss these DL models following the analysis pipeline. A
unified mathematical description of the surveyed DL models is presented and the specific
model features are discussed when reviewing each method. This will also shed light on
the modeling connections among the surveyed DL methods and the recognization of the
uniqueness of each model. Besides the models, we also summarize the evaluation
matrics used by these DL algorithms and methods that each DL algorithm was compared
with. The online location of the code, the development platform, the used datasets for
8
each method are also cataloged to facilitate their utilization and additional effort to
improve them. Finally, we also created a companion online version of the paper at
https://huang-ai4medicine-lab.github.io/survey-of-DL-for-scRNA-seq-
additional methods. We envision that this survey will serve as an important information
portal for learning the application of DL for scRNA-seq analysis and inspire innovative
sequencing [25, 26] are available nowadays with their sets of advantages and
disadvantages. Despite the differences in the scRNA-seq techniques, the data content
Figure 1. Single cell data analysis steps for both conventional ML methods (bottom) and DL
methods (top). Depending on the input data and analysis objectives, major scRNA-seq analysis steps
are illustrated in the the center flow chart (color boxes) with convential ML approaches along with optional
analysis modules below each analysis step. Deep learning approaches are categorized as Deep Neural
Network, Generalive Adversarial Network, Variational Autoencoder, and Autoencoder. For each DL
approach, optional algorithms are listed on top of each step.
9
and processing steps of scRNA-seq data are quite standard and conventional. A typical
scRNA-seq dataset consists of three files: genes quantified (gene IDs), cells quantified
(cellular barcode), and a count matrix (number of cells x number of genes), irrespective
processing pipeline and optional tools for each step with both ML and DL approaches are
illustrated in Fig. 1.
With the advantage of identifying each cell and unique molecular identifiers (UMIs) for
expressions of each gene in a single cell, scRNA-seq data are embedded with increased
technical noise and biases [27]. Quality control (QC) is the first and the key step to filter
out dead cells, double-cells, or cells with failed chemistry or other technical artifacts. The
most commonly adopted three QC covariates include the number of counts (count depth)
per barcode identifying each cell, the number of genes per barcode, and the fraction of
and many other factors. Approaches tailored for scRNA-seq have been developed
Negative Binomial Regression was proposed [31]. Two important steps, batch correction
experiments due to variant experimental conditions such as technicians and experimental time,
imposing a major challenge in scRNA-seq data analysis. Batch effect correction algorithms
10
include detection of mutual nearest neighbors (MNNs) [32], canonical correlation analysis
(CCA) with Seurat [33], and Harmony algorithm through cell-type representation [34].
• Imputation step is necessary to handle high sparsity data matrix, due to missing value or
dropout in scRNA-seq data analysis. Several tools have been developed to “impute” zero
values in scRNA-seq data, such as SCRABBLE [35], SAVER [36], and scImpute [37].
cost. Dimensionality reduction methods, such as PCA, are widely used in scRNA-seq
data analysis to achieve that purpose. More advanced nonlinear approaches that
representation, such as LLE [38] (used in SLICER [39]), tSNE [40], and UMAP [41], have
Clustering analysis is a key step to identify cell subpopulations or distinct cell types to
Unsupervised clustering is frequently used here to categorize cells into clusters by their
input, such as community detection algorithm Louvain [42] and Leiden [43], or data-driven
subset of genes, or features, for cell-type identification and functional enrichment of each
cluster. This step is achieved by differential expression analysis designed for scRNA-seq,
such as MAST that used linear model fitting and likelihood ratio testing [45]; SCDE that
11
adopted a Bayesian approach with a Negative Binomial model for gene expression and
Poisson process for dropouts [46], or DEsingle that utilized a Zero-Inflated Negative
Besides these key steps, downstream analysis can include cell type identification,
applied. Other advanced analyses including trajectory inference and velocity and
pseudotime analysis are not discussed here because most of the approaches on these
learning tasks, we start our review by introducing the general formulations of variational
autoencoder (VAE), the autoencoder (AE), or generative adversarial networks (GAN) for
scRNA-seq together with their training strategies. We will focus on the different features
of each method and bring attention to their uniqueness and novelty applications for
Let !! represent a " × 1 vector of gene expression (UMI counts or normalized, log-
transformed expression) of " genes in cell % , where '()"! * +"! , -"! . follows some
distribution (e.g., zero-inflated negative binomial (ZINB) or Gaussian), where +"! and -"!
are distribution parameters (e.g., mean, variance, or dispersion) (Fig. 2A). We consider
12
+"! to be of particular interest (e.g., the mean counts) and is thus further modeled by a
0! = /# (3! , 4! ) (1)
represents a latent representation of gene expression and is used for visualization and
clustering and 4! is an observed variable (e.g., the batch ID). For VAE, 3! is commonly
assumed to follow a multivariate standard normal prior, i.e., '(3! ) = :(0, <$ ) with <$
being a = × = identity matrix. Further, -"! of '()"! * +"! , -"! . is a nuisance parameter,
which has a prior distribution '(-"! . and can be either estimated or marginalized in
variational inference. Now define > = ?7, -!" ∀%, 6A . Then, '()"! * +"! , -"! . and (1)
ℒ(>) = E+,3! -!! , 4! , >. [log '(!! |3! , 4! , >)] − //& [R(3! |!! , 4! , >)‖'(3! )], (3)
13
and R(3! |!! , 4! ) is an approximate to '(3! |!! , 4! ) and assumed as
where [ is the weights vector. Now, > = ?7, [, -!" ∀%, 6A and equation (2) is solved by
All the surveyed papers that deploy VAE follow this general modeling process.
\(>) = −ℒ(>) + ∑/
4)* ^4 \4 (>), (6)
where \4 ∀_ = 1, … , a are losses for different functions (clustering, cell type prediction,
etc) and ^4 s are the Lagrange multipliers. With this general formulation, for each paper,
we examined the specific choices of data distribution '()"! * +"! , -"! . that define ℒ(>),
different \4 designed for specific functions, and how the decoder and encoder were
14
3.2. Autoencoders
3! = Z3 (!! ); !
b! = /# (3! ), (7)
where > = {7, [} are encoder and decoder weight parameters and !
b! defines the
parameters (e.g. mean) of the likelihood '(!! |>) (Fig. 2B) and is often considered as
imputed and denoised expressions. Additional design can be included in the AE model
algorithms to minimize the loss similar to Eq. (6) except ℒ(>) = − log '(!! |>). When
'(!! |>) is the Gaussian, ℒ(>) becomes the mean square error (MSE) loss
ℒ(>) = ∑(
!)*‖!! − !
b! ‖22 . (8)
Because different AE models differ in their AE architectures and the loss functions, we
will discuss the specific architecture and the loss functions for each reviewed DL model
in Section 4.
seq analysis. Without loss of generality, the GAN, when applied to scRNA-seq, is designed
to learn how to generate gene expression profiles from '5 , the distribution of !! . The
vanilla GAN consists of two deep neural networks [48]. The first network is the
generator "# (3! , e! ) with parameter 7, a noise vector 3! from the distribution '0 and a
class label e (e.g. cell type) and is trained to generate !6 , a "fake" gene expression (Fig.
15
2C). The second network is the discriminator network /3" with parameters [7 , trained to
distinguish the "real" ! from fake !6 (Fig. 2C). Both networks, "# and /3" are trained to
outplay each other, resulting in a minimax game, in which "# is forced by /3" to produce
better samples, which, when converge, can fool the discriminator /3" , thus becoming
samples from '5 . The vanilla GAN suffers heavily from training instability and mode
collapsing[49]. To that end, Wasserstein GAN (WGAN) [49] was developed with the
\(7) = max ∑(
!)* /ø" (!! ) − ∑!)* /ø" ("9 (3! , e! )..
(
(9)
ø"
Additional terms can also be added to equation (9) to constrain the functions of the
generator. Training based on the WGAN loss in Eq. (9) amounts to a min-max
optimization, which iterates between the discriminator and generator, where each
be satisfied by adding the gradient penalty to the WGAN loss [49]. Once the training is
done, the generator "ø# can be used to generate gene expression profiles of new cells.
understand the relationship between the problems that each surveyed work addresses
and the key challenges in the general scRNA-seq processing pipeline, we divide the
survey into sections according to steps in the scRNA-seq processing pipeline illustrated
in Fig. 1. For each DL model, we present the model details under the general model
16
framework introduced in Section 3 and discuss the specific loss functions. We also survey
the evaluation metrics and summarize the evaluation results. To facilitate cross-
Table 1 and tabulate the datasets and evaluation metrics used in each paper in Tables
2 & 3. We also listed all other algorithms that each surveyed method evaluated against
in Fig. 3, highlighting the extensiveness these algorithms were assessed for their
performance.
4.1. Imputation
DCA [18] is an AE for imputation (Figs. 2B, 4B) and has been integrated into the Scanpy
framework.
Model. DCA models UMI counts with missing values using the ZINB distribution
'()"! | >. = f"! g(0) + (1 − f"! .hi(+"! , -"! ., for 6 = 1, … "; % = 1, … h, (10)
where g(⋅) is a Dirac delta function, hi(⋅,⋅) denotes the negative binomial distribution,
and f"! , +"! , -"! , representing dropout rate, mean, and dispersion, respectively, are
b! ); p! = exp(n; !
k! = 4V6lmV=(n: ! b! ) ; s! = exp(n< !
b! ), (11)
where n: , n; , and n< are additional weights to be estimated. The DCA encoder and
decoder follow the general AE formulation as in Eq. (7) but the encoder takes the
17
\(>) = ∑(
!)* ∑")*(−tm6'()"! | >. + ^f"! .,
= 2
(12)
with > = { 7, [, n: , n; , n< }. Once the DCA is trained, the mean counts p! are used as
Results. For evaluation, DCA was compared to other methods using simulated data
(using Splatter R package), and real bulk transcriptomics data from a developmental C.
elegans time-course experiment was used with added simulating single-cell specific
noise. Gene expression was measured from 206 developmentally synchronized young
adults over a twelve-hour period (C. elegans). Single-cell specific noise was added in
silico by genewise subtracting values drawn from the exponential distribution such that
80% of values were zeros. The paper analyzed the Bulk contains less noise than single-
cell transcriptomics data and can thus aid in evaluating single-cell denoising methods by
providing a good ground truth model. The authors also did a comparison of other methods
including SAVER [36], scImpute [37], and MAGIC[51]. DCA denoising recovered original
time-course gene expression pattern while removing single-cell specific noise. Overall,
DCA demonstrated the strongest recovery of the top 500 genes most strongly associated
with development in the original data without noise; DCA was shown to outperform other
existing methods in capturing cell population structure in real data using PBMC, CITE-
SAVER-X [52] is an AE model (Figs. 2B, 4B) developed to denoise and impute scRNA-
18
Model. SAVER-X decomposes the variation in the observed counts !! with missing
shared variation across genes, ii) unpredictable cell-level biological variation and gene-
specific dispersions, and iii) technical noise. Specifically, )"! is modeled as a Poisson-
where t! is the sequencing depth of cell n, +"! is the mean, and -" is the dispersion. This
The loss is similar to Eq. (12). However, +"! is initially learned by an AE pre-trained
using external datasets from an identical or similar tissue and then transferred to !! to be
denoised. Such transfer learning can be applied to data between species (e.g., human
and mouse in the study), cell types, batches, and single-cell profiling technologies. After
+"! is inferred, SAVER-X generates the final denoised data )v"! by an empirical Bayesian
shrinkage.
scenarios: i) T-cell subtypes, ii) a cell type (CD4+ regulatory T cells) that was absent from
the pretraining dataset, iii) gene-protein correlations of CITE-seq data, and iv) immune
cells of primary breast cancer samples with a pretraining on normal immune cells.
SAVER-X with pretraining on HCA and/or PBMCs outperformed the same model without
pretraining and other denoising methods, including DCA [28], scVI[17], scImpute [37], and
MAGIC [51]. The model achieved promising results even for genes with very low UMI
counts. SAVER-X was also applied for a cross-species study in which the model was pre-
19
trained on a human or mouse dataset and transferred to denoise another. The results
demonstrated the merit of transferring public data resources to denoise in-house scRNA-
seq data even when the study species, cell types, or single-cell profiling technologies are
different.
models (Fig. 4A) with 512 output, each to predict gene expression levels of a cell.
Model. For each dataset, DeepImpute selects to impute a list of genes or highly variable
genes (variance over mean ratio, default = 0.5). Each sub-neural network aims to
understand the relationship between the input genes and a subset of target genes. Genes
are first divided into h random subsets of 512 target genes. For each subset, a two-layer
DNN is trained where the input includes genes that are among the top 5 best-correlated
genes to target genes but not part of the target genes in the subset. The loss is defined
ℒ(>) = ∑ !! (!! − !
b! )2 , (14)
Result. DeepImpute had the highest overall accuracy and offered shorter computation
time with less demand on computer memory than other methods like MAGIC, DrImpute,
ScImpute, SAVER, VIPER, and DCA. Using simulated and experimental datasets (Table
advantages over other methods and between which DeepImpute performs even better.
20
and-conquer approach which contrary to an autoencoder as implemented in DCA,
resulting in a lower complexity in each sub-model and stabilizing neural networks, and 2)
the subnetworks are trained without using the target genes as the input which reduces
overfitting while enforcing the network to understand true relationships between genes.
as input.
Model. LATE sets zeros for all missing values and generates the imputed expressions.
LATE minimizes the MSE loss as Eq. (8). One issue is that some zeros could be real and
Result. Using synthetic data generated from pre-imputed data followed by random
dropout selection at different degrees, LATE outperforms other existing methods like
MAGIC, SAVER, DCA, scVI, particularly when the ground truth contains only a few or no
zeros. However, when the data contain many zero expression values, DCA achieved a
lower MSE than LATE, although LATE still has a smaller MSE than scVI. This result
suggests that DCA likely does a better job identifying true zero expressions, partly
because LATE does not make assumptions on the statistical distributions of the single-
4.1.5. scGMAI
Technically, scGMAI [54] is a model for clustering but it includes an AE (Figs. 2B, 4B) in
21
Model. To impute the missing values, scGMAI applies an AE like LATE to reconstruct
After imputation, scGMAI uses fast independent component analysis (ICA) on the
Results. To assess the performance, the AE in scGMAI was replaced by five other
imputation methods including SAVER [36], MAGIC [51], DCA [28], scImpute [37], and
seq data (part of them are listed in Tables 2b & c as marked) were used to evaluate cell
clustering performances. The results indicated that the AEs significantly improved the
4.1.6. scIGANs
Imputation approaches based on information from cells with similar expressions suffer
from oversmoothing, especially for rare cell types. scIGANs [19] is a GAN-based
imputation algorithm (Figs. 2C, 4E), which overcomes this problem by training a GAN
Model. scIGAN takes the image-like reshaped gene expression data !! as input. The
model follows a BEGAN [56] framework, which replaces the GAN discriminator / with a
function wø$ to compute the reconstruction MSE. Then, the Wasserstein distance loss
between the reconstruction errors between the real and generated samples are computed
\(7, x) = max ∑(
!)* wø$ (!! ) − ∑!)* wø$ ("9 (Z? (!! ), e),
(
(15)
ø$
22
This framework forces the model to meet two computing objectives, i.e. reconstructing the
real samples and discriminating between real and generated samples. Proportional
Control Theory was applied to balance these two goals during the training [57].
After training, the decoder "9 is used to generate new samples of a specific cell
type. Then, the k-nearest neighbors (KNN) approach is applied to the real and generated
Results. scIGANs was first tested on simulated samples with different dropout rates.
Performance of rescuing the correct clusters was compared with 11 existing imputation
reported the best performance for all metrics. scIGAN was next evaluated for its ability to
correctly cluster cell types on the Human brain scRNA-seq data, which showed superior
performance than existing methods again. scIGANs was then evaluated for identifying
cell-cycle states using scRNA-seq datasets from mouse embryonic stem cells. The
results showed that scIGANs outperformed competing existing approaches for recovering
subcellular states of cell cycle dynamics. scIGANs were further shown to improve the
trajectory using time-course scRNA-seq data from the differentiation from H1 ESC to
definitive endoderm cells (DEC). Finally, scIGAN was also shown to scale to scRNA-seq
23
BERMUDA [58] deploys a transfer-learning method (Figs. 2B, 4B) to remove the batch
effect. It performs correction to the shared cell clusters among batches and therefore
where ℒ(>) is the MSE loss and \%%@ is the maximum mean discrepancy (MMD) [59]
loss that measures the differences in distributions between pairs of similar cell clusters
\%%@ (>) = ∑A% ,A& ,C% ,C& yA% ,C% ,A& ,C& yy/(3A% ,C% , 3A& ,C& ), (17)
where 3A,C is the latent variable of !A,C , the input expression of a cell from cluster z of batch
V, yA% ,C% ,A& ,C& is 1 if cluster VE of batch zE and cluster VF of batch zF are determined to be
similar by MetaNeighbor [60] and 0 , otherwise. The yy/ equals zero when the
Results. BERMUDA was shown to outperform other methods like mnnCorrect [32],
BBKNN[61], Seurat [10], and scVI [17] in removing batch effects on simulated and human
effects even when the cell population compositions across different batches are vastly
which enables discovering new information that might be hard to extract by analyzing
24
4.2.2. DESC: batch correction based on clustering
DESC [62] is an AE model (Figs. 2B, 4B) that removes batch effect through clustering
with the hypothesis that batch differences in expressions are smaller than true biological
variations between cell types, and, therefore, properly performing clustering on cells
across multiple batches can remove batch effects without the need to define batches
explicitly.
Model. DESC has a conventional AE architecture. Its encoder takes normalized, log-
The loss function is similar to Eq. (16) and except that the second loss \G is the clustering
loss that regularizes the learned feature representations to form clusters as in the deep
embedded clustering [63]. The model is first trained to minimize ℒ(>) only to obtain the
initial weights before minimizing the combined loss. After the training, each cell is
Results. DESC was applied to the macaque retina dataset, which includes animal level,
region level, and sample-level batch effects. The results showed that DESC is effective
in removing the batch effect, whereas CCA [33], MNN [32], Seurat 3.0 [10], scVI [17],
BERMUDA [58], and scanorama [64] were all sensitive to batch definitions. DESC was
then applied to human pancreas datasets to test its ability to remove batch effects from
multiple scRNA-seq platforms and yielded the highest ARI among the comparing
approaches mentioned above. When applied to human PBMC data with interferon-beta
stimulation, where biological variations are compounded by batch effect, DESC was
shown to be the best in removing batch effect while preserving biological variations.
25
DESC was also shown to remove batch effect for the monocytes and mouse bone marrow
data and DESC was shown to preserve the pseudotemporal structure. Finally, DESC
scales linearly with the number of cells, and its running time is not affected by the
variations.
Model. iMAP consists of two processing stages, each including a separate DL model. In
the first stage, a special AE, whose decoder combines the output of two separate
3! = Z3 (!! ); !
b! = /# (3! , 4! ) = w{\|(/#' (4! ) + /#( (3! , 4! )), (18)
where 4! is the one-hot encoded batch number of cell %. /#' can be understood as
decoding the batch noise, whereas /#( reconstructs batch-removed expression from the
latent variable 3! . The training minimizes the loss in Eq. (16) except the 2nd loss is the
content loss
\H (>) = ∑(
!)*}3! − Z3 (/# (3! , 4̃! ).}2 ,
2 (19)
where 4̃! is a random batch number. Minimizing \H (>) further ensures the reconstructed
However, due to the limitation of AE, this step is still insufficient for batch removal.
distributions of the shared cell type across different baches indistinguishable. To identified
26
the shared cell types, a mutual nearest neighbors (MNN) strategy adapted from [32] was
developed to identify MNN pairs across batches using batch effect independent 3! as
opposed to !! . Then, a mapping generator "## is trained using MNN pairs based on GAN
such that !! = "## T!! Y, where !! and !! are the MNN pairs from batch • and an
(J) (L) (M) (J)
anchor batch Ä. The WGAN-GP loss as in Eq. (9) was adopted for the GAN training. After
Results: iMAP was first tested on benchmark datasets from human dendritic cells and
Jurkat and 293T cell lines and then human pancreas datasets from five different
platforms. All the datasets contain both batch-specific cells and batch-shared cell types.
iMAP was shown to separate the batch-specific cell types but mix batch shared cell types
and outperformed 9 other existing batch correction methods including Harmony, scVI,
fastMNN, Seurat, etc. iMAP was then applied to the large-scale Tabula Muris datasets
containing over 100K cells sequenced from two platforms. iMAP could not only reliably
integrate cells from the same tissues but identify cells from platform-specific tissues.
Finally, iMAP was applied to datasets of tumor-infiltrating immune cells and shown to
reduce the dropout ratio and the percentage of ribosomal genes and non-coding RNAs,
thus improving detection of rare cell types and ligand-receptor interactions. iMAP scales
with the number of cells, showing minimal time cost increase after the number of cells
27
This study [66] considers AEs (Figs. 2B, 4B) for learning the low-dimensional
Model. Several AE models with single or two hidden layers that incorporate gene
(PPIs) are implemented. The models take normalized, log-transformed expressions and
but the network architectures are not symmetrical. Specifically, gene interactions are
incorporated such that each node of the first hidden layer represented a TF or a protein
in the PPI; only genes that are targeted by TFs or involved in the PPI were connected to
the node. Thus, the corresponding weights of Z3 and /# are set to be trainable and
otherwise fixed at zero throughout the training process. Both unsupervised (AE-like) and
reduced the model complexity by almost 90% (7.5-7.6M to 1.0-1.1M). The clusters formed
on the data representations learned from the models with or without TF and PPI
information were compared to those from PCA, NMF, independent component analysis
(ICA), t-SNE, and SIMLR [44]. The model with TF/PPI information and 2 hidden layers
achieved the best performance by five of the six measures and the best average
performance. In terms of the cell-type retrieval of single cells, the encoder models with
and without TF/PPI information achieved the best performance in 4 and 3 cell types,
respectively. PCA yielded the best performance in only 2 cell types. The DNN model with
TF/PPI information and 2 hidden layers again achieved the best average performance
28
across all cell types. In summary, this study demonstrated a biologically meaningful way
to regularize AEs by the prior biological knowledge for learning the representation of
Model. Dhaka adopts a general VAE formulation (Figs. 2A, 4C). It takes the normalized,
representation.
Result. Dhaka was first tested on the simulated dataset. The simulated dataset contains
500 cells, each including 3K genes, clustered into 5 different clusters with 100 cells each.
The clustering performance was compared with other methods including t-SNE, PCA,
SIMLR, NMF, an autoencoder, MAGIC, and scVI. Dhaka was shown to have an ARI
higher than most other comparing methods. Dhaka was then applied to the
microglia/macrophage cells. It also uncovered the shared glial lineage and differentially
expressed genes for the lineages. Dhaka was also applied to the Glioblastoma data and
revealed an evolutionary trajectory of the malignant cells where cells gradually evolve
from a stemlike state to a more differentiated state. In contrast, other methods failed to
capture this underlying structure. Dhaka was next applied to the Melanoma cancer
dataset [68] and uncovered two distinct clusters that showed the intra-tumor
heterogeneity of the Melanoma samples. Dhaka was finally applied to copy number
29
variation data [69] and shown to identify one major and one minor cell clusters, of which
representations capture both local and global neighboring structures in scRNA-seq data.
Model: scvis adopts the generic VAE formulation described in section 3.1. However, it has
where ℒ(>) is ELBO as in Eq. (3) and \H is a regularizer using non-symmetrized t-SNE
\H (>) = ∑(
A)* ∑C)*,CPA 'C|A log + ,
( O)|+
)|+
(21)
where V and z are two different cells, 'A|C measures the local cell relationship in the data
space, and RC|A measures such relationship in the latent space. Because t-SNE algorithm
preserves the local structure of high dimensional space, \H learns local structures of cells.
Results. scvis was tested on the simulated data and outperformed t-SNE in a nine-
dimensional space task. scvis preserved both local structure and global structure. The
relative positions of all clusters were well kept but outliers were scattered around clusters.
Using simulated data and comparing to t-SNE, scvis generally produced consistent and
better patterns among different runs while t-SNE could not. scvis also presented good
results on adding new data to an existing embedding, with median accuracy on new data
at 98.1% for K= 5 and 94.8% for K= 65, when train K cluster on original data then test the
classifier on new generated sample points. The scvis was subsequently tested on four
30
real datasets including metastatic melanoma, oligodendroglioma, mouse bipolar and
mouse retina datasets. In each dataset, scvis was showed to preserve both the global
different choices of the likelihood functions in the VAE model to model different data sets.
have been discussed for '()"! * +"! , -"! . to model different data behaviors. Specifically,
scVAE considers Poisson, constrained Poisson, and negative binomial distributions for
count data, piece-wise categorical Poisson for data including both high and low counts,
R(3! |!! , 4! ), resulting a GMVAE. The inference process still follows that of a VAE as
Results. scVAEs were evaluated on the PBMC data and compared with factor analysis
(FA) models. The results showed that GMVAE with negative binomial distribution
achieved the highest lower bound and ARI. Zero-inflated Poisson distribution performed
the second best. All scVAE models outperformed the baseline linear factor analysis
model, which suggested that a non-linear model is needed to capture single-cell genomic
features. GMVAE was also compared with Seurat and shown to perform better using the
withheld data. However, scVAE performed no better than scVI [17] or scvis [70], both are
VAE models.
31
4.3.5. VASC: VAE for scRNA-seq
VASC [72] is another VAE (Figs. 2A, 4C) for dimension reduction and latent
Model: VASC’s input is the log-transformed expression but rescaled in the range [0,1]. A
dropout layer (dropout rate of 0.5) is added after the input layer to force subsequent layers
to learn to avoid dropout noise. The encoder network has three layers fully connected
and the first layer uses linear activation, which acts like an embedded PCA
transformation. The next two layers use the ReLU activation, which ensures a sparse and
stable output. This model's novelty is the zero-inflation layer (ZI layer), which is added
after the decoder to model scRNA-seq dropout events. The probability of dropout event
is defined as { Q5R where )v is the recovered expression value obtained by the decoder
(
network. Since backpropagation cannot deal with a stochastic network with categorical
ZI layer. The loss function of the model takes the form \ = ℒ(>) + ^\/& (>), where ℒ is
the binary entropy because the input is scaled to [0 1], and\/& a loss performed using KL
divergence on the latent variables. After the model is trained, the latent code can be used
Results. VASC was compared with PCA, t-SNE, ZIFA, and SIMLR on 20 datasets. In the
study of embryonic development from zygote to blast cells, all methods roughly re-
progression. In the Goolam, Biase and Yan datasets, scRNA-seq data were generated
32
development stage from 1, 2, 4, 8, 16 to blast, while other methods failed. In the Pollen,
Kolodziejczyk, and Baron dataset, VASC formed an appropriate cluster, either with
homogeneous cell type, preserved proper relative positions, or minimal batch influence.
Interestingly, when tested on the PBMC dataset, VASC was showed to identify the major
global structure (B cells, CD4+, CD8+ T cells, NK cells, Dendritic cells), and detect subtle
performance in NMI, ARI, homogeneity and completeness was also performed. VASC
always ranked top two in all the datasets. In terms of NMI and ARI, VASC best performed
4.3.6. scDeepCluster
scDeepCluster [74] is an AE network (Figs. 2B, 4B) that simultaneously learns feature
representation and performs clustering via explicit modeling of cell clusters as in DESC.
Model: Similar to DCA, scDeepCluster adopts a ZINB distribution for !! as in Eq. (10)
and (12). The loss is similar to Eq. (16) but with the first being the negative log-likelihood
of the ZINB data distribution as defined in Eq. (12) and the second \G being a clustering
Results. scDeepCluster was first tested on the simulation data and compared with other
seven methods including DCA [18], two multi-kernel spectral clustering methods MPSSC
[75] and SIMLR [44], CIDR [55], PCA + k-mean, scvis [70] and DEC[76]. In different
33
scDeepcluster outperformed all other algorithms and scDeepCluster and most notably
advantages for weak signals, robust against different data imbalance levels and scaled
linearly with the number of cells. scDeepCluster was then tested on four real datasets
(10X PBMC, Mouse ES cells, Mouse bladder cells, Worm neuron cells) and shown to
outperform all other comparing algorithms. Particularly, MPSSC and SIMLR failed to
cscGAN [77] is a GAN model (Figs. 2C, 4E) designed to augment the existing scRNA-
Model. Two models, csGAN and cscGAN, were developed following the general
formulation of WGAN described in section 3.3. The difference between the two models
is that cscGAN is a conditional GAN such that the input to the generator also includes a
class label e or cell type, i.e. [= (3, e) . The projection-based conditioning (PCGAN)
method [78] was adopted to obtain the conditional GAN. For both models, the generator
(three layers of 1024, 512, and 256 neurons) and discriminator (three layers of 256, 512,
Results: The performance of scGAN was first evaluated using PBMC data. The generated
samples were shown to capture the desired clusters and the real data's regulons.
Additionally, the AUC performance for classifying real from generated samples by a
Random Forest classifier only reached 0.65, performance close to 0.5. Finally, scGAN's
generated samples had a smaller MMD than those of Splatter, a state-of-the-art scRNA-
seq data simulator [79]. Even though a large MMD was observed for scGAN when
compared with that of SUGAR, another scRNA-seq simulator, SUGAR [80] was noted
34
for prohibitively high runtime and memory. scGAN was further trained and assessed on
the bigger mouse brain data and shown to model the expression dynamics across tissues.
evaluated using the PBMC data. cscGAN was shown to generate high-quality scRAN-
seq data for specific cell types. Finally, the real PBMC samples were augmented with the
generated samples. This augmentation improved the identification of rare cell types and
Model. scVI is a VAE (Figs. 2A, 4C) that models the counts of each cell from different
'()"! *f"! , \! , +"! , -. = f"! g(0) + (1 − f"! .hi(\! +"! , -" ., (22)
which is defined similarly as Eq (11) in DCA, except that \! denotes the scaling factor for
cell %, which follows a log-Normal (tm6:) prior as '(\! ) = tm6:(Ç&! , É&2! ., therefore, Ñ"!
represents the mean counts normalized by \! . Now, let 4! ∈ {0,1}S be the batch ID of cell
% with i being the total number of batches. Then, +"! and f" are further modeled as
35
functions of the =-dimension latent variable 3! ∈ ℝ$ and the batch ID 4! by the decoder
where the 6th element of 0! and k! are +"! and f" , respectively, and 7T , and 7: are the
decoder weights. Note that the lower layers of the two decoders are shared. For inference,
whose means and variances ?U0 ! , X21! A and ?U& ! , X2&! A are defined by the encoder
where [0 , and [& are the encoder weights. Note that, like the decoders, the lower layers
of the two encoders are also shared. Overall, the model parameters to be estimated by
the variational optimization is > = ?7T , 7: , [0 , [& , -" A. After inference, 3! are used for
estimate of gene expression for each gene 6 in each cell %. An added advantage of the
the subsequent differential analysis, resulting in lower variance in the adopted hypothesis
tests.
36
Results: scVI was evaluated for its scalability, the performance of imputation. For
scalability, ScVI was shown to be faster than most nonDL algorithms and scalable to
handle twice as many cells as nonDL algorithms with a fixed memory. For imputation,
ScVI, together with other ZINB-based models, performed better than methods using
fewer cells. For the latent space, scVI was shown to provide a comparable stratification
of cells into previously annotated cell types. Although scVI failed to ravel SIMLR, it is
among the best in capturing biological structures (hierarchical structure, dynamics, etc.)
and recognizing noise in data. For batch correction, it outperforms ComBat. For
normalizing sequencing depth, the size factor inferred by scVI was shown to be strongly
correlated with the sequencing depth. Interestingly, the negative binomial distribution in
the ZINB was found to explain the proportions of zero expressions in the cells, whereas
the zero probability f"! is found to be more correlated with alignment errors. For
from the scalability and efficiency of scVI. Also, this formulation applies to general VAE
Model. LDVAE follows scVI’s formulation but replaces the decoder /#, in Eq. (23) by a
linear model
0! = n3! , (26)
37
where n ∈ ℝ$×= is the weight matrix. Being the linear decoder provides interpretability in
the sense that the relationship between latent representation 3! and gene expression 0!
can be readily identified. LDVAE still follows the same loss and non-linear inference
scheme as scVI.
Results. LDVAE’s latent variable 3! could be used for clustering of cells with similar
accuracy as a VAE. Although LDVAE had a higher reconstruction error than VAE, due
to the linear decoder, the variations along the different axes of 3! establish direct linear
relationships with input genes. As an example from analyzing mouse embryo scRNA-seq,
intractable without approximation for a VAE. LDVAE was also shown to induce fewer
correlations between latent variables and to improve the grouping of the regulatory
4.4.3. SAUCIE
SAUCIE [15] is an AE (Figs. 2B, 4B) designed to perform multiple functions, including
Model. SAUCIE includes multiple model components designed for different functions.
1. Clustering: SAUCIE first introduced a "digital" binary encoding layer âG ∈ {0,1}V in the
decoder / that functions to encode the cluster ID. To learn this encoding, an entropy
loss is introduced
\@ = ∑/
4)* '4 log '4 , (27)
38
where '4 is the probability (proportion) of activation on neuron _ by the previous layer.
Minimizing this entropy loss promotes sparse neurons, thus forcing a binary encoding.
\W = bA − !
ä }! bC } ,
2
(28)
A,C:Y+0 )Y)0
bA , !
which computes the distance \W between the expressions of a pair of cells (! bC )
2. Batch correction: To correct the batch effect, an MMD loss is introduced to measure
the differences in terms of the distribution between batches in the latent space
where i is the total number of batches and 3Z[6 is the latent variable of an arbitrarily
imputed version of the input gene expression. To visualize the data without performing
forced to 2.
Training the model includes two sequential runs. In the first run, an autoencoder is trained
to minimize the loss \] + ^S \S with \] being the MSE reconstruction loss defined in (9)
In the second run, the bottleneck layer of the encoder from the first run is replaced by a
2-D latent code for visualization and a digital encoding layer is also introduced. This model
39
^@ \@ + ^W \W . After the model is trained, )ç is the imputed, batch-corrected gene
expression. The 2-D latent code is used for visualization and the binary encoder encodes
Results. SAUCIE was evaluated for clustering, batch correction, imputation, and
visualization on both simulated and real scRNA-seq and scCyToF datasets. The
performance was compared to minibatch kmeans, Phenograph [82] and 22 for clustering;
MNN [32] and canonical correlation analysis (CCA) [33] for batch correction; PCA,
Monocle2 [83], diffusion maps, UMAP [84], tSNE [85] and PHATE [86] for visualization;
MAGIC [51], scImpute [37] and nearest neighbors completion (NN completion) for
imputation. Results showed that SAUCIE had a better or comparable performance with
other approaches. Also, SAUCIE has better scalability and faster runtimes than any of
the other models. SAUCIE's results on the scCyToF dengue dataset were further
analyzed in greater detail. SAUCIE was able to identify subtypes of the T cell populations
and demonstrated distinct cell manifold between acute and healthy subjects.
4.4.4. scScope:
scScope [87] is an AE (Figs. 2B, 4D) with recurrent steps designed for imputation and
batch correction.
Model. scScope has the following model design for batch correction and imputation.
where and w{\ê is the ReLu activation function, é ∈ ℝ=×/ is the batch correction
matrix, èG ∈ {0,1}/×^ is an indicator vector with entry 1 indicates the batch of the input,
40
2. Recursive imputation: Instead of using the reconstructed expression b
!! as the imputed
the imputation as
where 3ví! is the output of the imputer encoder, /_ is the imputer decoder, and u_ is a
C
b! will be fed back to fill the missing value in the batch corrected
values to zero. Then, !
recursion, u_Q is another masking function that forces the loss to compute only the non-
Results. scScope was evaluated for its scalability, clustering, imputation, and batch
correction. It was compared with PCA, MAGIC, ZINB-WaVE, SIMLR, AE, scVI, and DCA.
For scalability and training speed, scScope was shown to offer scalability (for >100K cells)
with high efficiency (faster than most of the approaches). For clustering results, scScope
was shown to outperform most of the algorithms on small simulated datasets but offer
performed comparably with other approaches but with faster runtime. For imputation,
41
scScope produced smaller errors consistently across a different range of expression.
scScope was further shown to be able to identify rear cell populations from a large mix of
cells.
However, the commonly adopted manual cell typing approach based on known markers
4.5.1. DigitalDLSorter
DigitalDLSorter [88] was proposed to identify and quantify the immune cells infiltrated in
Model. DigitalDLSorter is a 4-layer DNN (Fig. 4A) (2 hidden layers of 200 neurons each
and an output of 10 cell types). The DigitalDLSorter is trained with two single-cell
datasets: breast cancers [89] and colorectal cancers [90]. For each cell, it is determined
to be tumor cell or non-tumor cell using RNA-seq based CNV method [89], followed by
using xCell algorithm [91] to determine immune cell types for non-tumor cells. Different
pseudo bulk (from 100 cells) RNA-seq datasets were prepared with known mixture
proportions to train the DNN. The output of DigitalDLSorter is the predicted proportions
cancer, and good agreement in quadratic relationship for breast cancer) at predicting cell
42
types proportion. The proportion of immune and nonimmune cell subtypes of test bulk
TCGA samples was predicted by DigitalDLSorter and the results showed a very good
correlation to other deconvolution tools including TIMER [89], ESTIMATE [92], EPIC [93]
and MCPCounter [94]. Using DigitalDLSorter predicted CD8+ (good prognosis for overall
activity) proportions, it is found that patients with higher CD8+/MM ratio had better survival
for both cancer types than those with lower CD8+/MM ratio. Both EPIC and MCPCounter
4.5.2. scCapsNet
scCapsNet [95] is an interpretable capsule network designed for cell type prediction. The
paper showed that the trained network could be interpreted to inform marker genes and
layer neural networks) followed by a capsule network for cell-type classification (type
capsules). For each L parallel feature extraction layer, it generates a primary capsule è\ ∈
ℝ$1 as
è\ = w{\ê(na,\ !! . ∀t = 1, … , \ (33)
where na,\ ∈ ℝ$1 ×= is the weight matrix. Then, the primary capsules are fed into the
capsule network to compute a type capsules p4 ∈ ℝ$2 , one for each cell type, as
&
43
where 4R|W4ℎ is the squashing function [96] to normalize the magnitude of its input vector
to be less than one, n4\ is another trainable weight matrix, and ñ4\ ∀ t = 1, … , \ are the
coupling coefficients that represent the probability distribution of each primary capsule’s
impact on the prediction of cell type _. ñ4\ is not trained but computed through the
dynamic routing process proposed in the original capsule networks [95]. The magnitude
of each type of capsule p4 represents the probability of a single cell !! belonging to cell
The training of the network minimizes the cross-entropy loss by the back-
propagation algorithm. Once trained, the interpretation of marker genes and regulatory
modules can be achieved by determining first the important primary capsules for each
cell type and then the most significant genes for each important primary capsule
(identified based on ñ4\ directly). To determine the genes that are important for an
important primary capsule t, genes are ranked base on the scores of the first principal
component computed from the columns of na,\ and then the markers are obtained by a
greedy search along with the ranked list for the best classification performance.
Results. scCapsNet’s performance was evaluated on human PBMCs [97] and mouse
retinal bipolar cells [98] datasets and shown to have comparable accuracies (99% and
97% respectively) with DNN and other popular ML algorithms (SVM, random forest, LDA
extensively. First, examining the coupling coefficients for each cell type showed that only
a few primary capsules have high values and thus are effective. Subsequently, a set of
core genes were identified for each effective capsule using the greedy search on the PC-
score ranked gene list. GO enrichment analysis showed that these core genes were
44
enriched in cell-type-related biological functions. Mapping the expression data into space
spanned by PCs of the columns of na,\ corresponding to all core genes uncovered
regulatory modules that would be missed by the T-SNE of gene expressions, which
Model. netAE works with UMI counts and assumes a ZINB distribution for )"! as in Eq.
(22) in scVI. However, netAE adopts the general VAE loss as in Eq. (6) with two function-
specific loss as
where • is a set of indices for all cells and •& is a subset of • for only cells with cell type
labels, ò is modified Newman and Girvan modularity [100] that quantifies cluster strength
using 3! , á is the softmax function, and e! is the cell type label. The second loss in Eq.
(34) functions as a clustering constraint and the last term is the cross-entropy loss that
Results: netAE was compared with popular dimension reduction methods including scVI,
ZIFA, PCA and AE as well as a semi-supervised method scANVI [101]. For different
dimension reduction methods, cell type classification from latent features of cells was
carried out using KNN and logistic regression. The effect of different labeled samples
sizes on classification performance was also investigated, where the sample size varied
from as few as 10 cells to 70% of all cells. Among 3 test datasets (mouse brain cortex,
45
human embryo development, and mouse hematopoietic stem and progenitor cells),
netAE outperformed most of the baseline methods. Latent features were visualized using
t-SNE and cell clusters by netAE were tighter than those by other embedding spaces.
netAE also showed consistency of better cell-type classification with improved cell type
clustering. This suggested that the latent spaces learned with added modularity constraint
in the loss helped identify clusters of similar cells. Ablation study by removing each of the
three loss terms in Eq. (35) showed a drop of cell-type classification accuracy, suggesting
adversarial network that aims to accurately assign cell types of single cells while
performing batch removal (domain adaptation) at the same time. It benefits from the
superior ability of domain adversarial learning to learn representations that are invariant
to technical confounders.
Model. scDGN takes the log-transformed, normalized expression as the input and has
three main modules: i) an encoder (Z3 (!! )) for dimension reduction of scRNA-seq data,
ii) cell-type classifier, ô33 TZ3 (!! )Y with parameters [W , and iii) domain (batch)
discriminator, /3" TZ3 (!! )Y. The model has a Siamese design and the training takes a
pair of cells (!* , !2 ), each from the same or different batches. The encoder network
contains two hidden layers with 1146 and 100 neurons. ô33 classifies the cell type and
/3" predicts whether !* and !2 are from the same batch or not. The overall loss is
denoted by
46
\([, [W , [7 ) = \W öô33 TZ3 (!* )Yõ − ^\@ ö/3" TZ3 (!* )Y , /3" TZ3 (!2 )Yõ, (36)
that (46) has an adversarial formulation and minimizing this loss maximizes the
C @ = argmin3 \([
Similar to GAN training, scDGN is trained to iteratively solve: [ C, [
C W , [7 .
4
C, [
and ([ C W . = argmin3,3 \([, [W , [
C @ ..
3
Results. scDGN was tested for classifying cell types and aligning batches ranging in size
from 10 to 39 cell types and from 4 to 155 batches. The performance was compared to a
series of deep learning and traditional machine learning methods, including Lin et al. DNN
[66], CaSTLe [104], MNN [32], scVI [17], and Seurat [10]. scDGN outperformed all other
(0.87), and 4 of the six Seurat pancreatic datasets (0.86-0.95). PCA visualization of the
learned data representations demonstrated that scDGN overcame the batch differences
and clearly separated cell clusters based on cell types, while other methods were
method to eliminate the batch effect of scRNA-seq data and create cleaner
Predicting biological function and response to treatment at single cell level or cell types
DL models are capable of capture gene-gene relationship and their property in the latent
47
space. Several models we reviewed below provide exciting approaches to learn complex
data.
Model. CNNC is a Convolutional Neural Network (CNN) (Fig. 4F), the most popular DL
model. CNNC takes expression levels of two genes from many cells and transforms them
measures the probabilities of observing different coexpression levels between the two
genes. CNNC includes 6 convolutional layers, 3 max-pooling layers, 1 flatten layer, and
one output layer. All convolution layers have 32 kernels of size 3x3. Depending on the
application, the output layer can be designed to predict the state of interaction (Yes/No)
between the genes or the causal interaction between the input genes (no interaction,
Result. CNNC was trained to predict transcription factor (TF)-Gene interactions using the
mESC data from scQuery [106], where the ground truth interactions were obtained from
the ChIP-seq dataset from the GTRD database [107]. The performance was compared
with DNN, count statistics [108], and mutual information-based approach [109]. CNNC
was shown to have more than 20% higher AUPRC than other methods and reported
almost no false-negative for the top 5% predictions. CNNC was also trained to predict the
pathway regulator-target gene pairs. The positive regulator-gene pairs were obtained
from KEGG [110], Reactome [111], and negative samples were genes pairs that
appeared in pathways but not interacted. CNNC was shown to have better performance
48
of predicting regulator-gene pairs on both KEGG and Reactome pathways than other
information, Bayesian directed network (BDN), and DREMI [109]. CNNC was also
applied for causality prediction between two genes, that is if two genes regulate each
other and if they do, which gene is the regulator. The ground truth causal relationships
were also obtained from the KEGG and Reactome datasets. Again, CNNC reported better
performance than BDN, the common method developed to learn casual relationships from
gene expression data. CNNC was finally trained to assign 3 essential cell functions (cell
cycle, circadian rhythm, and immune system) to genes. This is achieved by training
CNNC to predict pairs of genes from the same function (e.g. Cell Cycle defined by
mSigDB from gene set enrichment analysis (GSEA) [113]) as 1 and all other pairs as 0.
The performance was compared with “guilt by association” and DNN, and CNNC was
shown to have more than 4% higher AUROC and reported all positives for the top 10%
predictions.
gene knockout, etc) from single cell expression data and predict the response to the same
perturbation for a new sample or a new cell type. The novelty of scGen is that it learns
the response in the latent space instead of the expression data space.
Model. ScGen follows the general VAE (Figs. 2A, 4C) for scRNA-seq data but uses the
perturbed (denoted as p) and unperturbed cells (denoted as unp), a VAE model is trained.
49
Then, the latent space representation 3O and 3c!O are obtained for the perturbed and
unperturbed cells. Following the notion that VAE could map nonlinear operations (e.g.,
perturbation) in the data space to linear operations in the latent space, ScGen estimate
the response in the latent space as û = 3üO − 3üc!O , where 3ü⋅ is the average representation
of samples from the same cell type or different cell types. Then, given the latent
representation 3> c!O of an unperturbed cell for a new sample from the same or different
cell type, the latent representation of the corresponding perturbed cell can be predicted
as 3> O =3> c!O + û. The expression of the perturbed cell can also be estimated by feeding
3> O into the VAE decoder. The scGen can also be expanded to samples and treatment
across two species (using orthologues between species). When scGen is trained for
species 1, or s1, with both perturbed and unperturbed cells but species 2, s2, with only
unperturbed cells, then the latent code for the perturbed cells from s2 can be predicted as
3L( ,O = 2 (ÖL' ,O + ÖL( ,c!O + gL + gO . where ûO = ÖL' ,c!O − ÖL' ,O captures the response of
*
PBMCs data, and scGen showed a higher average correlation (R2= 0.948) between
predicted and real data for six cell types. Comparing with other methods including CVAE
[115], style transfer GAN [116], linear approaches based on vector arithmetics(VA) [114]
and PCA+VA, scGen predicted full distribution of ISG15 gene (strongest regulated gene
by IFN-b) response to IFN- b [117], while others might predict mean (CAVE and style
transfer GAN) but failed to produce the full distribution. scGen was also tested on
predicting the intestinal epithelial cells’ response to infection[118]. For early transit-
amplifying cells, scGen showed good prediction (R2=0.98) for both H. poly and
50
Salmonella infection. Finally, scGen was evaluated for perturbation across species using
mononuclear phagocytes from mice, rats, rabbits, and pigs perturbed with
5. Conclusions
other surveys, we categorize major DL model statements into VAE, AE, and GAN with a
which will guide readers to focus on the DL model selection, training strategies, and loss
functions in each algorithm. Specifically, the differences in loss functions are highlighted
straightforward way for readers to pick up the most suitable DL model at a specific step
for their own scRNA-seq data analysis. All evaluation methods are listed in Table 3, as
presented in Table 1. Taking together, this survey will provide a rich resource for DL
method selection for proper research applications, and we expect to inspire new DL
51
In this review, we focus our survey on common DL models, such as AE, VAE, and
GAN, and their model variations or combinations to address single-cell data analysis
(such as SAUCIE [15]), spatial transcriptome using DNN [120], and CITE-seq that
simultaneously generates read counts for surface protein expression along with gene
expression [121, 122]. Other than 3 most common DL models, we also include network
CNNC [105]) and domain adaption learning (such as scDGN [102]). It is expected that
more DL models will be developed and implemented for the most challenging step for
scRNA-seq data, including but not limited to, data interpretation. For example, integrating
protein-protein interaction graphs into DL models has been shown for its advantages of
expect that our careful organization of this review paper will provide a basic understanding
of DL models for scRNA-seq and a list of critical elements to be considered for future
developments in DLs.
Funding
This article's publication costs were supported partially by the National Institutes of Health
52
Foundation (2051113 to YFJ); Cancer Prevention and Research Institute of Texas
(RP160732 to YC, RP190346 to YC and YH); and the Fund for Innovation in Cancer
Informatics (ICI Fund to YCC and YC). The funding sources had no role in the design of
the study; collection, analysis, and interpretation of data; or in writing the manuscript.
Authors’ contributions
YH, YC, MF and YFJ conceived the study. MF, ZL, TZ, MMH, YCC, ZY, KP, SJ, JZ, SJG,
YFJ, YC and YH summarized resources, wrote, and approved the final version of paper.
References
1. Lahnemann D, Koster J, Szczurek E, McCarthy DJ, Hicks SC, Robinson MD, Vallejos CA,
Campbell KR, Beerenwinkel N, Mahfouz A et al: Eleven grand challenges in single-cell data
science. Genome Biol 2020, 21(1):31.
2. Vitak SA, Torkenczy KA, Rosenkrantz JL, Fields AJ, Christiansen L, Wong MH, Carbone L,
Steemers FJ, Adey A: Sequencing thousands of single-cell genomes with combinatorial
indexing. Nat Methods 2017, 14(3):302-308.
3. Wu H, Wang C, Wu S: Single-Cell Sequencing for Drug Discovery and Drug Development.
Curr Top Med Chem 2017, 17(15):1769-1777.
4. Kinker GS, Greenwald AC, Tal R, Orlova Z, Cuoco MS, McFarland JM, Warren A, Rodman
C, Roth JA, Bender SA et al: Pan-cancer single-cell RNA-seq identifies recurring programs
of cellular heterogeneity. Nat Genet 2020, 52(11):1208-1218.
5. Navin NE: The first five years of single-cell cancer genomics and beyond. Genome Res
2015, 25(10):1499-1507.
6. Suva ML, Tirosh I: Single-Cell RNA Sequencing in Cancer: Lessons Learned and Emerging
Challenges. Mol Cell 2019, 75(1):7-12.
7. Mannarapu M, Dariya B, Bandapalli OR: Application of single-cell sequencing technologies
in pancreatic cancer. Mol Cell Biochem 2021, 476(6):2429-2437.
8. Wauters E, Van Mol P, Garg AD, Jansen S, Van Herck Y, Vanderbeke L, Bassez A, Boeckx
B, Malengier-Devlies B, Timmerman A et al: Discriminating mild from critical COVID-19 by
innate and adaptive immune single-cell profiling of bronchoalveolar lavages. Cell Res 2021,
31(3):272-290.
9. Bost P, Giladi A, Liu Y, Bendjelal Y, Xu G, David E, Blecher-Gonen R, Cohen M, Medaglia
C, Li H et al: Host-Viral Infection Maps Reveal Signatures of Severe COVID-19 Patients.
Cell 2020, 181(7):1475-1488 e1412.
53
10. Stuart T, Butler A, Hoffman P, Hafemeister C, Papalexi E, Mauck WM, 3rd, Hao Y, Stoeckius
M, Smibert P, Satija R: Comprehensive Integration of Single-Cell Data. Cell 2019,
177(7):1888-1902 e1821.
11. Wolf FA, Angerer P, Theis FJ: SCANPY: large-scale single-cell gene expression data
analysis. Genome Biol 2018, 19(1):15.
12. Vaswani A, Shazeer N, Parmar N, Uszkoreit J, Jones L, Gomez AN, Kaiser Ł, Polosukhin I:
Attention is all you need. In: Advances in neural information processing systems: 2017.
5998-6008.
13. Karpathy A, Toderici G, Shetty S, Leung T, Sukthankar R, Fei-Fei L: Large-scale video
classification with convolutional neural networks. In: Proceedings of the IEEE conference
on Computer Vision and Pattern Recognition: 2014. 1725-1732.
14. Deng L, Liu Y: Deep learning in natural language processing: Springer; 2018.
15. Amodio M, van Dijk D, Srinivasan K, Chen WS, Mohsen H, Moon KR, Campbell A, Zhao Y,
Wang X, Venkataswamy M et al: Exploring single-cell data with deep multitasking neural
networks. Nat Methods 2019, 16(11):1139-1145.
16. Srinivasan S, Leshchyk A, Johnson NT, Korkin D: A hybrid deep clustering approach for
robust cell type profiling using single-cell RNA-seq data. RNA 2020, 26(10):1303-1319.
17. Lopez R, Regier J, Cole MB, Jordan MI, Yosef N: Deep generative modeling for single-cell
transcriptomics. Nat Methods 2018, 15(12):1053-1058.
18. Eraslan G, Simon LM, Mircea M, Mueller NS, Theis FJ: Single-cell RNA-seq denoising using
a deep count autoencoder. Nat Commun 2019, 10(1):390.
19. Xu Y, Zhang Z, You L, Liu J, Fan Z, Zhou X: scIGANs: single-cell RNA-seq imputation using
generative adversarial networks. Nucleic Acids Res 2020, 48(15):e85.
20. Arisdakessian C, Poirion O, Yunits B, Zhu X, Garmire LX: DeepImpute: an accurate, fast,
and scalable deep neural network method to impute single-cell RNA-seq data. Genome Biol
2019, 20(1):211.
21. Tran HTN, Ang KS, Chevrier M, Zhang X, Lee NYS, Goh M, Chen J: A benchmark of batch-
effect correction methods for single-cell RNA sequencing data. Genome Biol 2020, 21(1):12.
22. Petegrosso R, Li Z, Kuang R: Machine learning and statistical methods for clustering single-
cell RNA-sequencing data. Brief Bioinform 2020, 21(4):1209-1223.
23. Abdelaal T, Michielsen L, Cats D, Hoogduin D, Mei H, Reinders MJT, Mahfouz A: A
comparison of automatic cell identification methods for single-cell RNA sequencing data.
Genome Biol 2019, 20(1):194.
24. Wang J, Zou Q, Lin C: A comparison of deep learning-based pre-processing and clustering
approaches for single-cell RNA sequencing data. Briefings in Bioinformatics 2021.
25. Picelli S, Bjorklund AK, Faridani OR, Sagasser S, Winberg G, Sandberg R: Smart-seq2 for
sensitive full-length transcriptome profiling in single cells. Nat Methods 2013, 10(11):1096-
1098.
26. Macosko EZ, Basu A, Satija R, Nemesh J, Shekhar K, Goldman M, Tirosh I, Bialas AR,
Kamitaki N, Martersteck EM et al: Highly Parallel Genome-wide Expression Profiling of
Individual Cells Using Nanoliter Droplets. Cell 2015, 161(5):1202-1214.
27. Eisenstein M: Single-cell RNA-seq analysis software providers scramble to offer solutions.
Nat Biotechnol 2020, 38(3):254-257.
54
28. Chen G, Ning B, Shi T: Single-Cell RNA-Seq Technologies and Related Computational Data
Analysis. Front Genet 2019, 10:317.
29. Vallejos CA, Marioni JC, Richardson S: BASiCS: Bayesian Analysis of Single-Cell
Sequencing Data. PLoS Comput Biol 2015, 11(6):e1004333.
30. Lun AT, Bach K, Marioni JC: Pooling across cells to normalize single-cell RNA sequencing
data with many zero counts. Genome Biol 2016, 17:75.
31. Hafemeister C, Satija R: Normalization and variance stabilization of single-cell RNA-seq
data using regularized negative binomial regression. Genome Biol 2019, 20(1):296.
32. Haghverdi L, Lun ATL, Morgan MD, Marioni JC: Batch effects in single-cell RNA-sequencing
data are corrected by matching mutual nearest neighbors. Nat Biotechnol 2018, 36(5):421-
427.
33. Butler A, Hoffman P, Smibert P, Papalexi E, Satija R: Integrating single-cell transcriptomic
data across different conditions, technologies, and species. Nat Biotechnol 2018, 36(5):411-
420.
34. Korsunsky I, Millard N, Fan J, Slowikowski K, Zhang F, Wei K, Baglaenko Y, Brenner M,
Loh PR, Raychaudhuri S: Fast, sensitive and accurate integration of single-cell data with
Harmony. Nat Methods 2019, 16(12):1289-1296.
35. Peng T, Zhu Q, Yin P, Tan K: SCRABBLE: single-cell RNA-seq imputation constrained by
bulk RNA-seq data. Genome Biol 2019, 20(1):88.
36. Huang M, Wang J, Torre E, Dueck H, Shaffer S, Bonasio R, Murray JI, Raj A, Li M, Zhang
NR: SAVER: gene expression recovery for single-cell RNA sequencing. Nat Methods 2018,
15(7):539-542.
37. Li WV, Li JJ: An accurate and robust imputation method scImpute for single-cell RNA-seq
data. Nat Commun 2018, 9(1):997.
38. Roweis ST, Saul LK: Nonlinear dimensionality reduction by locally linear embedding.
Science 2000, 290(5500):2323-2326.
39. Welch JD, Hartemink AJ, Prins JF: SLICER: inferring branched, nonlinear cellular
trajectories from single cell RNA-seq data. Genome Biol 2016, 17(1):106.
40. Linderman GC, Rachh M, Hoskins JG, Steinerberger S, Kluger Y: Fast interpolation-based
t-SNE for improved visualization of single-cell RNA-seq data. Nat Methods 2019, 16(3):243-
245.
41. Becht E, McInnes L, Healy J, Dutertre CA, Kwok IWH, Ng LG, Ginhoux F, Newell EW:
Dimensionality reduction for visualizing single-cell data using UMAP. Nat Biotechnol 2018.
42. Subelj L, Bajec M: Unfolding communities in large complex networks: combining defensive
and offensive label propagation for core extraction. Phys Rev E Stat Nonlin Soft Matter Phys
2011, 83(3 Pt 2):036103.
43. Traag VA, Waltman L, van Eck NJ: From Louvain to Leiden: guaranteeing well-connected
communities. Sci Rep 2019, 9(1):5233.
44. Wang B, Zhu J, Pierson E, Ramazzotti D, Batzoglou S: Visualization and analysis of single-
cell RNA-seq data by kernel-based similarity learning. Nat Methods 2017, 14(4):414-416.
45. Finak G, McDavid A, Yajima M, Deng J, Gersuk V, Shalek AK, Slichter CK, Miller HW,
McElrath MJ, Prlic M et al: MAST: a flexible statistical framework for assessing
55
transcriptional changes and characterizing heterogeneity in single-cell RNA sequencing
data. Genome Biol 2015, 16:278.
46. Kharchenko PV, Silberstein L, Scadden DT: Bayesian approach to single-cell differential
expression analysis. Nat Methods 2014, 11(7):740-742.
47. Miao Z, Deng K, Wang X, Zhang X: DEsingle for detecting three types of differential
expression in single-cell RNA-seq data. Bioinformatics 2018, 34(18):3223-3224.
48. Goodfellow I, Pouget-Abadie J, Mirza M, Xu B, Warde-Farley D, Ozair S, Courville A, Bengio
Y: Generative adversarial networks. Communications of the ACM 2020, 63(11):139-144.
49. Gulrajani I, Ahmed F, Arjovsky M, Dumoulin V, Courville A: Improved training of wasserstein
gans. arXiv preprint arXiv:170400028 2017.
50. Arjovsky M, Chintala S, Bottou L: Wasserstein gan. arXiv 2017. arXiv preprint
arXiv:170107875 2017, 30.
51. van Dijk D, Sharma R, Nainys J, Yim K, Kathail P, Carr AJ, Burdziak C, Moon KR, Chaffer
CL, Pattabiraman D et al: Recovering Gene Interactions from Single-Cell Data Using Data
Diffusion. Cell 2018, 174(3):716-729 e727.
52. Wang J, Agarwal D, Huang M, Hu G, Zhou Z, Ye C, Zhang NR: Data denoising with transfer
learning in single-cell transcriptomics. Nat Methods 2019, 16(9):875-878.
53. Badsha MB, Li R, Liu B, Li YI, Xian M, Banovich NE, Fu AQ: Imputation of single-cell gene
expression with an autoencoder neural network. Quant Biol 2020, 8(1):78-94.
54. Yu B, Chen C, Qi R, Zheng R, Skillman-Lawrence PJ, Wang X, Ma A, Gu H: scGMAI: a
Gaussian mixture model for clustering single-cell RNA-Seq data based on deep
autoencoder. Brief Bioinform 2020.
55. Lin P, Troup M, Ho JW: CIDR: Ultrafast and accurate clustering through imputation for
single-cell RNA-seq data. Genome Biol 2017, 18(1):59.
56. Berthelot D, Schumm, T. and Metz, L.: BEGAN: Boundary Equilibrium Generative
Adversarial Networks. arXiv 2017.
57. Berthelot D, Schumm T, Metz L: Began: Boundary equilibrium generative adversarial
networks. arXiv preprint arXiv:170310717 2017.
58. Wang T, Johnson TS, Shao W, Lu Z, Helm BR, Zhang J, Huang K: BERMUDA: a novel
deep transfer learning method for single-cell RNA sequencing batch correction reveals
hidden high-resolution cellular subtypes. Genome Biol 2019, 20(1):165.
59. Borgwardt KM, Gretton A, Rasch MJ, Kriegel HP, Scholkopf B, Smola AJ: Integrating
structured biological data by Kernel Maximum Mean Discrepancy. Bioinformatics 2006,
22(14):e49-57.
60. Crow M, Paul A, Ballouz S, Huang ZJ, Gillis J: Characterizing the replicability of cell types
defined by single cell RNA-sequencing data using MetaNeighbor. Nat Commun 2018,
9(1):884.
61. Polanski K, Young MD, Miao Z, Meyer KB, Teichmann SA, Park JE: BBKNN: fast batch
alignment of single cell transcriptomes. Bioinformatics 2020, 36(3):964-965.
62. Li X, Wang K, Lyu Y, Pan H, Zhang J, Stambolian D, Susztak K, Reilly MP, Hu G, Li M:
Deep learning enables accurate clustering with batch effect removal in single-cell RNA-seq
analysis. Nat Commun 2020, 11(1):2338.
56
63. Guo X, Gao, L., Liu, X., and Yin, J.: Improved deep embedded clustering with local structure
preservation. Proc 26th International Joint Conference on Artificial Integlligence 2017:1753-
1759.
64. Hie B, Bryson B, Berger B: Efficient integration of heterogeneous single-cell transcriptomes
using Scanorama. Nat Biotechnol 2019, 37(6):685-691.
65. Wang D, Hou S, Zhang L, Wang X, Liu B, Zhang Z: iMAP: integration of multiple single-cell
datasets by adversarial paired transfer networks. Genome Biol 2021, 22(1):63.
66. Lin C, Jain S, Kim H, Bar-Joseph Z: Using neural networks for reducing the dimensions of
single-cell RNA-Seq data. Nucleic Acids Res 2017, 45(17):e156.
67. Rashid S, Shah S, Bar-Joseph Z, Pandya R: Dhaka: Variational Autoencoder for Unmasking
Tumor Heterogeneity from Single Cell Genomic Data. Bioinformatics 2019.
68. Tirosh I, Izar B, Prakadan SM, Wadsworth MH, 2nd, Treacy D, Trombetta JJ, Rotem A,
Rodman C, Lian C, Murphy G et al: Dissecting the multicellular ecosystem of metastatic
melanoma by single-cell RNA-seq. Science 2016, 352(6282):189-196.
69. Zahn H, Steif A, Laks E, Eirew P, VanInsberghe M, Shah SP, Aparicio S, Hansen CL:
Scalable whole-genome single-cell library preparation without preamplification. Nature
Methods 2017, 14(2):167-173.
70. Ding J, Condon A, Shah SP: Interpretable dimensionality reduction of single cell
transcriptome data with deep generative models. Nat Commun 2018, 9(1):2002.
71. Gronbech CH, Vording MF, Timshel PN, Sonderby CK, Pers TH, Winther O: scVAE:
variational auto-encoders for single-cell gene expression data. Bioinformatics 2020,
36(16):4415-4422.
72. Wang D, Gu J: VASC: Dimension Reduction and Visualization of Single-cell RNA-seq Data
by Deep Variational Autoencoder. Genomics Proteomics Bioinformatics 2018, 16(5):320-
331.
73. Jang E. GSaPB: Categorical reparameterization with gumbel-softmax. arXiv 2016.
74. Tian T, Wan, J., Song, Q. et al.: Clustering single-cell RNA-seq data with a model-based
deep learning approach. Nat Mach Intell 2019, 1.
75. Regev A, Teichmann SA, Lander ES, Amit I, Benoist C, Birney E, Bodenmiller B, Campbell
P, Carninci P, Clatworthy M et al: The Human Cell Atlas. Elife 2017, 6.
76. Xie J, Girshick R, Farhadi A: Unsupervised deep embedding for clustering analysis. In:
International conference on machine learning: 2016. PMLR: 478-487.
77. Marouf M, Machart P, Bansal V, Kilian C, Magruder DS, Krebs CF, Bonn S: Realistic in silico
generation and augmentation of single-cell RNA-seq data using generative adversarial
networks. Nat Commun 2020, 11(1):166.
78. Miyato TaK, M: cGANs with projection discriminator. Preprint 2018.
79. Zappia L, Phipson B, Oshlack A: Splatter: simulation of single-cell RNA sequencing data.
Genome Biol 2017, 18(1):174.
80. Lindenbaum O, Stanley, J. S., Wolf, G. and Krishnaswamy, S. : Geometry-based data
generation. Advances in Neural Information Processing Systems 2018.
81. Svensson V, Gayoso A, Yosef N, Pachter L: Interpretable factor models of single-cell RNA-
seq via variational autoencoders. Bioinformatics 2020, 36(11):3418-3421.
57
82. Levine JH, Simonds EF, Bendall SC, Davis KL, Amir el AD, Tadmor MD, Litvin O, Fienberg
HG, Jager A, Zunder ER et al: Data-Driven Phenotypic Dissection of AML Reveals
Progenitor-like Cells that Correlate with Prognosis. Cell 2015, 162(1):184-197.
83. Qiu X, Mao Q, Tang Y, Wang L, Chawla R, Pliner HA, Trapnell C: Reversed graph
embedding resolves complex single-cell trajectories. Nat Methods 2017, 14(10):979-982.
84. McInnes L, Healy, J. & Melville, J.: Umap: uniform manifold approximation and projection
for dimension reduction. ArXiv 2018.
85. van der Maaten LH, G.: Visualizing data using t-SNE. J Mach Learn 2008, 9:2579-2605.
86. Moon KRea: PHATE: a dimensionality reduction method for visualizing trajectory structures
in high-dimensional biological data. bioRxiv 2017.
87. Deng Y, Bao F, Dai Q, Wu LF, Altschuler SJ: Scalable analysis of cell-type composition from
single-cell transcriptomics using deep recurrent learning. Nat Methods 2019, 16(4):311-314.
88. Torroja C, Sanchez-Cabo F: Digitaldlsorter: Deep-Learning on scRNA-Seq to Deconvolute
Gene Expression Data. Front Genet 2019, 10:978.
89. Chung W, Eum HH, Lee HO, Lee KM, Lee HB, Kim KT, Ryu HS, Kim S, Lee JE, Park YH
et al: Single-cell RNA-seq enables comprehensive tumour and immune cell profiling in
primary breast cancer. Nat Commun 2017, 8:15081.
90. Li H, Courtois ET, Sengupta D, Tan Y, Chen KH, Goh JJL, Kong SL, Chua C, Hon LK, Tan
WS et al: Reference component analysis of single-cell transcriptomes elucidates cellular
heterogeneity in human colorectal tumors. Nat Genet 2017, 49(5):708-718.
91. Aran D, Hu Z, Butte AJ: xCell: digitally portraying the tissue cellular heterogeneity landscape.
Genome Biol 2017, 18(1):220.
92. Yoshihara K, Shahmoradgoli M, Martinez E, Vegesna R, Kim H, Torres-Garcia W, Trevino
V, Shen H, Laird PW, Levine DA et al: Inferring tumour purity and stromal and immune cell
admixture from expression data. Nat Commun 2013, 4:2612.
93. Racle J, de Jonge K, Baumgaertner P, Speiser DE, Gfeller D: Simultaneous enumeration of
cancer and immune cell types from bulk tumor gene expression data. Elife 2017, 6.
94. Becht E, Giraldo NA, Lacroix L, Buttard B, Elarouci N, Petitprez F, Selves J, Laurent-Puig
P, Sautes-Fridman C, Fridman WH et al: Estimating the population abundance of tissue-
infiltrating immune and stromal cell populations using gene expression. Genome Biol 2016,
17(1):218.
95. Wang L, Nie, R., Yu, Z. et al.: An interpretable deep-learning architecture of capsule
networks for identifying cell-type gene expression programs from single-cell RNA-
sequencing data. Nat Mach Intell 2020, 2:693-703.
96. Patel ND, Nguang SK, Coghill GG: Neural network implementation using bit streams. IEEE
Trans Neural Netw 2007, 18(5):1488-1504.
97. Zheng GX, Terry JM, Belgrader P, Ryvkin P, Bent ZW, Wilson R, Ziraldo SB, Wheeler TD,
McDermott GP, Zhu J et al: Massively parallel digital transcriptional profiling of single cells.
Nat Commun 2017, 8:14049.
98. Shekhar K, Lapan SW, Whitney IE, Tran NM, Macosko EZ, Kowalczyk M, Adiconis X, Levin
JZ, Nemesh J, Goldman M et al: Comprehensive Classification of Retinal Bipolar Neurons
by Single-Cell Transcriptomics. Cell 2016, 166(5):1308-1323 e1330.
58
99. Dong Z, Alterovitz G: netAE: semi-supervised dimensionality reduction of single-cell RNA
sequencing to facilitate cell labeling. Bioinformatics 2021, 37(1):43-49.
100. Newman ME: Modularity and community structure in networks. Proc Natl Acad Sci U S A
2006, 103(23):8577-8582.
101. Xu C, Lopez R, Mehlman E, Regier J, Jordan MI, Yosef N: Probabilistic harmonization and
annotation of single-cell transcriptomics data with deep generative models. Mol Syst Biol
2021, 17(1):e9620.
102. Ge S, Wang H, Alavi A, Xing E, Bar-Joseph Z: Supervised Adversarial Alignment of Single-
Cell RNA-seq Data. J Comput Biol 2021, 28(5):501-513.
103. Hadsell R, Chopra S, LeCun Y: Dimensionality reduction by learning an invariant mapping.
In: 2006 IEEE Computer Society Conference on Computer Vision and Pattern Recognition
(CVPR'06): 2006. IEEE: 1735-1742.
104. Lieberman Y, Rokach L, Shay T: CaSTLe–classification of single cells by transfer learning:
harnessing the power of publicly available single cell RNA sequencing experiments to
annotate new experiments. PloS one 2018, 13(10):e0205499.
105. Yuan Y, Bar-Joseph Z: Deep learning for inferring gene relationships from single-cell
expression data. Proc Natl Acad Sci U S A 2019.
106. Alavi A, Ruffalo M, Parvangada A, Huang Z, Bar-Joseph Z: A web server for comparative
analysis of single-cell RNA-seq data. Nat Commun 2018, 9(1):4768.
107. Yevshin I, Sharipov R, Valeev T, Kel A, Kolpakov F: GTRD: a database of transcription
factor binding sites identified by ChIP-seq experiments. Nucleic Acids Research 2016,
45(D1):D61-D67.
108. Wang YXR, Waterman MS, Huang HY: Gene coexpression measures in large
heterogeneous samples using count statistics. P Natl Acad Sci USA 2014, 111(46):16371-
16376.
109. Krishnaswamy S, Spitzer MH, Mingueneau M, Bendall SC, Litvin O, Stone E, Pe'er D, Nolan
GP: Systems biology. Conditional density-based analysis of T cell signaling in single-cell
data. Science 2014, 346(6213):1250689.
110. Kanehisa M, Furumichi M, Tanabe M, Sato Y, Morishima K: KEGG: new perspectives on
genomes, pathways, diseases and drugs. Nucleic Acids Res 2017, 45(D1):D353-D361.
111. Fabregat A, Jupe S, Matthews L, Sidiropoulos K, Gillespie M, Garapati P, Haw R, Jassal B,
Korninger F, May B et al: The Reactome Pathway Knowledgebase. Nucleic Acids Res 2018,
46(D1):D649-D655.
112. Huynh-Thu VA, Irrthum A, Wehenkel L, Geurts P: Inferring regulatory networks from
expression data using tree-based methods. PloS one 2010, 5(9):e12776.
113. Subramanian A, Tamayo P, Mootha VK, Mukherjee S, Ebert BL, Gillette MA, Paulovich A,
Pomeroy SL, Golub TR, Lander ES et al: Gene set enrichment analysis: a knowledge-based
approach for interpreting genome-wide expression profiles. Proc Natl Acad Sci U S A 2005,
102(43):15545-15550.
114. Lotfollahi M, Wolf FA, Theis FJ: scGen predicts single-cell perturbation responses. Nat
Methods 2019, 16(8):715-721.
59
115. Duvenaud D, Maclaurin D, Iparraguirre J, Bombarell R, Hirzel T, Aspuru-Guzik A, Adams R:
Advances in Neural Information Processing Systems 28. Cortes C, Lawrence ND, Lee DD,
Sugiyama M, Garnett R, Eds 2015:2224-2232.
116. Amodio M, Krishnaswamy S: MAGAN: Aligning biological manifolds. In: International
Conference on Machine Learning: 2018. PMLR: 215-223.
117. Kang HM, Subramaniam M, Targ S, Nguyen M, Maliskova L, McCarthy E, Wan E, Wong S,
Byrnes L, Lanata CM et al: Multiplexed droplet single-cell RNA-sequencing using natural
genetic variation. Nat Biotechnol 2018, 36(1):89-94.
118. Haber AL, Biton M, Rogel N, Herbst RH, Shekhar K, Smillie C, Burgin G, Delorey TM, Howitt
MR, Katz Y et al: A single-cell survey of the small intestinal epithelium. Nature 2017,
551(7680):333-339.
119. Hagai T, Chen X, Miragaia RJ, Rostom R, Gomes T, Kunowska N, Henriksson J, Park JE,
Proserpio V, Donati G et al: Gene expression variability across cells and species shapes
innate immunity. Nature 2018, 563(7730):197-202.
120. Maseda F, Cang Z, Nie Q: DEEPsc: A Deep Learning-Based Map Connecting Single-Cell
Transcriptomics and Spatial Imaging Data. Front Genet 2021, 12:636743.
121. Musu Y, Liang C, Deng M: Clustering single cell CITE-seq data with a canonical correlation
based deep learning method. bioRxiv 2021.
122. Zhou Z, Ye C, Wang J, Zhang NR: Surface protein imputation from single cell transcriptomes
by deep neural networks. Nat Commun 2020, 11(1):651.
123. Ramirez R, Chiu Y-C, Hererra A, Mostavi M, Ramirez J, Chen Y, Huang Y, Jin Y-F:
Classification of Cancer Types Using Graph Convolutional Neural Networks. Frontiers in
Physics 2020, 8(203).
124. Ramirez R, Chiu YC, Zhang S, Ramirez J, Chen Y, Huang Y, Jin YF: Prediction and
interpretation of cancer survival using graph convolution neural networks. Methods 2021,
192:120-130.
125. Battaglia PW, Hamrick JB, Bapst V, Sanchez-Gonzalez A, Zambaldi V, Malinowski M,
Tacchetti A, Raposo D, Santoro A, Faulkner R: Relational inductive biases, deep learning,
and graph networks. arXiv preprint arXiv:180601261 2018.
126. Wang J, Ma A, Chang Y, Gong J, Jiang Y, Qi R, Wang C, Fu H, Ma Q, Xu D: scGNN is a
novel graph neural network framework for single-cell RNA-Seq analyses. Nat Commun 2021,
12(1):1882.
127. Peng Y, Baulier E, Ke Y, Young A, Ahmedli NB, Schwartz SD, Farber DB: Human embryonic
stem cells extracellular vesicles and their effects on immortalized human retinal Muller cells.
PLoS One 2018, 13(3):e0194004.
128. Stoeckius M, Hafemeister C, Stephenson W, Houck-Loomis B, Chattopadhyay PK,
Swerdlow H, Satija R, Smibert P: Simultaneous epitope and transcriptome measurement in
single cells. Nat Methods 2017, 14(9):865-868.
129. La Manno G, Gyllborg D, Codeluppi S, Nishimura K, Salto C, Zeisel A, Borm LE, Stott SRW,
Toledo EM, Villaescusa JC et al: Molecular Diversity of Midbrain Development in Mouse,
Human, and Stem Cells. Cell 2016, 167(2):566-580 e519.
130. Azizi E, Carr AJ, Plitas G, Cornish AE, Konopacki C, Prabhakaran S, Nainys J, Wu K,
Kiseliovas V, Setty M et al: Single-Cell Map of Diverse Immune Phenotypes in the Breast
Tumor Microenvironment. Cell 2018, 174(5):1293-1308 e1236.
60
131. Chu LF, Leng N, Zhang J, Hou Z, Mamott D, Vereide DT, Choi J, Kendziorski C, Stewart R,
Thomson JA: Single-cell RNA-seq reveals novel regulators of human embryonic stem cell
differentiation to definitive endoderm. Genome Biol 2016, 17(1):173.
132. Baron M, Veres A, Wolock SL, Faust AL, Gaujoux R, Vetere A, Ryu JH, Wagner BK, Shen-
Orr SS, Klein AM et al: A Single-Cell Transcriptomic Map of the Human and Mouse
Pancreas Reveals Inter- and Intra-cell Population Structure. Cell Syst 2016, 3(4):346-360
e344.
133. Camp JG, Sekine K, Gerber T, Loeffler-Wirth H, Binder H, Gac M, Kanton S, Kageyama J,
Damm G, Seehofer D et al: Multilineage communication regulates human liver bud
development from pluripotency. Nature 2017, 546(7659):533-538.
134. Muraro MJ, Dharmadhikari G, Grun D, Groen N, Dielen T, Jansen E, van Gurp L, Engelse
MA, Carlotti F, de Koning EJ et al: A Single-Cell Transcriptome Atlas of the Human Pancreas.
Cell Syst 2016, 3(4):385-394 e383.
135. Darmanis S, Sloan SA, Zhang Y, Enge M, Caneda C, Shuer LM, Hayden Gephart MG,
Barres BA, Quake SR: A survey of human brain transcriptome diversity at the single cell
level. Proc Natl Acad Sci U S A 2015, 112(23):7285-7290.
136. Tirosh I, Venteicher AS, Hebert C, Escalante LE, Patel AP, Yizhak K, Fisher JM, Rodman
C, Mount C, Filbin MG et al: Single-cell RNA-seq supports a developmental hierarchy in
human oligodendroglioma. Nature 2016, 539(7628):309-313.
137. Patel AP, Tirosh I, Trombetta JJ, Shalek AK, Gillespie SM, Wakimoto H, Cahill DP, Nahed
BV, Curry WT, Martuza RL et al: Single-cell RNA-seq highlights intratumoral heterogeneity
in primary glioblastoma. Science 2014, 344(6190):1396-1401.
138. Zahn H, Steif A, Laks E, Eirew P, VanInsberghe M, Shah SP, Aparicio S, Hansen CL:
Scalable whole-genome single-cell library preparation without preamplification. Nat
Methods 2017, 14(2):167-173.
139. Pollen AA, Nowakowski TJ, Shuga J, Wang X, Leyrat AA, Lui JH, Li N, Szpankowski L,
Fowler B, Chen P et al: Low-coverage single-cell mRNA sequencing reveals cellular
heterogeneity and activated signaling pathways in developing cerebral cortex. Nat
Biotechnol 2014, 32(10):1053-1058.
140. Xin Y, Kim J, Okamoto H, Ni M, Wei Y, Adler C, Murphy AJ, Yancopoulos GD, Lin C,
Gromada J: RNA Sequencing of Single Human Islet Cells Reveals Type 2 Diabetes Genes.
Cell Metab 2016, 24(4):608-615.
141. Yan L, Yang M, Guo H, Yang L, Wu J, Li R, Liu P, Lian Y, Zheng X, Yan J et al: Single-cell
RNA-Seq profiling of human preimplantation embryos and embryonic stem cells. Nat Struct
Mol Biol 2013, 20(9):1131-1139.
142. Chevrier S, Levine JH, Zanotelli VRT, Silina K, Schulz D, Bacac M, Ries CH, Ailles L, Jewett
MAS, Moch H et al: An Immune Atlas of Clear Cell Renal Cell Carcinoma. Cell 2017,
169(4):736-749 e718.
143. Han X, Wang R, Zhou Y, Fei L, Sun H, Lai S, Saadatpour A, Zhou Z, Chen H, Ye F et al:
Mapping the Mouse Cell Atlas by Microwell-Seq. Cell 2018, 172(5):1091-1107 e1017.
144. Hrvatin S, Hochbaum DR, Nagy MA, Cicconet M, Robertson K, Cheadle L, Zilionis R, Ratner
A, Borges-Monroy R, Klein AM et al: Single-cell analysis of experience-dependent
transcriptomic states in the mouse visual cortex. Nat Neurosci 2018, 21(1):120-129.
61
145. Joost S, Zeisel A, Jacob T, Sun X, La Manno G, Lonnerberg P, Linnarsson S, Kasper M:
Single-Cell Transcriptomics Reveals that Differentiation and Spatial Signatures Shape
Epidermal and Hair Follicle Heterogeneity. Cell Syst 2016, 3(3):221-237 e229.
146. Paul F, Arkin Y, Giladi A, Jaitin DA, Kenigsberg E, Keren-Shaul H, Winter D, Lara-Astiaso
D, Gury M, Weiner A et al: Transcriptional Heterogeneity and Lineage Commitment in
Myeloid Progenitors. Cell 2015, 163(7):1663-1677.
147. Buettner F, Natarajan KN, Casale FP, Proserpio V, Scialdone A, Theis FJ, Teichmann SA,
Marioni JC, Stegle O: Computational analysis of cell-to-cell heterogeneity in single-cell RNA-
sequencing data reveals hidden subpopulations of cells. Nat Biotechnol 2015, 33(2):155-
160.
148. Biase FH, Cao X, Zhong S: Cell fate inclination within 2-cell and 4-cell mouse embryos
revealed by single-cell RNA sequencing. Genome Res 2014, 24(11):1787-1796.
149. Deng Q, Ramskold D, Reinius B, Sandberg R: Single-cell RNA-seq reveals dynamic,
random monoallelic gene expression in mammalian cells. Science 2014, 343(6167):193-
196.
150. Klein AM, Mazutis L, Akartuna I, Tallapragada N, Veres A, Li V, Peshkin L, Weitz DA,
Kirschner MW: Droplet barcoding for single-cell transcriptomics applied to embryonic stem
cells. Cell 2015, 161(5):1187-1201.
151. Goolam M, Scialdone A, Graham SJL, Macaulay IC, Jedrusik A, Hupalowska A, Voet T,
Marioni JC, Zernicka-Goetz M: Heterogeneity in Oct4 and Sox2 Targets Biases Cell Fate in
4-Cell Mouse Embryos. Cell 2016, 165(1):61-74.
152. Kim JK, Kolodziejczyk AA, Ilicic T, Teichmann SA, Marioni JC: Characterizing noise
structure in single-cell RNA-seq distinguishes genuine from technical stochastic allelic
expression. Nat Commun 2015, 6:8687.
153. Usoskin D, Furlan A, Islam S, Abdo H, Lonnerberg P, Lou D, Hjerling-Leffler J, Haeggstrom
J, Kharchenko O, Kharchenko PV et al: Unbiased classification of sensory neuron types by
large-scale single-cell RNA sequencing. Nat Neurosci 2015, 18(1):145-153.
154. Zeisel A, Munoz-Manchado AB, Codeluppi S, Lonnerberg P, La Manno G, Jureus A,
Marques S, Munguba H, He L, Betsholtz C et al: Brain structure. Cell types in the mouse
cortex and hippocampus revealed by single-cell RNA-seq. Science 2015, 347(6226):1138-
1142.
155. Yu Z, Liao J, Chen Y, Zou C, Zhang H, Cheng J, Liu D, Li T, Zhang Q, Li J et al: Single-Cell
Transcriptomic Map of the Human and Mouse Bladders. J Am Soc Nephrol 2019,
30(11):2159-2176.
156. Tusi BK, Wolock SL, Weinreb C, Hwang Y, Hidalgo D, Zilionis R, Waisman A, Huh JR, Klein
AM, Socolovsky M: Population snapshots predict early haematopoietic and erythroid
hierarchies. Nature 2018, 555(7694):54-60.
157. Pijuan-Sala B, Griffiths JA, Guibentif C, Hiscock TW, Jawaid W, Calero-Nieto FJ, Mulas C,
Ibarra-Soria X, Tyser RCV, Ho DLL et al: A single-cell molecular map of mouse gastrulation
and early organogenesis. Nature 2019, 566(7745):490-495.
158. Cao J, Spielmann M, Qiu X, Huang X, Ibrahim DM, Hill AJ, Zhang F, Mundlos S,
Christiansen L, Steemers FJ et al: The single-cell transcriptional landscape of mammalian
organogenesis. Nature 2019, 566(7745):496-502.
62
159. Setty M, Tadmor MD, Reich-Zeliger S, Angel O, Salame TM, Kathail P, Choi K, Bendall S,
Friedman N, Pe'er D: Wishbone identifies bifurcating developmental trajectories from single-
cell data. Nat Biotechnol 2016, 34(6):637-645.
160. Nestorowa S, Hamey FK, Pijuan Sala B, Diamanti E, Shepherd M, Laurenti E, Wilson NK,
Kent DG, Gottgens B: A single-cell resolution map of mouse hematopoietic stem and
progenitor cell differentiation. Blood 2016, 128(8):e20-31.
161. Cao J, Packer JS, Ramani V, Cusanovich DA, Huynh C, Daza R, Qiu X, Lee C, Furlan SN,
Steemers FJ et al: Comprehensive single-cell transcriptional profiling of a multicellular
organism. Science 2017, 357(6352):661-667.
162. Strehland AaG, J.: Cluster ensembles---a knowledge reuse framework for combining
multiple partitions. J Mach Learn Res 2002, 3:583-617.
163. McDaid AF, Greene D, Hurley N: Normalized mutual information to evaluate overlapping
community finding algorithms. arXiv preprint arXiv:11102515 2011.
164. MacKay DJ, Mac Kay DJ: Information theory, inference and learning algorithms: Cambridge
university press; 2003.
165. Hubert LaA, P.: Comparing Partitions. Journal of Classification 1985, 2:193-218.
166. Buttner M, Miao Z, Wolf FA, Teichmann SA, Theis FJ: A test metric for assessing single-cell
RNA-seq batch correction. Nat Methods 2019, 16(1):43-49.
167. Rosenberg A, Hirschberg J: V-measure: A conditional entropy-based external cluster
evaluation measure. In: Proceedings of the 2007 joint conference on empirical methods in
natural language processing and computational natural language learning (EMNLP-CoNLL):
2007. 410-420.
63
1 Figure Captions
2 Figure 1. Single cell data analysis steps for both conventional ML methods
3 (bottom) and DL methods (top). Depending on the input data and analysis objectives,
4 major scRNA-seq analysis steps are illustrated in the the center flow chart (color boxes)
5 with convential ML approaches along with optional analysis modules below each analysis
6 step. Deep learning approaches are categorized as Deep Neural Network, Generalive
12
13 Figure 3. Algorithm comparison grid. DL methods surveyed in the paper are listed in
14 the left-hand side, and some in the column. Algorithms selected to compare in each DL
16
20 network.
21
22
64
1 Tables
2
3 Table 1. Deep Learning algorithms reviewed in the paper
App Algorithm Models Evaluation Environment Codes Refs
Imputation
Keras,
https://github.com/theislab/d
DCA AE DREMI Tensorflow, [18]
ca
scanpy
https://github.com/jingshuw/
SAVER-X AE+TL t-SNE, ARI R/sctransfer [52]
SAVERX
Keras/Tensorf https://github.com/lanagarm
DeepImpute DNN MSE, Pearson’s correlation [20]
low ire/DeepImpute
https://github.com/audreyqy
LATE AE MSE Tensorflow [53]
fu/LATE
https://github.com/QUST-
scGAMI AE NMI, ARI, HS and CS Tensorflow [54]
AIBBDRC/scGMAI/
https://github.com/xuyungan
scIGANs GAN ARI, ACC, AUC, and F-score PyTorch [19]
g/scIGANs
Batch correction
https://github.com/txWang/B
BERMUDA AE+TL kBET, entropy of Mixing, SI PyTorch [58]
ERMUDA
https://github.com/eleozzr/d
DESC AE ARI, KL Tensorflow [62]
esc
https://github.com/Svvord/i
iMAP AE+GAN kBET, LISI PyTorch [65]
MAP
Clustering, latent representation, dimension reduction, and data augmentation
Keras/Tensorf https://github.com/Microsoft
Dhaka VAE ARI, Spearman Correlation [67]
low Genomics/Dhaka
https://bitbucket.org/jerry00/
scvis VAE KNN preservation, log-likelihood Tensorflow [70]
scvis-dev/src/master/
https://github.com/scvae/sc
scVAE VAE ARI Tensorflow [71]
vae
https://github.com/wang-
VASC VAE NMI, ARI, HS, and CS H5py, keras [72]
research/VASC
Keras, https://github.com/ttgump/sc
scDeepCluster AE ARI, NMI, clustering accuracy [74]
Scanpy DeepCluster
65
Scipy, https://github.com/imsb-
cscGAN GAN t-SNE, marker genes, MMD, AUC [77]
Tensorflow uke/scGAN
Multi-functional models (IM: imputation, BC: batch correction, CL: clustering)
IM: L1 distance; CL: ARI, NMI, SI; PyTorch, https://github.com/YosefLab
scVI VAE BC: Entropy of Mixing [17]
Anndata /scvi-tools
Reconstruction errors https://github.com/YosefLab
LDVAE VAE Part of scVI [81]
/scvi-tools
2
IM: R statistics; CL: SI;
BC: modified kBET; Visualization: https://github.com/Krishnas
SAUCIE AE Tensorflow [15]
Precision/Recall wamyLab/SAUCIE/
IM:Reconstruction errors; Tensorflow, https://github.com/Altschule
scScope AE BC: Entropy of mixing; CL: ARI [87]
Scikit-learn rWu-Lab/scScope
Cell type Identification
Pearson correlation R/Python/Ke https://github.com/cartof/digit
DigitalDLSorter DNN [88]
ras alDLSorter
Cell-type Prediction accuracy Keras, https://github.com/wanglf19/
scCapsNet CapsNet [95]
Tensorflow scCaps
Cell-type Prediction accuracy, t- https://github.com/LeoZDong
netAE VAE SNE for visualization pyTorch [99]
/netAE
Prediciton accuracy https://github.com/SongweiG
scDGN DANN pyTorch [102]
e/scDGN
Function analysis
Keras, https://github.com/xiaoyeye/
CNNC CNN AUROC, AUPRC, and accuracy [105]
Tensorflow CNNC
https://github.com/theislab/s
scGen VAE Correlation, visualization Tensorflow [114]
cgen
1 DL Model keywords: AE: autoencoder, AE+TL: autoencoder with transfer learning, AE: variational autoencoder, GAN: Generative adversarial
2 network, CNN: convolutional neural network, DNN: deep neural network, DANN: domain adversarial neural network, CapsNet: capsule neural
3 network
4
66
1
2 Table 2a: Simulated single-cell data/algorithms
Title Algorithm # Cells Simulation methods Reference
DCA, DeepImpute,
PERMUDA,
Splatter ~2000 Splatter/R [79]
scDeepCluster, scVI,
scScope, solo
CIDR sclGAN 50 CIDR simulation [55]
Hierachical model of
NB+dropout Dhaka 500
NB/Gamma + random dropout
1076 CCLE bulk RNAseq +
Bulk RNA-
SAUCIE 1076 dropout conditional on
seq
expression level
SIMLR, high-dimensional data
SIMLR scScope 1 million [44]
generated from latent vector
3
4
5 Table 2b: Human single-cell data sources used by different DL algorithms
Title Algorithm Cell origin # Cells Data Sources Reference
DCA
SAVER-X
LATE, scVAE, 10X Single Cell Gene
68k PBMCs Blood 68,579
scDeepCluster, Expression Datasets
scCapsNet,
scDGN
Human
DCA hESCs 1,876 GSE102176 [127]
pluripotent
Cord blood
CITE-seq SAVER-X mononuclear 8,005 GSE100866 [128]
cells
Midbrain and
Brain/ embryo
Dopaminergic
SAVER-X ventral 1,977 GSE76381 [129]
Neuron
midbrain cells
Development
Immune cell,
HCA SAVER-X Human Cell 500,000 HCA data portal
Atlas
Immune cell in
Breast tumor SAVER-X tumor micro- 45,000 GSE114725 [130]
environment
DeepImpute, Embryonic 10X Single Cell Gene
293T cells 13,480
iMAP kidney Expression Datasets
DeepImpute, Blood/ 10X Single Cell Gene
Jurkat 3,200
iMAP lymphocyte Expression Datasets
ESC, Time-
scGAN ESC 350, 758 GSE75748 [131]
course
Pancreatic
Baron-Hum-1 scGMAI, VASC 1,937 GSM2230757 [132]
islets
67
Pancreatic
Baron-Hum-2 scGMAI, VASC 1,724 GSM2230758 [132]
islets
Camp scGMAI, VASC Liver cells 303 GSE96981 [133]
Pancreas/Islet
PERMUDA,
CEL-seq2 s of GSE85241 [134]
DESC
Langerhans
scGMAI,
Darmanis Brain/cortex 466 GSE67835 [135]
sclGAN, VASC
Oligodendrogli
Tirosh-brain Dhaka, scvis >4800 GSE70630 [136]
oma
Primary
Patel Dhaka glioblastoma 875 GSE57872 [137]
cells
Li scGMAI, VASC Blood 561 GSE146974 [62]
1
2
3 Table 2c: Mouse single-cell data sources used by different DL algorithms
68
Title Algorithm Cell origin # Cells Data Sources Reference
10x: Single Cell
Brain cells
DCA, SAUCIE Brain Cortex 1,306,127 Gene Expression
from E18 mice
Datasets
Midbrain and
Dopaminergic Ventral
SAVER-X 1907 GSE76381 [129]
Neuron Midbrain
Development
Mouse cell
SAVER-X 405,796 GSE108097 [143]
atlas
10x: Single Cell
neuron9k DeepImpute Cortex 9128 Gene Expression
Datasets
Mouse Visual
DeepImpute Brain cortex 114601 GSE102827 [144]
Cortex
murine
DeepImpute Epidermis 1422 GSE67602 [145]
epidermis
LATE
myeloid
DESC, Bone marrow 2,730 GSE72857 [146]
progenitors
SAUCIE
Cell-cycle sclGAN mESC 288 E-MTAB-2805 [147]
A single-cell
Intestine 7721 GSE92332 [118]
survey
Tabula Muris iMAP Mouse cells >100K
Baron-Mou-1 VASC Pancreas 822 GSM2230761 [132]
Embryos/SMA
Biase scGMAI, VASC 56 GSE57249 [148]
RTer
Embryos/Fluidi
Biase scGMAI, VASC 90 GSE59892 [148]
gm
Deng scGMAI, VASC Liver 317 GSE45719 [149]
VASC
Klein scDeepCluster Stem Cells 2,717 GSE65525 [150]
sclGAN
Goolam VASC Mouse Embryo 124 E-METAB-3321 [151]
Kolodziejczyk VASC mESC 704 E-MTAB-2600 [152]
Usoskin VASC Lumbar 864 GSE59739 [153]
VASC, scVI,
Cortex,
Zeisel SAUCIE, 3,005 GSE60361 [154]
hippocampus
netAE
Bladder cells scDeepCluster Bladder 12,884 GSE129845 [155]
HEMATO scVI Blood cell >10,000 GSE89754 [156]
scVI,
retinal bipolar scCapsNet retinal ~25,000 GSE81905 [98]
cells
SAUCIE
69
Embryo at 9 embryos from
LDAVE 116,312 GSE87038 [157]
time points E6.5 to E8.5
Embryo at 9 embryos from
LDAVE ~2 millions GSE119945 [158]
time points E9.5 to E13.5
200K, ~38
CyTOF, SAUCIE Mouse thymus Cytobank: 52942 [159]
antibodies
hematopoietic
Nestorowa netAE stem and 1,920 GSE81682 [160]
progenitor cells
Infected with
small
Salmonella
intestinal scGen 1,957 GSE92332 [118]
and worm H.
epithelium
polygyrus
1
2
3 Table 2d: Single-cell data derived from other species
Title Algorithm Species Tissue # Cells SRA/GEO Reference
Worm neuron C.
scDeepCluster Neuron 4,186 GSE98561 [161]
cells1 elegans
Cross
bone
species, Mouse, 5,000 to 13 accessions
marrow-
stimulation scGen rat, rabbit, 10,000 in [119]
derived
with LPS and and pig /species ArrayExpress
phagocyte
dsRNA
4 1. Processed data is available at https://github.com/ttgump/scDeepCluster/tree/master/scRNA-seq%20data
5
6
7
8 Table 2e: Large single-cell data source used by various algorithms
Title Sources Notes
10X Single-cell Contains large collection of scRNA-
https://support.10xgenomics.com/single- seq dataset generated using 10X
gene expression
cell-gene-expression/datasets system
dataset
Compendium of scRNA-seq data from
Tabula Muris https://tabula-muris.ds.czbiohub.org/ mouse
70
Table 3. Evaluation metrics used in surveyed DL algorithms
Evaluation Method Equations Explanation
Average of normalized (log2-transformed) scRNA-seq counts
across cells is calculated and then correlation coefficient
Pseudobulk RNA-seq between the pseudobulk and the actual bulk RNA-seq profile of
the same cell type is evaluated.
1
#
!"# = '()! − )+! )" collection of observed data x, with )+ being the predicted values.
MSE assesses the quality of a predictor, or an estimator, from a
&
Mean squared error
(MSE)
!$%
/01(2, 4)
-&,( =
where cov() is the covariance, sX and sY are the standard
5& 5(
Pearson correlation deviation of X and Y, respectively.
/01(6& , 6( )
The Spearman correlation coefficient is defined as the Pearson
-) = -*!,*" =
5*! 5*"
Spearman correlation correlation coefficient between the rank variables, where rX is
the rank of X.
Measures the diversity of the ground-truth labels within each
1
/ .# predicted cluster group. pi(xj) (or qi(xj)) are the proportions of
7+,, = − ' ' 8! 9)- : log >8! 9)- :?
Entropy of accuracy, Hacc
!
cells in the jth ground-truth cluster (or predicted cluster) relative
[21] to the total number of cells in the ith predicted cluster (or ground-
!$% -$%
truth clusters), respectively.
1
. /#
# = ' 8! log(8! ) and 8! is the proportion of cells from batch B among N nearest
in the neighborhood of each cell. C is the number of batches,
Entropy of mixing [32]
!$% cells.
F34 (B, G)
|3| |4|
. Also, define the joint
. .
!C(D, E) = ' ' F34 (B, G) log H I distribution probability is F34 (B, G) = . . The MI is a measure
63# ∩4$ 6
F3 (B)F4 (G)
Mutual Information (MI)
[162]
!$% -$% of mutual dependency between two cluster assignments U and
V.
2 × !C(D, E) where 7(D) = ∑ F3 (B) log9F3 (B): , 7(E) = ∑ F4 (B) log9F4 (B):. The
@!C(D, E) =
[7(D) + 7(E)]
Normalized Mutual
Information (NMI) [163] NMI is a normalization of the MI score between 0 and 1.
71
F())
P89 (F||R) = ' F())log ( )
where discrete probability distributions P and Q are defined on
R())
Kullback–Leibler (KL)
divergence [164] the same probability space c. This relative entropy is the
:∈< measure for directed divergence between two distributions.
⌊D ∩ E⌋
S(D, E) =
0 ≤ J(U,V) ≤ 1. J = 1 if clusters U and V are the same. If U are V
⌊D ∪ E⌋
Jaccard Index are empty, J is defined as 1.
TP as the number of pairs of points that are present in the same
cluster in both U and V; FP as the number of pairs of points that
ZF ZF
X! = Y
Fowlkes-Mallows Index
×
are present in the same cluster in U but not in V; FN as the
ZF + XF ZF + X@
for two clustering number of pairs of points that are present in the same cluster in
algorithms (FM) V but not in U; and TN as the number of pairs of points that are
in different clusters in both U and V.
Measure of constancy between two clustering outcomes, where
&
a (or b) is the count of number of pairs of cells in one cluster (or
[C = (\ + ])/ > ?
2
Rand index (RI) different clusters) from one clustering algorithm but also fall in
the same cluster (or different clusters) from the other clustering
algorithm.
[C − #[[C]
_[C =
ARI is a corrected-for-chance version of RI, where E[RI] is the
max([C) − #[[C]
Adjusted Rand index
(ARI) [165] expected Rand Index.
](B) − \(B)
where a(i) is the average dissimilarity of ith cell to all other cells
c(B) =
in the same cluster, and b(i) is the average dissimilarity of ith cell
max (\(B), ](B))
Silhouette index
to all cells in the closest cluster. The range of s(i) is [−1,1], with
1 to be well-clustered and -1 to be completely misclassified.
MMD is a non-parametric distance between distributions based
Maximum Mean !!P(X, 8, A) = cd8ef0 − f? e= on the reproducing kernel Hilbert space, or, a distance-based
Discrepancy (MMD) [59] =∈> measure between two distribution p and q based on the mean
embeddings µp and µq in a reproducing kernel Hilbert space F.
Given a dataset of @ cells from l batches with @A denoting the
number of cells in batch m, @#A@
is the number of cells from batch m
in the k-nearest neighbors of cell &, fl is the global fraction of
(@#A − h ∙ jA )"
9
\#@ = g ~29B% cells in batch m, or jA = .%, and 29B% denotes the 2 " distribution
k-Nearest neighbor @
h ∙ jA
" . "
batch-effect test (kBET)
[166]
A$% with l − 1 degrees of freedom. It uses a 2 " -based test for
random neighborhoods of fixed size to determine the
significance (“well-mixed”).
72
of cell & for all batches, where 8(m) denotes the proportion of
This is the inverse Simpson’s Index in the k-nearest neighbors
1 1
batch m in the k-nearest neighbors. The score reports the
Local Inverse Simpson’s = $
(
"# ) !
7(F(D|E))
7" = 1 −
where H() is the entropy, and U is the ground-truth assignment
79F(D):
Homogeneity and V is the predicted assignment. The HS range from 0 to 1,
where 1 indicates perfectly homogeneous labeling.
79F(E|D):
n" = 1 −
Its values range from 0 to 1, where 1 indicates all members from
79F(E):
Completeness
a ground-truth label are assigned to a single cluster.
(1 + o)7" × n"
EC =
where b indicates the weight of HS. V-Measure is symmetric, i.e.
o7n + n"
V-Measure [167] switching the true and predicted cluster labels does not change
V-Measure.
ZF ZF
F6p/BcB0& = , 6p/\mm =
ZF + XF ZF + X@
Precision, recall TP: true positive, FP: false positive, FN, false negative.
ZF + Z@
_//d6\/q =
@
Accuracy N: all samples tested, TN: true negative
2 F6p/BcB0& ∙ [p/\mm
XC where o is a weight between precision and recall (similar to
A harmonic mean of precision and recall. It can be extended to
X% =
F6p/BcB0& + [p/\mm
F1-score
V-measure).
Area Under Curve (grey area). Receiver operating
characteristic (ROC) curve (red line). The similar measure can
be performed on Precision-Recall curve (PRC), or AUPRC.
AUC, RUROC
Precision-Recall curves summarize the trade-off between the
true positive rate and the positive predictive value for a
predictive model (mostly for an imbalanced dataset).
73
74