This paper was converted on www.awesomepapers.org from LaTeX by an anonymous user.
Want to know more? Visit the Converter page.

Learning from Protein Structure with
Geometric Vector Perceptrons

Bowen Jing,   Stephan Eismannfootnotemark: ,   Patricia Suriana, Raphael J.L. Townshend, Ron O. Dror
Stanford University
{bjing, seismann, psuriana, raphael, rondror}@cs.stanford.edu
Equal contribution
Abstract

Learning on 3D structures of large biomolecules is emerging as a distinct area in machine learning, but there has yet to emerge a unifying network architecture that simultaneously leverages the geometric and relational aspects of the problem domain. To address this gap, we introduce geometric vector perceptrons, which extend standard dense layers to operate on collections of Euclidean vectors. Graph neural networks equipped with such layers are able to perform both geometric and relational reasoning on efficient representations of macromolecules. We demonstrate our approach on two important problems in learning from protein structure: model quality assessment and computational protein design. Our approach improves over existing classes of architectures on both problems, including state-of-the-art convolutional neural networks and graph neural networks. We release our code at https://github.com/drorlab/gvp.

1 Introduction

Many efforts in structural biology aim to predict, or derive insights from, the structure of a macromolecule (such as a protein, RNA, or DNA), represented as a set of positions associated with atoms or groups of atoms in 3D Euclidean space. These problems can often be framed as functions mapping the input domain of structures to some property of interest—for example, predicting the quality of a structural model or determining whether two molecules will bind in a particular geometry. Thanks to their importance and difficulty, such problems, which we broadly refer to as learning from structure, have recently developed into an exciting and promising application area for deep learning (Graves et al., 2020; Ingraham et al., 2019; Pereira et al., 2016; Townshend et al., 2019; Won et al., 2019).

Successful applications of deep learning are often driven by techniques that leverage the problem structure of the domain—for example, convolutions in computer vision (Cohen & Shashua, 2017) and attention in natural language processing (Vaswani et al., 2017). What are the relevant considerations in the domain of learning from structure? Using proteins as the most common example, we have on the one hand the arrangement and orientation of the amino acid residues in space, which govern the dynamics and function of the molecule (Berg et al., 2002). On the other hand, proteins also possess relational structure in terms of their amino-acid sequence and the residue-residue interactions that mediate the aforementioned protein properties (Hammes-Schiffer & Benkovic, 2006). We refer to these as the geometric and relational aspects of the problem domain, respectively.

Recent state-of-the-art methods for learning from structure leverage one of these two aspects. Commonly, such methods employ either graph neural networks (GNNs), which are expressive in terms of relational reasoning (Battaglia et al., 2018), or convolutional neural networks (CNNs), which operate directly on the geometry of the structure. Here, we present a unifying architecture that bridges these two families of methods to leverage both aspects of the problem domain.

We do so by introducing geometric vector perceptrons (GVPs), a drop-in replacement for standard multi-layer perceptrons (MLPs) in aggregation and feed-forward layers of GNNs. GVPs operate directly on both scalar and geometric features—features that transform as a vector under a rotation of spatial coordinates. GVPs therefore allow for the embedding of geometric information at nodes and edges without reducing such information to scalars that may not fully capture complex geometry. We postulate that our approach makes it easier for a GNN to learn functions whose significant features are both geometric and relational.

Our method (GVP-GNN) can be applied to any problem where the input domain is a structure of a single macromolecule or of molecules bound to one another. In this work, we specifically demonstrate our approach on two problems connected to protein structure: computational protein design and model quality assessment. Computational protein design (CPD) is the conceptual inverse of protein structure prediction, aiming to infer an amino acid sequence that will fold into a given structure. Model quality assessment (MQA) aims to select the best structural model of a protein from a large pool of candidate structures and is an important step in structure prediction (Cheng et al., 2019). Our method outperforms existing methods on both tasks.

2 Related Work

ML methods for learning from protein structure largely fall into one of three types, operating on sequential, voxelized, or graph-structured representations of proteins. We briefly discuss each type and introduce state-of-the-art examples for MQA and CPD to set the stage for our experiments later.

Sequential representations

In traditional models of learning from protein structure, each amino acid is represented as a feature vector using hand-crafted representations of the 3D structural environment. These representations include residue contacts (Olechnovič & Venclovas, 2017), orientations or positions collectively projected to local coordinates (Karasikov et al., 2019), physics-inspired energy terms (O’Connell et al., 2018; Uziela et al., 2017), or context-free grammars of protein topology (Greener et al., 2018). The structure is then viewed as a sequence or collection of such features which can be fed into a 1D convolutional network, RNN, or dense feedforward network. Although these methods only indirectly represent the full 3D structure of the protein, a number of them, such as ProQ4 (Hurtado et al., 2018), VoroMQA (Olechnovič & Venclovas, 2017), and SBROD (Karasikov et al., 2019), are competitive in assessments of MQA.

Voxelized representations

In lieu of hand-crafted representations of structure, 3D convolutional neural networks (CNNs) can operate directly on the positions of atoms in space, encoded as occupancy maps in a voxelized 3D volume. The hierarchical convolutions of such networks are easily compatible with the detection of structural motifs, binding pockets, and the specific shapes of other important structural features, leveraging the geometric aspect of the domain. A number of CPD methods (Anand et al., 2020; Zhang et al., 2019; Shroff et al., 2019) and the MQA methods 3DCNN (Derevyanko et al., 2018) and Ornate (Pagès et al., 2019) exemplify the power of this approach.

Graph-structured representations

A protein structure can also be represented as a proximity graph over amino acid nodes, reducing the challenge of representing a collective structural neighborhood in a single feature vector to that of representing individual edges. Graph neural networks (GNNs) can then perform complex relational reasoning over structures (Battaglia et al., 2018)—for example, identifying key relationships among amino acids, or flexible structural motifs described as a connectivity pattern rather than a rigid shape. Recent state-of-the-art GNNs include Structured Transformer (Ingraham et al., 2019) on CPD, ProteinSolver (Strokach et al., 2020) on CPD and mutation stability prediction, and GraphQA (Baldassarre et al., 2020) on MQA. These methods vary in their representation of geometry: while some, such as ProteinSolver and GraphQA, represent edges as a function of their length, others, such as Structured Transformer, indirectly encode the 3D geometry of the proximity graph in terms of relative orientations and other scalar features.

3 Methods

Our architecture seeks to combine the strengths of CNN and GNN methods in learning from biomolecular structure by improving the latter’s ability to reason geometrically. The GNNs described in the previous section encode the 3D geometry of the protein by encoding vector features (such as node orientations and edge directions) in terms of rotation-invariant scalars, often by defining a local coordinate system at each node. We instead propose that these features be directly represented as geometric vectors—features in 3\mathbb{R}^{3} which transform appropriately under a change of spatial coordinates—at all steps of graph propagation.

This conceptual shift has two important ramifications. First, the input representation is more efficient: instead of encoding the orientation of a node by its relative orientation with all of its neighbors, we only have to represent one absolute orientation per node. Second, it standardizes a global coordinate system across the entire structure, which allows geometric features to be directly propagated without transforming between local coordinates. For example, representations of arbitrary positions in space—including points that are not themselves nodes—can be easily propagated across the graph by Euclidean vector addition. We postulate this allows the GNN to more easily access global geometric properties of the structure. The key challenge with this representation, however, is to perform graph propagation in a way that simultaneously preserves the full expressive power of the original GNN while maintaining the rotation invariance provided by the scalar representations. We do so by introducing a new module, the geometric vector perceptron, to replace dense layers in a GNN.

3.1 Geometric Vector Perceptrons

The geometric vector perceptron is a simple module for learning vector-valued and scalar-valued functions over geometric vectors and scalars. That is, given a tuple (𝐬,𝐕)(\mathbf{s},\mathbf{V}) of scalar features 𝐬n\mathbf{s}\in\mathbb{R}^{n} and vector features 𝐕ν×3\mathbf{V}\in\mathbb{R}^{\nu\times 3}, we compute new features (𝐬,𝐕)m×μ×3(\mathbf{s}^{\prime},\mathbf{V}^{\prime})\in\mathbb{R}^{m}\times\mathbb{R}^{\mu\times 3}. The computation is illustrated in Figure 1A and formally described in Algorithm 1.

At its core, the GVP consists of two separate linear transformations 𝐖m,𝐖h\mathbf{W}_{m},\mathbf{W}_{h} for the scalar and vector features, followed by nonlinearities σ,σ+\sigma,\sigma^{+}. However, before the scalar features are transformed, we concatenate the L2L_{2} norm of the transformed vector features 𝐕h\mathbf{V}_{h}; this allows us to extract rotation-invariant information from the input vectors 𝐕\mathbf{V}. An additional linear transformation 𝐖μ\mathbf{W_{\mu}} is inserted just before the vector nonlinearity to control the output dimensionality independently of the number of norms extracted.

Refer to caption
Figure 1: (A) Schematic of the geometric vector perceptron illustrating Algorithm 1. Given a tuple of scalar and vector input features (𝐬,𝐕)(\mathbf{s},\mathbf{V}), the perceptron computes an updated tuple (𝐬,𝐕)(\mathbf{s}^{\prime},\mathbf{V}^{\prime}). 𝐬\mathbf{s}^{\prime} is a function of both 𝐬\mathbf{s} and 𝐕\mathbf{V}. (B) Illustration of the structure-based prediction tasks. In computational protein design (top), the goal is to predict an amino acid sequence that would fold into a given protein backbone structure. Individual atoms are represented as colored spheres. In model quality assessment (bottom), the goal is to predict the quality score of a candidate structure, which measures the similarity of the candidate with respect to the experimentally determined structure (in gray).
Algorithm 1 Geometric vector perceptron
Input: Scalar and vector features (s,V)(\textbf{s},\textbf{V}) \in n×ν×3\mathbb{R}^{n}\times\mathbb{R}^{\nu\times 3} .
Output: Scalar and vector features (s,V)(\textbf{s}^{\prime},\textbf{V}^{\prime}) \in m×μ×3\mathbb{R}^{m}\times\mathbb{R}^{\mu\times 3} .
hmax(ν,μ)h\leftarrow\max\left(\nu,\mu\right)
GVP:
    VhWhVh×3\text{V}_{h}\leftarrow\textbf{W}_{h}\textbf{V}\quad\in\mathbb{R}^{h\times 3}
    VμWμVhμ×3\text{V}_{\mu}\leftarrow\textbf{W}_{\mu}\text{V}_{h}\quad\in\mathbb{R}^{\mu\times 3}
    shVh2(row-wise)h\text{s}_{h}\leftarrow{\left\lVert\text{V}_{h}\right\rVert}_{2}\ (\text{row-wise})\quad\in\mathbb{R}^{h}
    vμVμ2(row-wise)μ\text{v}_{\mu}\leftarrow{\left\lVert\text{V}_{\mu}\right\rVert}_{2}\ (\text{row-wise})\quad\in\mathbb{R}^{\mu}
    sh+nconcat(sh,s)h+n\text{s}_{h+n}\leftarrow\text{concat}\left(\text{s}_{h},\textbf{s}\right)\quad\in\mathbb{R}^{h+n}
    smWmsh+n+bm\text{s}_{m}\leftarrow\textbf{W}_{m}\text{s}_{h+n}+\textbf{b}\quad\in\mathbb{R}^{m}
    sσ(sm)m\textbf{s}^{\prime}\leftarrow\sigma\left(\text{s}_{m}\right)\quad\in\mathbb{R}^{m}
    Vσ+(vμ)Vμ(row-wise multiplication)μ×3\textbf{V}^{\prime}\leftarrow\sigma^{+}\left(\text{v}_{\mu}\right)\odot\text{V}_{\mu}\ (\text{row-wise multiplication})\quad\in\mathbb{R}^{\mu\times 3}
return (s,V)(\textbf{s}^{\prime},\textbf{V}^{\prime})

The GVP is conceptually simple, yet provably possesses the desired properties of invariance/equivariance and expressiveness. First, the vector and scalar outputs of the GVP are equivariant and invariant, respectively, with respect to an arbitrary composition RR of rotations and reflections in 3D Euclidean space — i.e., if GVP(𝐬,𝐕)=(𝐬,𝐕)\text{GVP}(\mathbf{s},\mathbf{V})=(\mathbf{s}^{\prime},\mathbf{V}^{\prime}) then

GVP(𝐬,R(𝐕))=(𝐬,R(𝐕))\text{GVP}(\mathbf{s},R(\mathbf{V}))=(\mathbf{s^{\prime}},R(\mathbf{V}^{\prime})) (1)

This is due to the fact that the only operations on vector-valued inputs are scalar multiplication, linear combination, and the L2L_{2} norm.111The nonlinearity σ+\sigma^{+} is a scaling by σ+\sigma^{+} applied to the L2L_{2} norm. We include a formal proof in Appendix A.

In addition, the GVP architecture can approximate any continuous rotation- and reflection-invariant scalar-valued function of 𝐕\mathbf{V}. More precisely, let GsG_{s} be a GVP defined with n,μ=0n,\mu=0—that is, one which transforms vector features to scalar features. Then for any function f:ν×3f:\mathbb{R}^{\nu\times 3}\rightarrow\mathbb{R} invariant with respect to rotations and reflections in 3D, there exists a functional form GsG_{s} able to ϵ\epsilon-approximate ff, given mild assumptions.

Theorem.

Let R describe an arbitrary rotation and/or reflection in 3\mathbb{R}^{3}. For ν3\nu\geq 3 let Ωνν×3\Omega^{\nu}\subset\mathbb{R}^{\nu\times 3} be the set of all 𝐕=[𝐯1,,𝐯ν]Tν×3\mathbf{V}=\begin{bmatrix}\mathbf{v}_{1},&\ldots,&\mathbf{v}_{\nu}\end{bmatrix}^{T}\in\mathbb{R}^{\nu\times 3} such that 𝐯1,𝐯2,𝐯3\mathbf{v}_{1},\mathbf{v}_{2},\mathbf{v}_{3} are linearly independent and 0<𝐯i2b0<||\mathbf{v}_{i}||_{2}\leq b for all ii and some finite b>0b>0.

Then for any continuous F:ΩνF:\Omega^{\nu}\rightarrow\mathbb{R} such that F(R(𝐕))=F(𝐕)F(R(\mathbf{V}))=F(\mathbf{V}) and for any ϵ>0\epsilon>0, there exists a form f(𝐕)=𝐰TGs(𝐕)f(\mathbf{V})=\mathbf{w}^{T}G_{s}(\mathbf{V}) such that |F(𝐕)f(𝐕)|<ϵ|F(\mathbf{V})-f(\mathbf{V})|<\epsilon for all 𝐕Ων\mathbf{V}\in\Omega^{\nu}.

We include a formal proof in Appendix A. As a corollary, a GVP with nonzero n,μn,\mu is also able to approximate similarly-defined functions over the full input domain n×ν×3\mathbb{R}^{n}\times\mathbb{R}^{\nu\times 3}.

In addition to the GVP layer itself, we use a version of dropout that drops entire vector channels at random (as opposed to coordinates within vector channels). We also introduce layer normalization for the vector features as

𝐕𝐕/1ν𝐕22ν×3\mathbf{V}\leftarrow\mathbf{V}/\sqrt{\frac{1}{\nu}{\left\lVert\mathbf{V}\right\rVert}_{2}^{2}}\quad\in\mathbb{R}^{\nu\times 3} (2)

That is, we scale the row vectors of 𝐕\mathbf{V} such that their root-mean-square norm is one. This vector layer norm has no trainable parameters, but we continue to use normal layer normalization on scalar channels with trainable parameters γ,β\gamma,\beta.

We study our hypothesis that GVPs augment the geometric reasoning ability of GNNs on a synthetic dataset (Appendix B). The synthetic dataset allows us to control the function underlying the ground-truth label in order to explicitly separate geometric and relational aspects in different tasks. The GVP-augmented GNN (or GVP-GNN) matches a CNN on a geometric task and a standard GNN on a relational task. However, when we combine the two tasks in one objective, the GVP-GNN does significantly better than either a GNN or a CNN.

3.2 Representations of Proteins

The main empirical validation of our architecture is its performance on two real-world tasks: computational protein design (CPD) and model quality assessment (MQA). These tasks, as illustrated in Figure 1B and described in detail in Section 4, are complementary in that one (CPD) predicts a property for each amino acid while the other (MQA) predicts a global property.

We represent a protein structure input as a proximity graph with a minimal number of scalar and vector features to specify the 3D structure of the molecule. A protein structure is a sequence of amino acids, where each amino acid consists of four backbone atoms222Cα\alpha, C, N, and O. The alpha carbon Cα\alpha is the central carbon atom in each amino acid residue. and a set of sidechain atoms located in 3D Euclidean space. We represent only the backbone because the sidechains are unknown in CPD, and our MQA benchmark corresponds to the assessment of backbone structure only.

Let Xi be the position of atom X in the iith amino acid (e.g. Ni is the position of the nitrogen atom in the iith amino acid). We represent backbone structure as a graph 𝒢=(𝒱,)\mathcal{G}=(\mathcal{V},\mathcal{E}) where each node 𝔳i𝒱\mathfrak{v}_{i}\in\mathcal{V} corresponds to an amino acid and has embedding 𝐡𝔳(i)\mathbf{h}^{(i)}_{\mathfrak{v}} with the following features:

  • Scalar features {sin,cos}{ϕ,ψ,ω}\{\sin,\cos\}\circ\{\phi,\psi,\omega\}, where ϕ,ψ,ω\phi,\psi,\omega are the dihedral angles computed from Ci-1, Ni, Cαi\alpha_{i}, Ci, and Ni+1.

  • The forward and reverse unit vectors in the directions of Cαi+1Cαi\alpha_{i+1}-\text{C}\alpha_{i} and Cαi1Cαi\alpha_{i-1}-\text{C}\alpha_{i}, respectively.

  • The unit vector in the imputed direction of CβiCαi\beta_{i}-\text{C}\alpha_{i}.333Cβ\beta is the second carbon from the carboxyl carbon C. This is computed by assuming tetrahedral geometry and normalizing

    13(𝐧×𝐜)/𝐧×𝐜223(𝐧+𝐜)/𝐧+𝐜2\sqrt{\frac{1}{3}}(\mathbf{n}\times\mathbf{c})/||\mathbf{n}\times\mathbf{c}||_{2}-\sqrt{\frac{2}{3}}(\mathbf{n}+\mathbf{c})/||\mathbf{n}+\mathbf{c}||_{2}

    where 𝐧=NiCαi\mathbf{n}=\text{N}_{i}-\text{C}\alpha_{i} and 𝐜=CiCαi\mathbf{c}=\text{C}_{i}-\text{C}\alpha_{i}. This vector, along with the forward and reverse unit vectors, unambiguously define the orientation of each amino acid residue.

  • A one-hot representation of amino acid identity, when available.

The set of edges is ={𝐞ji}ij\mathcal{E}=\{\mathbf{e}_{j\rightarrow i}\}_{i\neq j} for all i,ji,j where 𝔳j\mathfrak{v}_{j} is among the k=30k=30 nearest neighbors of 𝔳i\mathfrak{v}_{i} as measured by the distance between their Cα\alpha atoms. Each edge has an embedding 𝐡e(ji)\mathbf{h}^{(j\rightarrow i)}_{e} with the following features:

  • The unit vector in the direction of CαjCαi\alpha_{j}-\text{C}\alpha_{i}.

  • The encoding of the distance CαjCαi2||\text{C}\alpha_{j}-\text{C}\alpha_{i}||_{2} in terms of Gaussian radial basis functions.444We use 16 Gaussian radial basis functions with centers evenly spaced between 0 and 20 angstroms.

  • A sinusoidal encoding of jij-i as described in Vaswani et al. (2017), representing distance along the backbone.

In our notation, each feature vector 𝐡\mathbf{h} is a concatenation of scalar and vector features as described above. Collectively, these features are sufficient for a complete description of the protein backbone.

3.3 Network Architecture

Our architecture (GVP-GNN) leverages message passing (Gilmer et al., 2017) in which messages from neighboring nodes and edges are used to update node embeddings at each graph propagation step. More explicitly, the architecture takes as input the protein graph defined above and performs graph propagation steps according to:

𝐡m(ji)\displaystyle\mathbf{h}^{(j\rightarrow i)}_{m} :=\displaystyle:= g(concat(𝐡𝔳(j),𝐡e(ji)))\displaystyle g\left(\text{concat}\left(\mathbf{h}_{\mathfrak{v}}^{(j)},\mathbf{h}^{(j\rightarrow i)}_{e}\right)\right) (3)
𝐡𝔳(i)\displaystyle\mathbf{h}^{(i)}_{\mathfrak{v}} \displaystyle\leftarrow LayerNorm(𝐡𝔳(i)+1kDropout(j:𝐞ji𝐡m(ji)))\displaystyle\text{LayerNorm}\left(\mathbf{h}^{(i)}_{\mathfrak{v}}+\frac{1}{k^{\prime}}\text{Dropout}\left(\sum_{j:\mathbf{e}_{j\rightarrow i}\in\mathcal{E}}\mathbf{h}_{m}^{(j\rightarrow i)}\right)\right) (4)

Here, gg is a sequence of three GVPs, 𝐡𝔳(i)\mathbf{h}^{(i)}_{\mathfrak{v}} and 𝐡e(ji)\mathbf{h}^{(j\rightarrow i)}_{e} are the embeddings of the node ii and edge (jij\rightarrow i) as above, and 𝐡m(ji)\mathbf{h}^{(j\rightarrow i)}_{m} represents the message passed from node jj to node ii. kk^{\prime} is the number of incoming messages, which is equal to kk unless the protein contains fewer than kk amino acid residues. Between graph propagation steps, we also use a feed-forward point-wise layer to update the node embeddings at all nodes ii:

𝐡𝔳(i)LayerNorm(𝐡𝔳(i)+Dropout(g(𝐡𝔳(i))))\mathbf{h}^{(i)}_{\mathfrak{v}}\leftarrow\text{LayerNorm}\left(\mathbf{h}^{(i)}_{\mathfrak{v}}+\text{Dropout}\left(g\left(\mathbf{h}_{\mathfrak{v}}^{(i)}\right)\right)\right) (5)

where gg is a sequence of two GVPs. These graph propagation and feed-forward steps update the vector features at each node in addition to its scalar features.

In computational protein design, the network learns a generative model over the space of protein sequences conditioned on the given backbone structure. Following Ingraham et al. (2019), we frame this as an autoregressive task and use a masked encoder-decoder architecture to capture the joint distribution over all positions: for each ii, the network models the distribution at ii based on the complete structure graph, as well as the sequence information at positions j<ij<i. The encoder first performs three graph propagation steps on the structural information only. Then, sequence information is added to the graph, and the decoder performs three further graph propagation steps where incoming messages 𝐡m(ji)\mathbf{h}_{m}^{(j\rightarrow i)} for jij\geq i are computed only with the encoder embeddings. Finally, we use one last GVP with 20-way scalar softmax output to predict the probability of the amino acids.

In model quality assessment, we use three graph propagation steps and perform regression against the true quality score of a candidate structure, a global scalar property. To obtain a single global representation, we apply a node-wise GVP to reduce all node embeddings to scalars. We then average the representations across all nodes and apply a final dense feed-forward network to output the network’s prediction.

Further details regarding training and hyperparameters can be found in Appendix D.

4 Evaluation Metrics and Datasets

Protein design

Computational protein design (CPD) is the conceptual inverse of protein structure prediction, aiming to infer an amino acid sequence that will fold into a given structure. CPD is difficult to directly benchmark, as some structures may correspond to a large space of sequences and others may correspond to none at all. Therefore, the proxy metric of native sequence recovery—inferring native sequences given their experimentally determined structures—is often used (Li et al., 2014; O’Connell et al., 2018; Wang et al., 2018). Drawing an analogy between sequence design and language modelling, Ingraham et al. (2019) also evaluate the model perplexity on held-out native sequences. Both metrics rest on the implicit assumption that native sequences are optimized for their structures (Kuhlman & Baker, 2000) and should be assigned high probabilities.

To best approximate real-world applications that may require design of novel structures, the held-out evaluation set should bear minimal similarity to the training structures. We use the CATH 4.2 dataset curated by Ingraham et al. (2019) in which all available structures with 40% nonredudancy are partitioned by their CATH (class, architecture, topology/fold, homologous superfamily) classification. The training, validation, and test splits consist of 18204, 608, and 1120 structures, respectively.

We also report results on TS50, an older test set of 50 native structures first introduced by Li et al. (2014). The smaller size of this benchmark also allows a comparison to the computationally expensive physics-based calculations of the fixbb protocol in Rosetta, a software suite well-established in the structural biology community (Das & Baker, 2008). No canonical training and validation sets exist for TS50. To evaluate on TS50, we filter the CATH 4.2 training and validation sets for sequences with less than 30% similarity (as computed by PSIBLAST) to any sequence in TS50.

Model quality assessment

Model quality assessment (MQA) aims to select the best structural model of a protein from a large pool of candidate structures.555We refer to models of protein structure as “structural models” or “candidate structures” to avoid confusion with the term “model” as used in the ML community. The performance of different MQA methods is evaluated every two years in the community-wide Critical Assessment of Structure Prediction (CASP) (Cheng et al., 2019). For a number of recently solved but unreleased structures, called targets, structure generation programs produce a large number of candidate structures. MQA methods are evaluated by how well they predict the GDT-TS score of a candidate structure compared to the experimentally solved structure for that target. GDT-TS is a scalar measure of how similar two protein backbones are after global alignment (Zemla et al., 2001).

In addition to accurately predicting the absolute quality of a candidate structure, a good MQA method should also be able to accurately assess the relative model qualities among a pool of candidates for a given target so that the best ones can be selected, perhaps for further refinement. Therefore, MQA methods are commonly evaluated on two metrics: a global correlation between the predicted and ground truth scores, pooled across all targets, and the average per-target correlation among only the candidate structures for a specific target (Cao & Cheng, 2016; Derevyanko et al., 2018; Pagès et al., 2019). We follow this convention in our experiments.

We train and validate on 79200 candidate structures for 528 targets submitted to CASP 5-10. We then test GVP-GNN on two MQA datasets. First, we score 20880 stage 1 and stage 2 candidate structures from CASP 11 (84 targets) and 12 (40 targets). This benchmark was first established by Karasikov et al. (2019) and has been used by many recently published methods. Second, to compare with a larger number of methods on more recent structural data, we also score 1472 stage 2 candidate structures from CASP 13 (20 targets). We add the CASP 11-12 structures to our training set to evaluate on CASP 13. Further details on the MQA datasets can be found in Appendix C.

5 Experiments

Protein design

GVP-GNN achieves state-of-the-art performance on CATH 4.2, representing a substantial improvement both in terms of perplexity and sequence recovery over Structured Transformer (Ingraham et al., 2019), a GNN method which was trained using the same training and validation sets (Table 1). Following Ingraham et al. (2019), we report evaluation on short (100 or fewer amino acid residues) and single-chain subsets of the CATH 4.2 test set, containing 94 and 103 proteins, respectively, in addition to the full test set. Although Structured Transformer leverages an attention mechanism on top of a graph-structured representation of proteins, the authors note in ablation studies that removing attention appeared to increase performance. We therefore retrain and compare against a version of Structured Transformer with the attention layers replaced with standard graph propagation operations (Structured GNN). Our method also improves upon this model.

Table 1: GVP-GNN outperforms Structured Transformer and sets a new state-of-the art on the CATH 4.2 protein design test set (and its short and single-chain subsets) in terms of per-residue perplexity (lower is better) and recovery (higher is better). Recovery is reported as the median (over all structures) of the average % of residues correctly recovered in 100 sampled sequences.
Perplexity Recovery %
Method Type Short Single-chain All Short Single-chain All
GVP-GNN GNN 7.10 7.44 5.29 32.1 32.0 40.2
Structured GNN GNN 8.31 8.88 6.55 28.4 28.1 37.3
Structured Transformer GNN 8.54 9.03 6.85 28.3 27.6 36.4

On the smaller test set TS50, we achieve 44.9% recovery compared to Rosetta’s 30% and outperform methods based on each of the three classes of structural representations. Overall, we place 2nd out of 9 methods in terms of recovery (see Appendix E). However, the results for this test set should be taken with a grain of salt, given that the different methods did not use canonical training datasets.

Model quality assessment

We compare GVP-GNN against other single-structure, structure-only methods on the CASP 11-12 test set in Table 2.666We obtained the data for the comparisons from Baldassarre et al. (2019). These include the CNN methods 3DCNN (Derevyanko et al., 2018) and Ornate (Pagès et al., 2019), the GNN method GraphQA (Baldassarre et al., 2020), and three methods that use sequential representations—VoroMQA (Olechnovič & Venclovas, 2017), SBROD (Karasikov et al., 2019), and ProQ3D (Uziela et al., 2017). All of these methods learn solely from protein structure,777There are two versions of GraphQA; we compare against the one using only structure information. with the exception of ProQ3D, which in addition uses sequence profiles based on alignments. We include ProQ3D because it is an improved version of the best single-model method in CASP 11 and CASP 12 (Uziela et al., 2017). GVP-GNN outperforms all other structural methods in both global and per-target correlation, and even performs better than ProQ3D on all but one benchmark. We also train and evaluate DimeNet, a recent 3D-aware GNN architecture which achieves state-of-the-art on many small-molecule tasks (Klicpera et al., 2019), on CASP 11-12. DimeNet does not outperform any of the models in Table 2 (see Appendix E).

Table 2: GVP-GNN improves over other single-structure, structure-only methods on CASP 11 and 12 in terms of global (Glob) and mean per-target (Per) Pearson correlation coefficients (higher is better). Each method is classified as one of the three types discussed in Section 2. ProQ3D is set aside as the only method shown which additionally uses sequence-based profiles. For each metric, the top performing structure-only method is in bold, as is the top method overall (if different).
CASP 11 CASP 12
Stage 1 Stage 2 Stage 1 Stage 2
Method Type Glob Per Glob Per Glob Per Glob Per
GVP-GNN GNN 0.84 0.66 0.87 0.45 0.79 0.73 0.82 0.62
3DCNN CNN 0.59 0.52 0.64 0.40 0.49 0.44 0.61 0.51
Ornate CNN 0.64 0.47 0.63 0.39 0.55 0.57 0.67 0.49
GraphQA GNN 0.83 0.63 0.82 0.38 0.72 0.68 0.81 0.61
VoroMQA Seq 0.69 0.62 0.65 0.42 0.46 0.61 0.61 0.56
SBROD Seq 0.58 0.65 0.55 0.43 0.37 0.64 0.47 0.61
ProQ3D Seq 0.80 0.69 0.77 0.44 0.67 0.71 0.81 0.60

We compare GVP-GNN with all 23 single-structure MQA methods participating in CASP 13 for which complete predictions on the 20 evaluation targets are available. Seven of these methods were highlighted as best-performing by the CASP organizers in Cheng et al. (2019) and are shown along with GVP-GNN in Table 3. These include four methods learning solely from structural features and three also using sequence profiles. SASHAN learns a linear model over secondary structure and contact-based features (Cheng et al., 2019). FaeNNz888FaeNNz is also known as QMEANDisCo (Studer et al., 2020), ProQ3D (Uziela et al., 2017), and VoroMQA999VoroMQA-A and VoroMQA-B are the same except that the former relaxes the sidechains before scoring. (Olechnovič & Venclovas, 2017) learn a multi-layer perceptron or statistical potential on top of such structural features. Finally, MULTICOM-NOVEL (Hou et al., 2019) and ProQ4 (Hurtado et al., 2018) employ one-dimensional deep convolutional networks on top of sequential representations. GVP-GNN outperforms all methods in terms of global correlation and outperforms all structure-only methods in per-target correlation. See Appendix E for full results.

Finally, because our architecture updates vector features along with scalar features at each node embedding, it is possible to visualize learned vector features in the intermediate layers of the trained MQA network. We show and discuss the interpretability of such features in Appendix F.

Table 3: GVP-GNN improves over single-structure methods participating in CASP 13 on the 20 evaluated targets. The seven top methods highlighted by the CASP organizers are shown. GVP-GNN is the top structure-only method and the top method overall in terms of global correlation.
Method Global Per-target
GVP-GNN 0.888 0.671
SASHAN 0.840 0.633
FaeNNz 0.810 0.650
VoroMQA-A 0.744 0.595
VoroMQA-B 0.726 0.586
ProQ3D 0.847 0.660
MULTICOM-NOVEL 0.652 0.551
ProQ4 0.604 0.691

Ablation studies

The methods we have compared against include a number of GNNs (Structured Transformer/GNN, ProteinSolver, GraphQA). We train a number of ablated models for CPD and MQA to identify the aspects of the GVP which most contribute to our performance improvement over these GNNs (Table 4). Replacing the GVP with a vanilla MLP layer or propagating only scalar features both remove direct access to geometric information, forcing the model to learn scalar-valued, indirect representations of geometry. These modifications result in considerable decreases in performance, underscoring the importance of direct access to geometric information. Propagating only the vector features results in an even larger decrease as it both eliminates important scalar input features (such as torsion angles and amino acid identity) and the part of the GVP with approximation guarantees. Therefore, the dual scalar/vector design of the GVP is essential: without either, the best ablated model falls short of Structured GNN on CPD and only matches GraphQA on MQA. Finally, eliminating the second vector transformation 𝐖μ\mathbf{W}_{\mu} results in a slight decrease in performance. Therefore, all architectural elements contributed to our improvement over state-of-the-art.

Table 4: Ablations of the GVP architecture decrease performance on CPD and MQA. We include Structured GNN and GraphQA as state-of-the-art GNN references for CPD and MQA, respectively. Metrics are defined the same way as in Tables 1 (CPD) and 2 (MQA).
CPD MQA
CATH 4.2 All CASP 11 Stage 2 CASP 12 Stage 2
Modification Perplexity Recovery Global Per-target Global Per-target
None 5.29 40.2 0.87 0.45 0.82 0.62
MLP layer 7.76 30.6 0.84 0.36 0.79 0.59
Only scalars 7.31 32.4 0.84 0.38 0.83 0.59
Only vectors 11.05 23.2 0.56 0.16 0.57 0.39
No 𝐖μ\mathbf{W}_{\mu} 5.85 37.1 0.86 0.41 0.81 0.60
Structured GNN 6.55 37.3
GraphQA 0.82 0.38 0.81 0.61

6 Conclusion

In this work, we developed the first architecture designed specifically for learning on dual relational and geometric representations of 3D macromolecular structure. At its core, our method, GVP-GNN, augments graph neural networks with computationally simple layers that perform expressive geometric reasoning over Euclidean vector features. Our method possesses desirable theoretical properties and empirically outperforms existing architectures on learning quality scores and sequence designs, respectively, from protein structure.

The equivariance of GVP layers with respect to 3D translations and rotations also highlights a similarity to methods that leverage irreducible representations of SO(3)SO(3) to define equivariant convolutions on point clouds (Thomas et al., 2018; Anderson et al., 2019). These methods allow for equivariant representations of higher-order tensors, but due to their complexity and computational cost, their applications have until recently been limited to small molecules (Eismann et al., 2020). Our architecture presents an alternative, relatively lightweight approach to equivariance that is well-suited for large biomolecules and biomolecular complexes.

In further work, we hope to apply our architecture to other important structural biology problem areas, including protein complexes, RNA structure, and protein-ligand interactions.

Acknowledgements

We acknowledge support from the U.S. Department of Energy, Office of Science, Office of Advanced Scientific Computing Research, Scientific Discovery through Advanced Computing (SciDAC) program, and Intel Corporation. SE is supported by a Stanford Bio-X Bowes fellowship. RJLT is supported by the U.S. Department of Energy, Office of Science Graduate Student Research (SCGSR) program. We thank Tri Dao, Trenton Chang, and all members of the Dror group for feedback and discussions.

References

  • Anand et al. (2020) Namrata Anand, Raphael Ryuichi Eguchi, Alexander Derry, Russ B Altman, and Possu Huang. Protein sequence design with a learned potential. bioRxiv, 2020.
  • Anderson et al. (2019) Brandon Anderson, Truong-Son Hy, and Risi Kondor. Cormorant: Covariant molecular neural networks. arXiv preprint arXiv:1906.04015, 2019.
  • Baldassarre et al. (2019) Federico Baldassarre, David Menéndez Hurtado, Arne Elofsson, and Hossein Azizpour. Graphqa: Protein model quality assessment using graph convolutional network. 2019.
  • Baldassarre et al. (2020) Federico Baldassarre, David Menéndez Hurtado, Arne Elofsson, and Hossein Azizpour. GraphQA: protein model quality assessment using graph convolutional networks. Bioinformatics, 2020.
  • Battaglia et al. (2018) Peter W Battaglia, Jessica B Hamrick, Victor Bapst, Alvaro Sanchez-Gonzalez, Vinicius Zambaldi, Mateusz Malinowski, Andrea Tacchetti, David Raposo, Adam Santoro, Ryan Faulkner, et al. Relational inductive biases, deep learning, and graph networks. arXiv preprint arXiv:1806.01261, 2018.
  • Berg et al. (2002) Jeremy M Berg, John L Tymoczko, and Lubert Stryer. Biochemistry, W.H. Freeman and Company, 2002.
  • Cao & Cheng (2016) Renzhi Cao and Jianlin Cheng. Protein single-model quality assessment by feature-based probability density functions. Scientific reports, 6:23990, 2016.
  • Chen et al. (2019) Sheng Chen, Zhe Sun, Lihua Lin, Zifeng Liu, Xun Liu, Yutian Chong, Yutong Lu, Huiying Zhao, and Yuedong Yang. To improve protein sequence profile prediction through image captioning on pairwise residue distance map. Journal of Chemical Information and Modeling, 2019.
  • Cheng et al. (2019) Jianlin Cheng, Myong-Ho Choe, Arne Elofsson, Kun-Sop Han, Jie Hou, Ali HA Maghrabi, Liam J McGuffin, David Menéndez-Hurtado, Kliment Olechnovič, Torsten Schwede, et al. Estimation of model accuracy in casp13. Proteins: Structure, Function, and Bioinformatics, 87(12):1361–1377, 2019.
  • Cohen & Shashua (2017) Nadav Cohen and Amnon Shashua. Inductive bias of deep convolutional networks through pooling geometry. In International Conference on Learning Representations, 2017.
  • Cybenko (1989) George Cybenko. Approximation by superpositions of a sigmoidal function. Mathematics of control, signals and systems, 2(4):303–314, 1989.
  • Das & Baker (2008) Rhiju Das and David Baker. Macromolecular modeling with rosetta. Annu. Rev. Biochem., 77:363–382, 2008.
  • Derevyanko et al. (2018) Georgy Derevyanko, Sergei Grudinin, Yoshua Bengio, and Guillaume Lamoureux. Deep convolutional networks for quality assessment of protein folds. Bioinformatics, 34(23):4046–4053, 2018.
  • Eismann et al. (2020) Stephan Eismann, Raphael JL Townshend, Nathaniel Thomas, Milind Jagota, Bowen Jing, and Ron O Dror. Hierarchical, rotation-equivariant neural networks to select structural models of protein complexes. Proteins: Structure, Function, and Bioinformatics, 2020.
  • Gilmer et al. (2017) Justin Gilmer, Samuel S Schoenholz, Patrick F Riley, Oriol Vinyals, and George E Dahl. Neural message passing for quantum chemistry. In Proceedings of the 34th International Conference on Machine Learning-Volume 70, pp.  1263–1272, 2017.
  • Graves et al. (2020) Jordan Graves, Jacob Byerly, Eduardo Priego, Naren Makkapati, S Vince Parish, Brenda Medellin, and Monica Berrondo. A review of deep learning methods for antibodies. Antibodies, 9(2):12, 2020.
  • Greener et al. (2018) Joe G Greener, Lewis Moffat, and David T Jones. Design of metalloproteins and novel protein folds using variational autoencoders. Scientific reports, 8(1):1–12, 2018.
  • Hammes-Schiffer & Benkovic (2006) Sharon Hammes-Schiffer and Stephen J Benkovic. Relating protein motion to catalysis. Annu. Rev. Biochem., 75:519–541, 2006.
  • Hou et al. (2019) Jie Hou, Renzhi Cao, and Jianlin Cheng. Deep convolutional neural networks for predicting the quality of single protein structural models. bioRxiv, pp.  590620, 2019.
  • Hurtado et al. (2018) David Menéndez Hurtado, Karolis Uziela, and Arne Elofsson. Deep transfer learning in the assessment of the quality of protein models. arXiv preprint arXiv:1804.06281, 2018.
  • Ingraham et al. (2019) John Ingraham, Vikas Garg, Regina Barzilay, and Tommi Jaakkola. Generative models for graph-based protein design. In Advances in Neural Information Processing Systems, pp. 15794–15805, 2019.
  • Karasikov et al. (2019) Mikhail Karasikov, Guillaume Pagès, and Sergei Grudinin. Smooth orientation-dependent scoring function for coarse-grained protein quality assessment. Bioinformatics, 35(16):2801–2808, 2019.
  • Klicpera et al. (2019) Johannes Klicpera, Janek Groß, and Stephan Günnemann. Directional message passing for molecular graphs. In International Conference on Learning Representations, 2019.
  • Kuhlman & Baker (2000) Brian Kuhlman and David Baker. Native protein sequences are close to optimal for their structures. Proceedings of the National Academy of Sciences, 97(19):10383–10388, 2000.
  • Li et al. (2014) Zhixiu Li, Yuedong Yang, Eshel Faraggi, Jian Zhan, and Yaoqi Zhou. Direct prediction of profiles of sequences compatible with a protein structure by neural networks with fragment-based local and energy-based nonlocal profiles. Proteins: Structure, Function, and Bioinformatics, 82(10):2565–2573, 2014.
  • O’Connell et al. (2018) James O’Connell, Zhixiu Li, Jack Hanson, Rhys Heffernan, James Lyons, Kuldip Paliwal, Abdollah Dehzangi, Yuedong Yang, and Yaoqi Zhou. Spin2: Predicting sequence profiles from protein structures using deep neural networks. Proteins: Structure, Function, and Bioinformatics, 86(6):629–633, 2018.
  • Olechnovič & Venclovas (2017) Kliment Olechnovič and Česlovas Venclovas. Voromqa: Assessment of protein structure quality using interatomic contact areas. Proteins: Structure, Function, and Bioinformatics, 85(6):1131–1145, 2017.
  • Pagès et al. (2019) Guillaume Pagès, Benoit Charmettant, and Sergei Grudinin. Protein model quality assessment using 3d oriented convolutional neural networks. Bioinformatics, 35(18):3313–3319, 2019.
  • Pereira et al. (2016) Janaina Cruz Pereira, Ernesto Raul Caffarena, and Cicero Nogueira dos Santos. Boosting docking-based virtual screening with deep learning. Journal of chemical information and modeling, 56(12):2495–2506, 2016.
  • Qi & Zhang (2020) Yifei Qi and John ZH Zhang. Densecpd: Improving the accuracy of neural-network-based computational protein sequence design with densenet. Journal of Chemical Information and Modeling, 60(3):1245–1252, 2020.
  • Shroff et al. (2019) Raghav Shroff, Austin W Cole, Barrett R Morrow, Daniel J Diaz, Isaac Donnell, Jimmy Gollihar, Andrew D Ellington, and Ross Thyer. A structure-based deep learning framework for protein engineering. bioRxiv, pp.  833905, 2019.
  • Strokach et al. (2020) Alexey Strokach, David Becerra, Carles Corbi-Verge, Albert Perez-Riba, and Philip M Kim. Fast and flexible protein design using deep graph neural networks. Cell Systems, 11(4):402–411, 2020.
  • Studer et al. (2020) Gabriel Studer, Christine Rempfer, Andrew M Waterhouse, Rafal Gumienny, Juergen Haas, and Torsten Schwede. Qmeandisco—distance constraints applied on model quality estimation. Bioinformatics, 36(6):1765–1771, 2020.
  • Thomas et al. (2018) Nathaniel Thomas, Tess Smidt, Steven Kearnes, Lusann Yang, Li Li, Kai Kohlhoff, and Patrick Riley. Tensor field networks: Rotation-and translation-equivariant neural networks for 3d point clouds. arXiv preprint arXiv:1802.08219, 2018.
  • Townshend et al. (2019) Raphael Townshend, Rishi Bedi, Patricia Suriana, and Ron Dror. End-to-end learning on 3d protein structure for interface prediction. In Advances in Neural Information Processing Systems, pp. 15616–15625, 2019.
  • Uziela et al. (2017) Karolis Uziela, David Menéndez Hurtado, Nanjiang Shu, Björn Wallner, and Arne Elofsson. Proq3d: improved model quality assessments using deep learning. Bioinformatics, 33(10):1578–1580, 2017.
  • Vaswani et al. (2017) Ashish Vaswani, Noam Shazeer, Niki Parmar, Jakob Uszkoreit, Llion Jones, Aidan N Gomez, Łukasz Kaiser, and Illia Polosukhin. Attention is all you need. In Advances in neural information processing systems, pp. 5998–6008, 2017.
  • Wang et al. (2018) Jingxue Wang, Huali Cao, John ZH Zhang, and Yifei Qi. Computational protein design with deep learning neural networks. Scientific reports, 8(1):1–9, 2018.
  • Won et al. (2019) Jonghun Won, Minkyung Baek, Bohdan Monastyrskyy, Andriy Kryshtafovych, and Chaok Seok. Assessment of protein model structure accuracy estimation in casp13: Challenges in the era of deep learning. Proteins: Structure, Function, and Bioinformatics, 87(12):1351–1360, 2019.
  • Zemla et al. (2001) Adam Zemla, Česlovas Venclovas, John Moult, and Krzysztof Fidelis. Processing and evaluation of predictions in casp4. Proteins: Structure, Function, and Bioinformatics, 45(S5):13–21, 2001.
  • Zhang et al. (2019) Yuan Zhang, Yang Chen, Chenran Wang, Chun-Chao Lo, Xiuwen Liu, Wei Wu, and Jinfeng Zhang. Prodconn: Protein design using a convolutional neural network. Proteins: Structure, Function, and Bioinformatics, 2019.

Appendix A Properties of Geometric Vector Perceptrons

A.1 Equivariance and Invariance

The vector and scalar outputs of the GVP are equivariant and invariant, respectively, with respect to an arbitrary composition of rotations and reflections in 3D Euclidean space described by RR i.e.,

GVP((𝐬,R(𝐕)))=(𝐬,R(𝐕))\text{GVP}(\left(\mathbf{s},R(\mathbf{V}))\right)=(\mathbf{s^{\prime}},R(\mathbf{V}^{\prime}))
Proof.

We can write the transformation described by RR as multiplying 𝐕\mathbf{V} with a unitary matrix 𝐔3×3\mathbf{U}\in\mathbb{R}^{3\times 3} from the right. The L2-norm, scalar multiplications, and nonlinearities are defined row-wise as in Algorithm 1. We consider scalar and vector outputs separately. The scalar output, as a function of the inputs, is

𝐬=σ(𝐖m[𝐖h𝐕2𝐬]+𝐛)\mathbf{s^{\prime}}=\sigma\left(\mathbf{W}_{m}\begin{bmatrix}{\left\lVert\mathbf{W}_{h}\mathbf{V}\right\rVert}_{2}\\ \mathbf{s}\end{bmatrix}+\mathbf{b}\right)

Since Wh𝐕𝐔2=Wh𝐕2{\left\lVert\textbf{W}_{h}\mathbf{V}\mathbf{U}\right\rVert}_{2}={\left\lVert\textbf{W}_{h}\mathbf{V}\right\rVert}_{2}, we conclude 𝐬\mathbf{s^{\prime}} is invariant. Similarly the vector output is

𝐕=σ+(WμWh𝐕2)WμWh𝐕\mathbf{V^{\prime}}=\sigma^{+}\left({\left\lVert\textbf{W}_{\mu}\textbf{W}_{h}\mathbf{V}\right\rVert}_{2}\right)\odot\textbf{W}_{\mu}\textbf{W}_{h}\mathbf{V}

The row-wise scaling can also be viewed as left-multiplication by a diagonal matrix 𝐃\mathbf{D}. Since WμWh𝐕2=WμWh𝐕𝐔2{\left\lVert\textbf{W}_{\mu}\textbf{W}_{h}\mathbf{V}\right\rVert}_{2}={\left\lVert\textbf{W}_{\mu}\textbf{W}_{h}\mathbf{VU}\right\rVert}_{2}, 𝐃\mathbf{D} is invariant. Since

𝐃𝐖μ𝐖h(𝐕𝐔)=(𝐃𝐖μ𝐖h𝐕)𝐔\mathbf{DW}_{\mu}\mathbf{W}_{h}\mathbf{(VU)}=\left(\mathbf{DW}_{\mu}\mathbf{W}_{h}\mathbf{V}\right)\mathbf{U}

we conclude that 𝐕\mathbf{V^{\prime}} is equivariant. ∎

A.2 Approximation of Rotation-Invariant Functions

The GVP inherits an analogue of the Universal Approximation property Cybenko (1989) of standard dense layers. If RR describes an arbitrary rotation or reflection in 3D Euclidean space, we show that the GVP architecture can approximate arbitrary scalar-valued functions invariant under RR and defined over Ωνν×3\Omega^{\nu}\subset\mathbb{R}^{\nu\times 3}, the bounded subset of ν×3\mathbb{R}^{\nu\times 3} whose elements can be canonically oriented based on three linearly independent vector entries. Without loss of generality, we assume the first three vector entries can be used.

The machinery corresponding to such approximations corresponds to a GVP GsG_{s} with only vector inputs, only scalar outputs, and a sigmoidal nonlinearity σ\sigma; followed by a dense layer. This can also be viewed as the sequence of matrix multiplication with 𝐖h\mathbf{W}_{h}, taking the L2-norm, and a dense network with one hidden layer. Such machinery can be extracted from any two consecutive GVPs (assuming a sigmoidal σ\sigma).

We restate the theorem from the main text:

Theorem.

Let R describe an arbitrary rotation and/or reflection in 3\mathbb{R}^{3}. For ν3\nu\geq 3 let Ωνν×3\Omega^{\nu}\subset\mathbb{R}^{\nu\times 3} be the set of all 𝐕=[𝐯1,,𝐯ν]Tν×3\mathbf{V}=\begin{bmatrix}{\bm{v}}_{1},&\ldots,&{\bm{v}}_{\nu}\end{bmatrix}^{T}\in\mathbb{R}^{\nu\times 3} such that 𝐯1,𝐯2,𝐯3{\bm{v}}_{1},{\bm{v}}_{2},{\bm{v}}_{3} are linearly independent and 0<𝐯i2b0<{\left\lVert{\bm{v}}_{i}\right\rVert}_{2}\leq b for all ii and some finite b>0b>0. Then for any continuous F:ΩνF:\Omega^{\nu}\rightarrow\mathbb{R} such that F(R(𝐕))=F(𝐕)F(R(\mathbf{V}))=F(\mathbf{V}) and for any ϵ>0\epsilon>0, there exists a form f(𝐕)=𝐰TGs(𝐕)f(\mathbf{V})=\mathbf{w}^{T}G_{s}(\mathbf{V}) such that |F(𝐕)f(𝐕)|<ϵ|F(\mathbf{V})-f(\mathbf{V})|<\epsilon for all 𝐕Ω\mathbf{V}\in\Omega.

Proof.

The idea is to write FF as a composition F=F~ωF=\tilde{F}\circ\omega and ω=hy\omega=h\circ y. We show that multiplication with 𝐖h\mathbf{W}_{h} and and taking the L2-norm can compute yy, and that the dense network with one hidden layer can approximate F~h\tilde{F}\circ h.

Call an element 𝐕Ων\mathbf{V}\in\Omega^{\nu} oriented if 𝒗1=x1𝐞x{\bm{v}}_{1}=x_{1}\mathbf{e}_{x}, 𝒗2=x2𝐞x+y2𝐞y{\bm{v}}_{2}=x_{2}\mathbf{e}_{x}+y_{2}\mathbf{e}_{y}, and 𝒗3=x3𝐞x+y3𝐞y+z3𝐞z{\bm{v}}_{3}=x_{3}\mathbf{e}_{x}+y_{3}\mathbf{e}_{y}+z_{3}\mathbf{e}_{z}, with x1,y2,z3>0x_{1},y_{2},z_{3}>0. Define ω:Ων3ν3\omega:\Omega^{\nu}\rightarrow\mathbb{R}^{3\nu-3} to be the orientation function that orients its input and then extracts the vector of 3ν33\nu-3 coefficients, [x1,x2,y2,x3,y3,z3,,xi,yi,zi,]T[x_{1},x_{2},y_{2},x_{3},y_{3},z_{3},\ldots,x_{i},y_{i},z_{i},\ldots]^{T}. These elements can be written as

x1\displaystyle x_{1} =\displaystyle= 𝒗12\displaystyle{\left\lVert{\bm{v}}_{1}\right\rVert}_{2}
xi\displaystyle x_{i} =\displaystyle= 𝒗i𝒗1/x1,i2\displaystyle{\bm{v}}_{i}\cdot{\bm{v}}_{1}/x_{1},\quad i\geq 2
y2\displaystyle y_{2} =\displaystyle= 𝒗222x22\displaystyle\sqrt{{\left\lVert{\bm{v}}_{2}\right\rVert}_{2}^{2}-x_{2}^{2}}
yi\displaystyle y_{i} =\displaystyle= (𝒗i𝒗2xix2)/y2,i3\displaystyle({\bm{v}}_{i}\cdot{\bm{v}}_{2}-x_{i}x_{2})/y_{2},\quad i\geq 3
z3\displaystyle z_{3} =\displaystyle= 𝐯322x32y32\displaystyle\sqrt{{\left\lVert\mathbf{v}_{3}\right\rVert}_{2}^{2}-x_{3}^{2}-y_{3}^{2}}
zi\displaystyle z_{i} =\displaystyle= (𝒗i𝒗3xix3yiy3)/z3,i4\displaystyle({\bm{v}}_{i}\cdot{\bm{v}}_{3}-x_{i}x_{3}-y_{i}y_{3})/z_{3},\quad i\geq 4

and are invariant under rotation and reflection, because they are defined using only the norms and inner products of the 𝐯i\mathbf{v}_{i}. Then F=F~ωF=\tilde{F}\circ\omega, where F~:[b,b]3ν3\tilde{F}:[-b,b]^{3\nu-3}\rightarrow\mathbb{R}.

The key insight is that if we construct 𝐖h\mathbf{W}_{h} such that the rows of 𝐖h𝐕\mathbf{W}_{h}\mathbf{V} are the original vectors 𝐯i,i\mathbf{v}_{i},\forall i and all differences 𝐯i𝐯j,i,jmin(i,3)\mathbf{v}_{i}-\mathbf{v}_{j},\forall i,j\leq\min(i,3), then we can compute ω(𝐕)\omega(\mathbf{V}) from the row-wise norms of 𝐖h𝐕\mathbf{W}_{h}\mathbf{V}. That is, ω=hy\omega=h\circ y where 𝐲=y(𝐕)=2(𝐖h𝐕)4ν6\mathbf{y}=y(\mathbf{V})={\left\lVert\cdot\right\rVert}_{2}\odot(\mathbf{W}_{h}\mathbf{V})\in\mathbb{R}^{4\nu-6} and hh is an application of the cosine law. The GVP precisely computes 𝐲\mathbf{y} as an intermediate step: we can write Gs(𝐕)=σ(𝐖m𝐲+𝐛)G_{s}(\mathbf{V})=\sigma\odot(\mathbf{W}_{m}\mathbf{y}+\mathbf{b}). It remains to show that there exists a form f~(𝐲)=𝐰T[σ(𝐖m𝐲+𝐛)]\tilde{f}(\mathbf{y})=\mathbf{w}^{T}[\sigma\odot(\mathbf{W}_{m}\mathbf{y}+\mathbf{b})] that ϵ\epsilon-approximates F~h:[2b,2b]4ν6\tilde{F}\circ h:[-2b,2b]^{4\nu-6}\rightarrow\mathbb{R}. Up to a translation and uniform scaling of the hypercube, this is the result of the Universal Approximation Theorem (Cybenko, 1989). ∎

Appendix B Synthetic Tasks

We perform controlled experiments on a synthetic dataset in order to analyze the benefits of the GVP architecture and determine if it indeed improves the geometric and joint geometric-relational reasoning abilities of GNNs.

Dataset

The synthetic dataset is designed to mimic the essential qualities of the domain of protein structures. Each “structure” consists of n=100n=100 random points in 3\mathbb{R}^{3}, distributed uniformly in the ball of radius r=10r=10, with the constraint that no two points are less than distance d=2d=2 apart. Each position is also associated with a random unit vector (a “sidechain”) to endow it with an orientation. Three points are randomly chosen and are labelled as “special”; these will be used to define the learning tasks. We generate 20k “structures” and split them 80% train : 10% validation : 10% test.

In the voxelized representation of a data point, the volume is voxelized into unit cubes. Each point is partitioned into a neighborhood of eight voxels by trilinear interpolation, such that exact coordinate information is retained. Separate channels are used for the special and non-special points. The “sidechains” are represented with a set of n=100n=100 points located at the ends of the unit vectors and mapped into a third channel.

In the graph-structured representation of a data point, a proximity graph is drawn with k=10k=10 nearest neighbors. Each node is labelled with a one-hot encoding of its type (“special” or “non-special”) and each edge with its Euclidean length. In the vanilla GNN, orientation information is encoded by additionally including all three dot products in each edge embedding. In the GVP-GNN, each node embedding contains the node’s “sidechain” vector, and each edge embedding contains a unit vector indicating the direction of the edge.

Tasks

We identify two regression tasks to exemplify geometric and relational reasoning, respectively. In the “Off-center” task, the network predicts the distance from the centroid of the three special points to the centroid of the entire structure. In the “Perimeter” task, the network predicts the perimeter of the triangle defined by the three special points. We characterize the former as primarily geometric, as it requires reasoning about global properties of the 3D shape, in particular points in space that are not themselves nodes, and the latter as primarily relational, as it involves distances between three specific pairs of nodes. Finally, to represent a problem with geometric and relational aspects, in the “Combined” task we attempt to predict the difference of the (normalized) off-center and perimeter objectives.

Models

We train a 3-layer shallow CNN and a 3-layer GNN with a single-layer feed-forward network. These are compared against a GVP-GNN that is otherwise identical to the standard GNN. To reflect the spirit of the synthetic experiment, all models have the same intermediate dimensionality of 32 (4 vector and 20 scalar channels in the GVP-GNN), we use the same training procedure for all models, and no hyperparameter tuning or architecture search is performed.

Results

The results of the synthetic experiments are shown in Table 5. The vanilla GNN significantly outperforms the CNN on the perimeter task, while the CNN significantly outperforms the GNN on the off-center task, supporting our conceptual framework of the relative strengths of the two architectures. However, the GVP-GNN matches (and even outperforms) the CNN on the geometric task while maintaining the GNN’s performance on the relational task. It additionally significantly outperforms both models on the combined task. On the basis of these results, the GVP appears successful in combining the strengths of the CNN and GNN into a single architecture.

Table 5: Performance of the three compared model architectures on the off-center (geometric), perimeter (relational), and combined objectives. The MSE losses are standardized such that predicting a constant value (i.e. the mean) would result in unit loss. Results are reported as the mean ±\pm S.D. over k=5k=5 random splits, where the best of three random seeds is taken for each split.
Model Parameters Off-center (geometric) Perimeter (relational) Combined
CNN 59k 0.319 ±\pm 0.014 0.532 ±\pm 0.028 0.522 ±\pm 0.016
GNN 40k 0.871 ±\pm 0.045 0.128 ±\pm 0.009 0.421 ±\pm 0.025
GVP-GNN 22k 0.206 ±\pm 0.024 0.106 ±\pm 0.006 0.155 ±\pm 0.024

Appendix C MQA Datasets: Further Details

The MQA training and validation dataset includes 528 targets from CASP 5-10 and 150 candidate structures per target. These targets are partitioned at random into 480 training targets and 48 validation targets. We include native structures for training and validation to make use of the greatest range of GDT-TS scores. We do not include native structures for testing in order to mimic CASP and real-world applications and because other methods were not tested on native structures.

In the CASP assessments, stage 1 refers to a set of 20 candidate structures per target and stage 2 to a set of 150 candidate structures per target (5 from each structure prediction server). Both sets are pre-designated by the CASP organizers.

There has been slight inconsistency in the literature with regards to the exact composition of the CASP 11 and 12 test sets. We use the list established by Karasikov et al. (2019) because nearly all recent methods have been benchmarked on this set at some point. The CASP 13 test set includes 1472 stage 2 candidate structures from the following 20 targets: T0950, T0951, T0953s1, T0953s2, T0954, T0955, T0957s1, T0957s2, T0958, T0960, T0963, T0966, T0968s1, T0968s2, T1003, T1005, T1008, T1009, T1011, T1016. These were the targets for which candidate structures, submitted predictions, and ground-truth scores were publicly available (obtained as described by Baldassarre et al. (2020)) at the time of writing. The exact numbers of targets and structures in each set can be found in Table 6.

Table 6: MQA datasets
Dataset # Targets # Structures Includes natives?
Training 480 72000 Yes
Validation 48 7200 Yes
CASP 11 stage 1 84 1680 No
CASP 11 stage 2 83 12450 No
CASP 12 stage 1 40 800 No
CASP 12 stage 2 40 5950 No
CASP 13 stage 2 20 1472 No

Appendix D Training and Hyperparameters

To train the MQA model to perform regression against the model quality score, we use a sum of an absolute loss and a pairwise loss. That is, for each training step we intake pairs i,ji,j where i,ji,j are candidate structures for the same target and compute

=H(y(i)y^(i))+H(y(j)y^(j))+H((y(i)y(j))(y^(i)y^(j)))\mathscr{L}=H(y^{(i)}-\hat{y}^{(i)})+H(y^{(j)}-\hat{y}^{(j)})+H\left((y^{(i)}-y^{(j)})-(\hat{y}^{(i)}-\hat{y}^{(j)})\right) (6)

where HH is the Huber loss. When reshuffling at the beginning of each epoch, we also randomly pair up the candidate structures for each target. Interestingly, adding the pairwise term also improves global correlation, likely because the much larger number of possible pairs makes it more difficult to overfit.

To train the CPD model to perform classification / discrete generative modelling, we use the cross-entropy / negative log likelihood loss.

For both the MQA and CPD model, we use node and hidden embeddings with 16 vector and 100 scalar channels and edge embeddings with 1 vector and 32 scalar channels. The input node and edge features are first transformed by a sequence of GVPs to these dimensionalities before graph propagation. In all training runs, we use the Adam optimizer to perform mini-batch gradient descent. Batches are constructed by grouping structures of similar size to have a maximum of 1800 residues per batch for CPD and 3000 residues per batch for MQA. We also tune the following hyperparameters over a total of 70 training runs:

  • Learning rate in the range of 10410^{-4} to 10310^{-3}

  • Dropout probability in the range of 10410^{-4} to 10110^{-1}

  • Number of graph propagation layers in the range of 3 to 6

  • Relative weight of the MQA pairwise loss in the range of 0 to 2

All models are implemented in TensorFlow 2.1 and trained for a maximum of 100 epochs. This takes around two days for both models on a single Titan X GPU. However, we note that the GPU memory, not compute power, is the bottleneck when training, based on the the average volatile GPU usage. We therefore anticipate that the runtime can be further optimized.

Appendix E Additional Results

E.1 DimeNet on MQA

DimeNet (Klicpera et al., 2019) is a recent GNN architecture designed to incorporate the 3D geometry of small molecule graphs by encoding relative edge orientations in a local spherical Bessel basis. DimeNet and our architecture are similar in that both seek to leverage geometric aspects of a problem domain on top of graph-structured representations. However, unlike our architecture, Dimenet uses rotation-invariant features to indirectly encode geometry into its message-passing operations. Additionally, it updates edge embeddings by propagating messages between each pair of neighboring edges. While this paradigm appears well-suited for the domain of learning from small molecules, it does not scale well to large protein structure graphs. In evaluating DimeNet on MQA, we could only extend the distance cutoff to 7.5 angstroms, while 30 neighbors corresponds to roughly 13 angstroms. DimeNet does not perform comparably to our model, or to previous GNNs designed for learning from structure such as GraphQA (Table 7).

Table 7: Comparison of our GVP architecture, DimeNet, and the GraphQA, another GNN-based MQA method, on CASP 11-12. As in the main text, the global and mean per-target Pearson correlations are shown. DimeNet does not perform comparably to either GVP-GNN or GraphQA.
CASP 11 Stage 2 CASP 12 Stage 2
Method Global Per-target Global Per-target
GVP-GNN 0.87 0.45 0.82 0.62
GraphQA 0.82 0.38 0.81 0.61
DimeNet 0.61 0.30 0.62 0.47

E.2 MQA: Results on CASP 13

We report results for all 23 single-structure methods assessed in CASP 13 for which scores on all 20 targets are available (Table 8). The following 7 methods were excluded because they do not report results for some targets: LamoureuxLab, SBROD-server, SBROD, 3DCNN, MESHI-server, SBROD-plus, FALCON-QA, and Grudinin. We do include comparisons with LamoureuxLab (previously 3DCNN), 3DCNN (previously Ornate), and SBROD on CASP 11-12. All of the methods highlighted as top-performing by the CASP organizers in Cheng et al. (2019) are in our comparison for CASP 13. All predictions were obtained from the CASP download center as described by Baldassarre et al. (2020).

Table 8: Comparison of GVP-GNN against all 23 available single-structure MQA methods in CASP 13 sorted by global correlation. The total number of predictions is shown, which may be less than 1472 even though they include all 20 targets. GVP-GNN is the best-performing method in terms of global correlation. In terms of per-target correlation, GVP-GNN outperforms all other structure-only methods and also all methods using sequence profiles except for ProQ4 and two ProQ3D variants.
Method Global Per-target Predictions Structure only?
GVP-GNN 0.888 0.671 1472 Yes
ProQ3D 0.847 0.660 1467 No
SASHAN 0.840 0.633 1472 Yes
MESHI-corr-server 0.838 0.651 1472 Yes
ProQ3 0.822 0.576 1468 No
MESHI 0.813 0.666 1472 Yes
MESHI-enrich-server 0.813 0.666 1472 Yes
FaeNNz 0.810 0.650 1472 Yes
ProQ3D-CAD 0.803 0.673 1468 No
ProQ3D-lDDT 0.803 0.687 1467 No
ProQ2 0.802 0.577 1472 No
ProQ3D-TM 0.791 0.654 1467 No
MASS1 0.776 0.582 1472 Yes
VoroMQA-A 0.744 0.595 1472 Yes
VoroMQA-B 0.726 0.586 1472 Yes
MASS2 0.689 0.584 1472 Yes
MULTICOM-NOVEL 0.652 0.551 1472 No
ProQ4 0.604 0.691 1472 No
PLU-AngularQA 0.577 0.460 1472 Yes
Bhattacharya-Server 0.577 0.501 1452 No
Bhattacharya-SingQ 0.498 0.525 1452 No
Kiharalab 0.375 0.565 1472 No
PLU-TopQA 0.239 0.049 1472 Yes
Jagodzinski-Cao-QA 0.180 0.341 1472 Yes

E.3 CPD: Results on TS50

We compare against a number of recent CPD methods on the TS50 test set in Table 9.101010Except for ProteinSolver, data for other methods is obtained from Qi & Zhang (2020) and Li et al. (2014). These include two CNNs (ProDCoNN and DenseCPD), a distance-map method (SBROF), and sequential representation methods (Wang’s model and SPIN2). We also evaluate the GNN ProteinSolver on TS50 by sampling 100 sequences with temperature 1 (the default setting) for each structure using the public web server. No canonical training and validation sets exist for TS50. Therefore, in order to evaluate on TS50, we remove sequences with more than 30% similarity from the CATH 4.2 training and validation sets and retrain our model. We outperform all other methods with the exception of DenseCPD, a CNN method with canonical orientations. Interestingly, DenseCPD leverages the same underlying representation as ProDCoNN, yet achieves remarkably better performance. The main difference between the two methods is that ProDCoNN has 4 convolutional layers and DenseCPD has 21 layers organized into dense residual blocks.

Table 9: Sequence recovery on TS50. Recovery for GVP-GNN and ProteinSolver is as defined in Table 1; recovery for other methods, which model residues independently, is just classification accuracy. GVP-GNN is the second best-performing method, behind the CNN method DenseCPD. There is no canonical training and validation set for methods evaluated on TS50.
Method Recovery %
GVP-GNN 44.9
DenseCPD (Qi & Zhang, 2020) 50.7
ProDCoNN (Zhang et al., 2019) 40.7
SBROF (Chen et al., 2019) 39.2
SPIN2 (O’Connell et al., 2018) 33.6
Wang’s model (Wang et al., 2018) 33.0
ProteinSolver (Strokach et al., 2020) 30.8
SPIN (Li et al., 2014) 30.3
Rosetta 30.0

Appendix F Visualization and Interpretation of Learned Features

The geometric vector perceptron updates the vector features, in addition to scalar features, at node embeddings during graph propagation. Therefore, while the input vector channels represent the forward and reverse directions at each amino acid, the intermediate layers represent learned vector features. Could some of these features correspond to interpretable properties of the structure? Among a total of 64 intermediate vector channels learned by the MQA model, a few appeared visually interpretable and are shown on selected structures in Figure 2. We caution against generalizing from the necessarily small number of images that could be manually inspected, but find these preliminary visualizations intriguing.

Refer to caption
Figure 2: Four different learned vector channels of the MQA model are visualized on four separate structures. The backbone is represented as a chain of points, and each vector is rooted at the position of the amino acid node to which it belongs. From left to right: the vectors appear to A) point in the direction of motion that would make the protein more compact; B) point along the central axis of the alpha helix; C) point outwards from the structure; and D) point inwards into the structure.