Abstract
Cryo-electron microscopy (cryo-EM) is an imaging modality that provides unique insights into the dynamics of proteins and other building blocks of life. The algorithmic challenge of jointly estimating the poses, 3D structure, and conformational heterogeneity of a biomolecule from millions of noisy and randomly oriented 2D projections in a computationally efficient manner, however, remains unsolved. Our method, cryoFIRE, performs ab initio heterogeneous reconstruction with unknown poses in an amortized framework, thereby avoiding the computationally expensive step of pose search while enabling the analysis of conformational heterogeneity. Poses and conformation are jointly estimated by an encoder while a physics-based decoder aggregates the images into an implicit neural representation of the conformational space. We show that our method can provide one order of magnitude speedup on datasets containing millions of images without any loss of accuracy. We validate that the joint estimation of poses and conformations can be amortized over the size of the dataset. For the first time, we prove that an amortized method can extract interpretable dynamic information from experimental datasets.
1. Introduction
Proteins and other biological macromolecules in the cell function through a finely-tuned choreography of transitions between metastable conformational states. Analyzing the structural heterogeneity of a biomolecule is therefore critical for applications such as drug design and, more generally, for understanding these essential building blocks of life.
In a single particle cryo-electron microscopy (cryo-EM) experiment, an aqueous solution of purified biomolecules is flash-frozen in a thin layer of vitreous ice and imaged with a transmission electron microscope (Fig. 1 (a)). A cryo-EM experiment outputs a large set of unlabeled images, each containing a 2D projection of a unique molecule, whose 3D structure is sampled from some thermodynamic distribution (i.e. a conformation) and viewed from an unknown orientation (i.e. a pose) (Fig. 1 (b)). While homogeneous reconstruction methods focus on estimating the average 3D electron scattering potential of the studied molecule (the consensus volume), heterogeneous methods take into account structural variability and introduce a variable for the conformational state that characterizes the electron scattering potential associated with observation [5]. Given the image formation model (detailed in Section 3.1), heterogeneous reconstruction can be seen as an inverse problem where and must be inferred from the observed images . A graphical formulation of the problem is given in Fig. 1 (c).
Driven by recent advances in data collection capabilities, the number of images collected per cryo-EM experiment has been steadily increasing, now reaching millions to tens of millions [1, 19]. Established methods for heterogeneity analysis break down 3D reconstruction into two alternating iterative refinement steps: 1) the latent pose and conformational states are first estimated from the images and the current estimate of , and 2) the estimation of is then updated using the current estimates of the latent variables. The primary computational bottleneck of this approach is pose estimation, which is done by rendering images from view points distributed on the the 5-dimensional space . Although previous methods came up with accelerated branch-and-bound strategies [14, 25, 41], state-of-the-art methods for pose search raise two problems: (1) solving this problem for a single image is time consuming, especially when the images are rendered using a neural model [42] and (2) the pose needs to be solved independently for each image in the dataset and does not use the fact that similar images are likely associated with the similar variables. Furthermore, most heterogeneous reconstruction algorithms limit their applicability by relying on an upstream homogeneous reconstruction, treating poses as known to simplify the optimization problem for or due to the sheer computational cost of pose search.
In this work, we focus on ab initio heterogeneous reconstruction, meaning that reconstruction occurs de novo without any upstream estimation of the latent pose or conformation variables. We present a method that amortizes (over the size of the dataset) the cost of inference by learning a function that directly maps observed images to estimates of the latent variables. Our method, cryoFIRE (Fast heterogeneous ab Initio Reconstruction for cryo-EM), leverages an amortized approach to address the increasing size of datasets, while tackling the opportunity to learn complex conformational spaces of dynamic proteins. Our contributions include:
An autoencoder-based architecture with a tailored loss function that processes images 10 times faster than existing methods and enables amortization of the runtime over the size of the dataset,
A demonstration that our model accurately learns the structure of a low-dimensional manifold in the conformational space on benchmark synthetic datasets with both discrete and continuous heterogeneity, and
To our knowledge, the first instance of amortized inference for ab initio heterogeneous reconstruction of experimental cryo-EM datasets.
2. Related Work
Heterogeneous reconstruction methods in cryo-EM can be differentiated according to the way the latent pose and conformation state are estimated [5]. The vast majority of approaches assume that are previously estimated. We describe related work in terms of how is estimated, how is estimated (without pose inference), and progress towards joint amortization of all latent, unknown variables in cryo-EM.
Expectation-Maximization over Conformations
With an Expectation-Maximization (EM) algorithm, posterior distributions over the conformational states are computed (or approximated) for each image at expectation step. In cryo-EM, this method was first popularized by RELION with 3D Classification [30] which implemented a discrete class indicator , where is the number of classes defined by the user. More recently, a continuous reconstruction method called multi-body refinement was made available in RELION [18]. In this approach, a homogeneous reconstruction is segmented by the user into a set of rigid bodies, where each rigid body is free to move relative to the others. The relative pose (orientation and translation) of each body is subsequently estimated through EM for each particle, and further reduced through Principal Component Analysis (PCA). Various methods have been developed to estimate the conformational space as a linear deformation around a known reference. HEMNMA [9] uses the normal modes, or eigenvolumes, of the reference to model its deformation and proceeds through a projection-matching-based elastic alignment of each single-particle image with the reference structure to yield a reduced representation of the variability in the dataset. 3DVA [24] relaxes the dependence on known normal modes and instead implements a variant of the EM algorithm for Probabilistic PCA which iteratively updates the eigenvolumes and the projection of the particles on them, until convergence, following [33]. Other approaches explicitly estimate the deformation field mapping the reference structure to the best-fit structure for each image. In Herreros et al. [8], the deformation field is defined as a linear expansion over Zernike polynomials, with as their coefficients. In 3DFlex [23], the deformation field is generated from through a neural flow generator, alleviating the linear constraint. Formally, each can be seen as a point estimate that maximizes the posterior distribution over conformational states. An in-depth review of EM-based reconstruction method can be found in [32]. Other computational approaches like Markov Chain Monte Carlo have been explored for ab initio heterogeneous reconstruction in [15], introducing a mathematical framework for representing deformable molecules (“hyper-molecules”), but remain a prototype implementation.
Amortization over Conformations
Instead of optimizing each variable independently, amortized inference learns a function , parameterized by , that maps images to probability (posterior) distributions over the space of latent variables [11]. If represents the size of the dataset, amortized inference therefore replaces the estimation of latent variables with the learning of , which complexity (number of dimensions) does not scale with . Previous methods explored the possibility of using amortized inference to estimate the conformational state , in a setting where the poses were known. CryoDRGN [39] introduced amortized variational inference to estimate the conformational state in the setting where poses are known. In cryoDRGN [39], distributions over the conformational states are predicted by the encoder of a Variational Autoencoder (VAE) [11, 12] and the conformational space is parameterized with an implicit neural representation. E2GMM [4] and cryoFold [43] both reconstruct a deformable atomic representation of the molecule and train an encoder to associate each image with a low-dimensional that characterizes the deformation. These two methods require the initialization of the backbone structure of the molecule. Although these methods can be used to analyze the structural heterogeneity in a dataset, they assume the poses to be given by another reconstruction method. In cryoDRGN-BNB [41] and cryoDRGN2 [42] the poses are not given anymore but instead are estimated using an exhaustive search strategy. The estimation of the poses therefore does not amortize over the size of the dataset and, in spite of a branch-and-bound approach [14], the 5D pose search remains the most computationally expensive step in the pipeline.
Amortization over Poses
In the context of homogeneous reconstruction, previous methods used amortized inference to predict the latent variables. In cryoVAEGAN [17], Miolane et al. showed that the in-plane rotation and the contrast transfer function (CTF) parameters could be jointly estimated in the latent space of an encoder. CryoGAN [6] showed that homogeneous reconstruction could be achieved with a generative framework using a discriminative loss to avoid explicitly recovering the poses, considered as “nuisance” variables. SpatialVAE [2] showed that the translations and the in-plane rotations in 2D images could be estimated with a VAE-based architecture, and was later generalized to other transformations in [36]. CryoPoseNet [20] first demonstrated the possibility of using an autoencoder architecture with synthetic datasets. CryoAI [16] later introduced the symmetric loss to help the model avoid local minima and showed that homogeneous reconstruction could be done on experimental datasets. All of these methods, however, reconstruct a 3D consensus volume and do not address the question of conformational heterogeneity.
Joint Amortization
Rosenbaum et al. [27] demonstrated heterogeneous reconstruction from unknown poses in a jointly amortized framework on simulated data and with strong priors on the structure given by an initial atomic model. To the best of our knowledge, no amortized inference technique has been shown in a more general setting on experimental datasets with unknown poses. Here, cryoFIRE uses a implicit neural representation for the conformational space that can reconstruct experimental datasets with accuracy comparable to the state of the art at a fraction of the compute time.
3. Methods
3.1. Image Formation Model
In single particle cryo-EM, probing electrons interact with the electrostatic potential created by the molecules embedded in a thin layer of vitreous ice (Figure 1 (a)). During reconstruction, we assume that this potential can be broken down into spatially bounded independent potentials (volumes) created by individual molecules. Each volume can be seen as a mapping from to and is indexed by . We assume that the volumes are drawn independently from a probability distribution supported on a low-dimensional manifold (the conformational space) in the space of all possible 3D potentials is the set of functions from to . More specifically, we assume there exist and such that is supported on the conformational space .
In the sample, each molecule is in an unknown orientation in the frame of the observer. The probing electron beam interacts with the electrostatic potential and its projections,
(1) |
are considered mappings from to . The interaction between the beam and the lens is modeled by the Point Spread Function (PSF) . Imperfect centering of the molecule in the image is characterized by small translations . Finally, taking into account signal arising from the vitreous ice into which the molecules are embedded as well as the non-idealities of the lens and the detector, each image is generally modeled as
(2) |
where is the convolution operator, the -translation kernel and white Gaussian noise on [37, 29].
The Fourier-Slice Theorem [3] (FST) avoids the computation of integrals and convolutions in Eq. (2) and is also satisfied with the Hartley transform:
(3) |
where and are the 2D and 3D Hartley transform operators [7] (real minus imaginary parts of the Fourier transform). The “slice” operator is defined such that for any ,
(4) |
Finally, if and , the image formation model in Hartley space can be expressed as
(5) |
where indicates element-wise multiplication, is the Contrast Transfer Function (CTF), the -translation operator or phase-shift in Fourier space and represents complex white Gaussian noise on . See Supplement E for a discussion on the discretization step.
3.2. Overview of cryoFIRE
Fig. 2 summarizes the architecture of cryoFIRE. Images are fed into an encoder, parameterized by , that predicts a pose and a conformational state is used to rotate a grid of -coordinates in Hartley space. These coordinates are concatenated with the conformational state before being fed into a neural representation of the function (in Hartley space), parameterized by is a mapping from to and can be seen as a parametric representation of the conformational space in Hartley domain (a manifold of dimension ). Queried for all in the grid, the neural representation outputs a set of real values corresponding to a discrete sampling of the slice defined in Eq. (4). Based on the estimated translation and given CTF parameters , the rest of the image formation model described in Eq. (5) is simulated to obtain , a noise-free estimation of . The whole forward model is refered to as , such that . Pairs of measured and reconstructed images are compared using the symmetric loss (see Section 3.5) and gradients are backpropagated throughout the differentiable model in order to optimize both the encoder and the neural representation.
3.3. Discriminative Model
In cryoFIRE, an encoder acts as a discriminative model by mapping images to estimates of and . The encoder is structured sequentially with the following components:
A Convolutional Neural Network (CNN) containing 7 convolutional layers extracts high-level visual features from images and divides the width and height of images by 32. The architecture of the CNN is inspired from the first layers of VGG16 [31], known to perform well on visual tasks.
A shared Multi-Layer Perceptron (MLP) with 2 hidden layers that outputs a feature of dimension 256.
A conformation MLP that maps to .
Rotation and translation MLPs that map the concatenation of and respectively to and . The pose prediction is conditioned on since rotations and translations are only defined for a given conformation of the molecule and contains, with a small number of dimensions, all the required information to determine the conformational state. The rotation is represented in the 6-dimensional space [44] as it was shown to lead to the best results for the rotation prediction in [20].
We experimented with both variational (predicting an approximate posterior distribution over latent variables) and non-variational (predicting a point estimate) approaches and did not observe any significant performance difference (although the variational approach is more computationally expensive). Full details about the architecture of the encoder are given in Supplement A.
3.4. Generative Model
The generative model is a simulation of the image formation model in Hartley space, in order to make use of the FST (Section 3.1). The forward pass is differentiable with respect to and . For each , a grid of coordinates on the x-y plane in Hartley space are rotated by (mapped from to using Gram–Schmidt orthogonalization) via a matrix multiplication. Rotated points are positionally encoded with a bank of random frequencies [34] and independently concatenated with the conformational state before being fed into an MLP mapping to . This neural network is an implicit representation of the function , where . Additional implementation details about the neural network are given in Supplement B.
The CTF is defined by the defocus parameters and the astigmatism angle (provided by the simulator or by an external software like CTFFIND [26] for experimental datasets). It is then applied to the slice of size outputted by the neural representation. Finally, the slice is element-wise multiplied by , the Hartley transform of the -translation kernel.
3.5. Training Procedure
In the setting where poses are unknown, one cannot distinguish, given a set of 2D projections, two molecules with different handedness. This is called the “handedness ambiguity” [28]. Ref. [16] showed that this leads amortized inference techniques to get stuck in local minima where the predicted molecule contains spurious planar symmetries. A solution suggested to alleviate this problem is to use the symmetric loss
(6) |
where is a batch of indices and applies an in-plane rotation of on images (we refer the reader to [16] for an ablation study on the symmetric loss and its instrumental role in the amortized inference of poses). In order to enable the model to converge to a consensus volume, we disable the optimization of the conformation MLP at the start of the training. During this “pose-only phase”, are randomly sampled from a normalized Gaussian distribution.
4. Results
We evaluate cryoFIRE for ab initio heterogeneous reconstruction and compare it with the state-of-the-art method cryoDRGN2 [42]. We first validate that using an encoder to predict poses, instead of performing an exhaustive pose search, enables us to reduce the runtime of heterogeneous reconstruction on a synthetic dataset. We show that the encoder is able to accurately predict and for images it has never processed during training, thereby validating the ability of an encoder-like architecture to amortize the runtime over the size of the dataset. Secondly, we show that cryoFIRE enables the detection of discrete heterogeneity in a dataset, by clustering images in the -space. Finally, we show that our method can perform heterogeneous reconstruction of real data, a first for a method that jointly amortizes the estimation of poses and conformations.
4.1. Runtime Improvement and Amortization
Experimental Setup
We prepare three synthetic datasets of varying sizes – small (50k images), medium (500k images) and large (5M images) (Supplement C). Images are generated using a simulation of the image formation model on ground truth volumes of the 80S ribosome. Each dataset contains a mix of projections with 90% sampled from the one of the volumes (major) and the rest from the other volume (minor). CTFs are drawn randomly with a log-normal distribution over the defocus range. We add Gaussian noise with variance to the normalized projections . With cryoFIRE, we fix and activate the conformation MLP after the model has seen 1.5M images. We compare our method with cryoDRGN2 [42] with default parameters. Pixels’ intensities are set to 0 outside of a circle of radius 32 pixels for pose search. With cryoDRGN2, pose search is done every 5 epochs for the small datasets and every epoch for the medium and large datasets. We train the models on a single NVIDIA A100 SXM4 40GB GPU. Images of size are fed by batches of maximum sizes (128 for cryoFIRE, 32 for cryoDRGN2) and loaded on the fly using multi-threading on 16 CPUs. The model is optimized with the ADAM optimizer [10] and a learning rate of . Convergence is assessed via visual inspection of the pose prediction accuracy. Once convergence is reached on the train set, latent variables can be estimated on a test set of 10k images in order to validate that the encoder is not just memorizing the training set. With cryoDRGN2, poses from the test set are estimated with a randomly-initialized pose search on the model obtained at train time.
Metrics
We compute the median and the mean of the angular error on the view direction, in degrees, and the median and mean square error of the predicted , in pixels. Before computing pose errors, rigid 6D-body alignment is applied on the set of predicted poses to align the model into the same global reference frame as the ground truth volume. We perform a Principal Component Analysis (PCA) on the set of predicted ‘s and, looking at the first principal component, we group images in two classes, according to the cluster they fall into. The confusion error is defined as the ratio of misclassified images over the total number of images. After convergence, we generate two volumes by taking the centroids of the clusters in space and using them as inputs for the neural network on them. We report the resolution (in pixels) obtained on the major (90%) and on the minor (10%) volumes. The reported resolution is the inverse of the maximum frequency for which the Fourier Shell Correlation is above 0.5.
Results
We report the runtime and quantitative metrics in Table 1. At train time, the average time for processing one image is with cryoDRGN2 vs. for cryoFIRE. (The runtime of cryoDRGN2 is lower with the small dataset because pose search is only done every 5 epochs). At test time, only the encoder of cryoFIRE is used, which further decreases the runtime per image . The accuracy obtained at test time on and validates that our method effectively amortizes the estimation of latent variables, and the errors on the test sets decrease with the size of the dataset provided for training. The accuracy of predicted poses is slightly worse with cryoFIRE than with an exhaustive pose search strategy (see Supplement E for a comparison with a fully non-amortized method [25]). The quantitative resolution of the reconstructed volumes remains however very similar with both methods (see Supplement E for a qualitative comparison).
Table 1:
Dataset / Method | Time | Confusion | Res. (major/minor) | Rot. (Med/MSE) | Trans. (Med/MSE) |
---|---|---|---|---|---|
Small (Train: 50k / Test: 10k) | |||||
cryoDRGN2 (train) | 1:21h (20 ep.) | 0.00005 | 2.4 / 2.8 | 0.8 / 0.8 | 0.007 / 0.01 |
cryoFIRE (train) | 1:33h (70 ep.) | 0.0004 | 2.6 / 3.2 | 2.3 / 2.6 | 0.09 / 0.1 |
cryoDRGN2 (test) | 3 min. (1 ep.) | 0 | — | 0.8 / 0.8 | 0.006 / 0.01 |
cryoFIRE (test) | 11 sec. (1 ep.) | 0.001 | — | 2.6 / 2.7 | 0.2 / 0.3 |
Medium (Train: 500k / Test: 10k) | |||||
cryoDRGN2 (train) | 5:10h (2 ep.) | 0.002 | 2.5 / 3.0 | 0.8 / 0.9 | 0.007 / 0.01 |
cryoFIRE (train) | 1:28h (7 ep.) | 0.0008 | 2.7 / 3.2 | 2.7 / 2.9 | 0.1 / 0.2 |
cryoDRGN2 (test) | 3 min. (1 ep.) | 0.0001 | — | 0.8 / 0.9 | 0.007 / 0.01 |
cryoFIRE (test) | 11 sec. (1 ep.) | 0.0001 | — | 2.3 / 2.5 | 0.1 / 0.2 |
Large (Train: 5M / Test: 10k) | |||||
cryoDRGN2 (train) | 21:37h (1 ep.) | 0.002 | 2.3 / 2.6 | 0.8 / 1.6 | 0.01 / 1.2 |
cryoFIRE (train) | 1:55h (1 ep.) | 0.0002 | 2.3 / 2.7 | 1.5 / 1.7 | 0.1 / 1.0 |
cryoDRGN2 (test) | 3 min. (1 ep.) | 0 | — | 1.0 / 1.0 | 0.007 / 0.1 |
cryoFIRE (test) | 11 sec. (1 ep.) | 0 | — | 1.2 / 1.4 | 0.1 / 0.2 |
4.2. Heterogeneous Reconstruction of Synthetic Datasets
Experimental Setup
We prepare three heterogeneous datasets of 100k images of the Plasmodium falciparum 80S ribosome (Supplement C). The three datasets contain an equal mix of projections from different ground truth volumes, generated sequentially along a reaction path that corresponds to a rotation of the small ribosomal subunit relative to the large ribosomal subunit identified in [39]. The image formation model is simulated with the same parameters as in Section 4.1. We run cryoFIRE with and perform a PCA on the set of predicted ’s after 95 epochs.
Results
In Fig. 3, we plot the first principal component (PC1) of the set of ’s vs. the ground truth index of the volume each image was generated from. With the dataset containing conformations, images can be clustered in groups, based on the value of PC1 . Looking for the optimal thresholds on PC1, we compute a confusion error of (resp. ) on the 2 classes (resp. 3 classes) dataset. On the 10 classes dataset, the 10 conformations cannot be separated but the value of PC1 embeds information about the movement of the ribosome, as indicated by the Spearman correlation [13] between the index of the ground truth conformation and PC1. Sampling different values for PC1 (and setting the other components to zero), we can use the neural representation to generate a set of volumes from a set of conformational states . Qualitative results are given in Fig. 3 (d), showing an accurate reconstruction of the movement of a subunit of the ribosome.
4.3. Heterogeneous Reconstruction of an Experimental Dataset
Experimental Setup
We use the publicly available dataset EMPIAR-10180 [22] of a pre-catalytic spliceosome (Supplement C). We run cryoFIRE with , activate the conformation MLP after 30 epochs and train for a total of 100 epochs. Results from cryoDRGN2 [42] and cryoDRGN-BNB [41] on the same dataset are obtained from [42].
Results
The first two components of a PCA on the set of predicted ’s is shown in Fig.4. By traversing the conformational space along the direction of PC1 and generating volumes on set of 5 points, cryoFIRE generates a trajectory, showing a large flexing motion of the spliceosome. CryoFIRE qualitatively recovers the non-uniform distribution of viewing directions, avoids the local minima cryoDRGN-BNB falls into, and reconstructs volumes which qualitatively match the state of the art. See Supplement D for more results and a reconstruction on an experimental dataset of the ribosome (EMPIAR-10028 [38]).
5. Discussion
As the resolving power of a sampling method scales with the size of the dataset, an increasing number of images needs to be collected in cryo-EM in order to extract meaningful structural information. CryoFIRE answers the need for reconstruction methods that scale appropriately with the dataset size: heterogeneous ab initio reconstruction on a dataset of 5M images can be performed within 2 hours. CryoFIRE is also the first reconstruction method to perform joint amortization of poses and conformations on an experimental cryo-EM dataset, opening the door to fast analysis of structural heterogeneity on real datasets.
The interpretability of the conformational space remains an open question. Since distances in this space are not meaningful ( conditions the volume via a nonlinear decoder), the probability distribution cannot be straightforwardly interpreted in that space. In the case of discrete heterogeneity, general quantities like the number of states or the relative populations of the states can be reliably inferred from the conformational space by clustering the predicted conformational states. In the case of continuous heterogeneity, dimensionality reduction methods like PCA can highlight directions of maximal variance and, by visual inspection of the reconstructed volumes, cryoFIRE can help understanding the main degrees of freedom of a continuously deformable molecule. However, “small” and “large” deformations can stem from similar changes in the conformational space and no physically interpretable notion of distance is currently associated with the conformational space: providing this space with a physically interpretable metric is an interesting avenue for future work.
It is worth highlighting that the parameterization proposed here is not uniquely defined: a rotation of the molecule can equivalently be represented by or by a change of conformation state . Empirically, cryoFIRE decorrelates poses and conformation by relying on a “pose-only phase” at the beginning of training, but nothing explicitly prevents from containing information about . Future work could explore improvements in the optimization procedure to further enforce minimal mutual information between poses and conformation.
Finally, we note that the accuracy of pose estimation (especially on translations) is lower with cryoFIRE than with exhaustive pose search methods. Inaccurate translation prediction can lead to “blurry” reconstructions and therefore limits the resolution of reconstructed volumes. This is a direct reflection of the fact that amortization maximizes a non-tight lower-bound of the likelihood, allowing for faster inference at the cost of accuracy [5]. Future work could investigate a hybrid approach that would estimate poses with an encoder at the beginning of training and switch, at the end, to a local pose search initialized from encoder-estimated poses.
Broader Impacts Statement
The cryo-EM field is generating data at a rapidly increasing pace, potentially leading to wasteful storage and inefficient computing. The design of more efficient methods such as CryoFIRE provides a path to mitigate sustainability risks. In order to better compare modern reconstruction methods, careful attention must be paid toward designing common datasets and evaluation metrics. By providing an open-source implementation of CryoFIRE upon publication, together with benchmark metrics, we hope to make cryo-EM research accessible to a broader class of researchers. We also acknowledge that, by pushing further the boundaries of biological research, our method may facilitate the development of harmful biologics, however this is outweighed by its significant societal benefits. We encourage the cryo-EM community to play wisely with cryoFIRE.
Supplementary Material
Acknowledgements
This work was supported by the U.S. Department of Energy, under DOE Contract No. DE-AC02-76SF00515, the SLAC LDRD program, and the Stanford Institute for Human-Centered Artificial Intelligence (HAI). We acknowledge the use of the computational resources at the SLAC Shared Scientific Data Facility (SDF) and Princeton Research Computing.
Contributor Information
Axel Levy, Stanford University.
Gordon Wetzstein, Stanford University.
Julien Martel, Stanford University.
Frédéric Poitevin, SLAC National Accelerator Laboratory.
Ellen D. Zhong, Princeton University.
References
- [1].Baldwin PR, Tan YZ, Eng ET, Rice WJ, Noble AJ, Negro CJ, Cianfrocco MA, Potter CS, Carragher B: Big data in cryoem: automated collection, processing and accessibility of em data. Current Opinion in Microbiology 43, 1–8 (2018) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [2].Bepler T, Zhong E, Kelley K, Brignole E, Berger B: Explicitly disentangling image content from translation and rotation with spatial-vae. Advances in Neural Information Processing Systems 32 (2019) [Google Scholar]
- [3].Bracewell RN: Strip integration in radio astronomy. Australian Journal of Physics 9, 198–217 (1956) [Google Scholar]
- [4].Chen M, Ludtke SJ: Deep learning-based mixed-dimensional gaussian mixture model for characterizing variability in cryo-em. Nature Methods 18(8), 930–936 (2021) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [5].Donnat C, Levy A, Poitevin F, Miolane N: Deep generative modeling for volume reconstruction in cryo-electron microscop. arXiv preprint arXiv:2201.02867 (2022) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [6].Gupta H, McCann MT, Donati L, Unser M: Cryogan: a new reconstruction paradigm for single-particle cryo-em via deep adversarial learning. IEEE Transactions on Computational Imaging 7, 759–774 (2021) [Google Scholar]
- [7].Hartley RV: A more symmetrical fourier analysis applied to transmission problems. Proceedings of the IRE 30(3), 144–150 (1942) [Google Scholar]
- [8].Herreros D, Lederman RR, Krieger J, Jiménez-Moreno A, Martínez M, Myška D, Strelak D, Filipovic J, Bahar I, Carazo JM, et al. : Approximating deformation fields for the analysis of continuous heterogeneity of biological macromolecules by 3d zernike polynomials. IUCrJ 8(6) (2021) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [9].Jin Q, Sorzano COS, De La Rosa-Trevín JM, Bilbao-Castro JR, Núñez-Ramírez R, Llorca O, Tama F, Jonić S: Iterative elastic 3d-to-2d alignment method using normal modes for studying structural dynamics of large macromolecular complexes. Structure 22(3), 496–506 (2014) [DOI] [PubMed] [Google Scholar]
- [10].Kingma DP, Ba J: Adam: A method for stochastic optimization. arXiv preprint arXiv:1412.6980 (2014) [Google Scholar]
- [11].Kingma DP, Welling M: Auto-encoding variational bayes. arXiv preprint arXiv: 1312.6114 (2013) [Google Scholar]
- [12].Kingma DP, Welling M: An introduction to variational autoencoders. arXiv preprint arXiv:1906.02691 (2019) [Google Scholar]
- [13].Kokoska S, Zwillinger D: CRC standard probability and statistics tables and formulae. Crc Press; (2000) [Google Scholar]
- [14].Lawler EL, Wood DE: Branch-and-bound methods: A survey. Operations research 14(4), 699–719 (1966) [Google Scholar]
- [15].Lederman RR, Andén J, Singer A: Hyper-molecules: on the representation and recovery of dynamical structures for applications in flexible macro-molecules in cryo-em. Inverse Problems 36(4), 044005 (2020) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [16].Levy A, Poitevin F, Martel J, Nashed Y, Peck A, Miolane N, Ratner D, Dunne M, Wetzstein G: Cryoai: Amortized inference of poses for ab initio reconstruction of 3d molecular volumes from real cryo-em images. arXiv preprint arXiv:2203.08138 (2022) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [17].Miolane N, Poitevin F, Li YT, Holmes S: Estimation of orientation and camera parameters from cryo-electron microscopy images with variational autoencoders and generative adversarial networks. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition Workshops. pp. 970–971 (2020) [Google Scholar]
- [18].Nakane T, Kimanius D, Lindahl E, Scheres SH: Characterisation of molecular motions in cryo-em single-particle data by multi-body refinement in relion. elife 7, e36861 (2018) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [19].Namba K, Makino F: Recent progress and future perspective of electron cryomicroscopy for structural life sciences. Microscopy 71, i3–i14 (2022) [DOI] [PubMed] [Google Scholar]
- [20].Nashed YS, Poitevin F, Gupta H, Woollard G, Kagan M, Yoon CH, Ratner D: Cryoposenet: End-to-end simultaneous learning of single-particle orientation and 3d map reconstruction from cryo-electron microscopy data. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 4066–4076 (2021) [Google Scholar]
- [21].Pettersen EF, Goddard TD, Huang CC, Meng EC, Couch GS, Croll TI, Morris JH, Ferrin TE: Ucsf chimerax: Structure visualization for researchers, educators, and developers. Protein Science 30, 70–82 (2021) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [22].Plaschka C, Lin PC, Nagai K: Structure of a pre-catalytic spliceosome. Nature 546(7660), 617–621 (2017) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [23].Punjani A, Fleet DJ: 3d flexible refinement: structure and motion of flexible proteins from cryo-em. BioRxiv (2021) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [24].Punjani A, Fleet DJ: 3d variability analysis: Resolving continuous flexibility and discrete heterogeneity from single particle cryo-em. Journal of Structural Biology 213(2), 107702 (2021) [DOI] [PubMed] [Google Scholar]
- [25].Punjani A, Rubinstein JL, Fleet DJ, Brubaker MA: cryosparc: algorithms for rapid unsupervised cryo-em structure determination. Nature methods 14(3), 290–296 (2017) [DOI] [PubMed] [Google Scholar]
- [26].Rohou A, Grigorieff N: Ctffind4: Fast and accurate defocus estimation from electron micrographs. Journal of structural biology 192, 216–221 (2015) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [27].Rosenbaum D, Garnelo M, Zielinski M, Beattie C, Clancy E, Huber A, Kohli P, Senior AW, Jumper J, Doersch C, et al. : Inferring a continuous distribution of atom coordinates from cryo-em images using vaes. arXiv preprint arXiv:2106.14108 (2021) [Google Scholar]
- [28].Rosenthal PB, Henderson R: Optimal determination of particle orientation, absolute hand, and contrast loss in single-particle electron cryomicroscopy. Journal of molecular biology 333, 721–745 (2003) [DOI] [PubMed] [Google Scholar]
- [29].Scheres SH: RELION: Implementation of a Bayesian approach to cryo-EM structure determination. Journal of Structural Biology 180, 519–530 (2012) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [30].Scheres SH, Gao H, Valle M, Herman GT, Eggermont PP, Frank J, Carazo JM: Disentangling conformational states of macromolecules in 3d-em through likelihood optimization. In: Single-Particle Cryo-Electron Microscopy: The Path Toward Atomic Resolution: Selected Papers of Joachim Frank with Commentaries, pp. 413–415. World Scientific; (2018) [Google Scholar]
- [31].Simonyan K, Zisserman A: Very deep convolutional networks for large-scale image recognition. arXiv preprint arXiv:1409.1556 (2014) [Google Scholar]
- [32].Singer A, Sigworth FJ: Computational methods for single-particle electron cryomicroscopy. Annual Review of Biomedical Data Science 3, 163–190 (2020) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [33].Tagare HD, Kucukelbir A, Sigworth FJ, Wang H, Rao M: Directly reconstructing principal components of heterogeneous particles from cryo-em images. Journal of structural biology 191(2), 245–262 (2015) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [34].Tancik M, Srinivasan P, Mildenhall B, Fridovich-Keil S, Raghavan N, Singhal U, Ramamoorthi R, Barron J, Ng R: Fourier features let networks learn high frequency functions in low dimensional domains. Advances in Neural Information Processing Systems 33, 7537–7547(2020) [Google Scholar]
- [35].Tang G, Peng L, Baldwin PR, Mann DS, Jiang W, Rees I, Ludtke SJ: EMAN2: an extensible image processing suite for electron microscopy. Journal of Structural Biology 157, 38–46(2007) [DOI] [PubMed] [Google Scholar]
- [36].Uddin MR, Howe G, Zeng X, Xu M: Harmony: A generic unsupervised approach for disentangling semantic content from parameterized transformations. In: Proceedings of the IEEE/CVF Conference on Computer Vision and Pattern Recognition. pp. 20646–20655 (2022) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [37].Vulović M, Ravelli RBG, van Vliet LJ, Koster AJ, Lazić I, Lücken U, Rullgård H, Öktem O, Rieger B: Image formation modeling in cryo-electron microscopy. Journal of Structural Biology 183, 19–32 (2013) [DOI] [PubMed] [Google Scholar]
- [38].Wong W, Bai X.c., Brown A, Fernandez IS, Hanssen E, Condron M, Tan YH, Baum J, Scheres SH: Cryo-em structure of the plasmodium falciparum 80s ribosome bound to the anti-protozoan drug emetine. Elife 3, e03080 (2014) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [39].Zhong ED, Bepler T, Berger B, Davis JH: Cryodrgn: reconstruction of heterogeneous cryo-em structures using neural networks. Nature methods 18(2), 176–185 (2021) [DOI] [PMC free article] [PubMed] [Google Scholar]
- [40].Zhong ED, Bepler T, Berger B, Davis JH: Data for “CryoDRGN: Reconstruction of heterogeneous cryo-EM structures using neural networks” (Jan 2021). 10.5281/zenodo.4355284, https://doi.org/10.5281/zenodo.4355284 [DOI] [PMC free article] [PubMed] [Google Scholar]
- [41].Zhong ED, Bepler T, Davis JH, Berger B: Reconstructing continuous distributions of 3d protein structure from cryo-em images. arXiv preprint arXiv:1909.05215 (2019) [Google Scholar]
- [42].Zhong ED, Lerer A, Davis JH, Berger B: Cryodrgn2: Ab initio neural reconstruction of 3d protein structures from real cryo-em images. In: Proceedings of the IEEE/CVF International Conference on Computer Vision. pp. 4066–4075 (2021) [Google Scholar]
- [43].Zhong ED, Lerer A, Davis JH, Berger B: Exploring generative atomic models in cryo-em reconstruction. arXiv preprint arXiv:2107.01331 (2021) [Google Scholar]
- [44].Zhou Y, Barnes C, Lu J, Yang J, Li H: On the Continuity of Rotation Representations in Neural Networks. arXiv: 1812.07035 (2020) [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.