Abstract
Recently developed protein language models have enabled a variety of applications with the protein contextual embeddings they produce. Per-protein representations (each protein is represented as a vector of fixed dimension) can be derived via averaging the embeddings of individual residues, or applying matrix transformation techniques such as the discrete cosine transformation (DCT) to matrices of residue embeddings. Such protein-level embeddings have been applied to enable fast searches of similar proteins; however, limitations have been found; for example, PROST is good at detecting global homologs but not local homologs, and knnProtT5 excels for proteins with single domains but not multidomain proteins. Here, we propose a novel approach that first segments proteins into domains (or subdomains) and then applies the DCT to the vectorized embeddings of residues in each domain to infer domain-level contextual vectors. Our approach, called DCTdomain, uses predicted contact maps from ESM-2 for domain segmentation, which is formulated as a domain segmentation problem and can be solved using a recursive cut algorithm (RecCut in short) in quadratic time to the protein length; for comparison, an existing approach for domain segmentation uses a cubic-time algorithm. We show such domain-level contextual vectors (termed as DCT fingerprints) enable fast and accurate detection of similarity between proteins that share global similarities but with undefined extended regions between shared domains, and those that only share local similarities. In addition, tests on a database search benchmark show that the DCTdomain is able to detect distant homologs by leveraging the structural information in the contextual embeddings.
Homology detection is one of the fundamental computations in biology due to its role in helping determine protein function and structure. Every homology detection task begins with a protein sequence of interest that is queried against a collection of sequences with the goal of returning the most similar sequence as the top result. Despite the simplicity of this task in its conception, it can be difficult in practice due to the lack of similarity between two proteins that are considered homologous. Sequences with <10%–12% similarity (in terms of character identity) have been found to contain similar structures (Rost 1999), and thus it is crucial to detect proteins, or “remote homologs,” within this realm. Many methods have been developed to accurately and efficiently perform this task, ranging from simple (albeit heuristic heavy) sequence–sequence comparisons such as BLAST (Altschul et al. 1990), to profile methods that consider groups of proteins like PSI-BLAST (Altschul et al. 1997) and CS-BLAST (Biegert and Söding 2009), to profile hidden Markov models (pHMMs) based on probabilistic models like HMMER (Eddy 2009) and HHsearch (Söding 2005) which are considered state-of-the-art for homology detection.
Recent methods, such as knnProtT5 (Schütze et al. 2022) and PROST (Kilinc et al. 2023), have been developed using contextualized embeddings generated by neural networks, such as neural protein language models (pLMs), for homology detection. pLMs are trained for the purpose of learning about the nature of proteins beyond their sequence representation (Elnaggar et al. 2022). Because the sequence of a protein is constrained by the structure it folds into, each residue in a protein has more meaning than its character identity as each residue plays a role in the protein's overall structure and function. This contextual information is learned by pLMs when they are trained on large sequence databases, like UniProt (The UniProt Consortium 2015) and Big Fantastic Database (BFD) (Steinegger and Söding 2018). Many different pLMs have been trained and they can take on various architectures. ProtTrans (Elnaggar et al. 2022), which contains a host of different models, was trained with the goal of producing informative embeddings as input for downstream tasks, such as predicting secondary structure and subcellular localization. ESM-2 (Lin et al. 2023) was trained with the purpose of producing embeddings that facilitate protein structure prediction based off sequence alone. Embeddings from both models have been successfully applied to many tasks, including homology detection, such as knnProtT5 (Schütze et al. 2022) using embeddings from ProtT5 to perform nearest neighbor searches and PROST (Kilinc et al. 2023) using embeddings from ESM1b to perform similarity searches.
One tradeoff with using pLM embeddings to represent protein sequences is the increase in dimensionality compared to the original character representation. For example, by embedding each position in a protein sequence N residues long, each position will be replaced by a vector of M length, where M can be in the thousands depending on the pLM used, so the protein sequence is now represented as a N × M matrix. Even when using simple distance metrics to calculate the difference between the residual embeddings, it will be computationally demanding to compare a query protein represented as such against every similarly represented protein in a database, because proteins are of various lengths and residual embeddings need to be aligned. Protein-level embeddings can offset this increase. A typical approach of deriving a protein-level embedding for a protein is to use the mean of the embeddings of all its residues. The mean embeddings have been used in applications, such as in knnProtT5 for remote homology detection using nearest neighbor search on protein-level embedding spaces (Schütze et al. 2022). The advantage of using protein-level embeddings is that proteins are now represented as a single vector of a fixed length, so similar proteins can be found by searching for proteins sharing similar embeddings, which can be computed quickly (L1-distance or other metrics can be used). When combined with other methods (MMseqs2 [Steinegger and Söding 2017] or Smith–Waterman [Smith and Waterman 1981]), knnProtT5 achieved comparable performance with sequence-based approaches for homology detection, but it was not competitive for comparison of multidomain proteins (Schütze et al. 2022).
Another technique that has been applied with success is the inverse DCT (iDCT) vector quantization of embeddings. Introduced by WARP (Raimondi et al. 2018) and used in PROST (Kilinc et al. 2023), this method uses the discrete cosine transform (DCT) (Makhoul 1980), a commonly used technique in image and video compression, to reduce protein embeddings to smaller dimensions while maintaining key information. This method has been shown to be effective for global homolog detection (Raimondi et al. 2018; Kilinc et al. 2023) where the entirety of two proteins correspond to one another. However, it performed worse for the cases where two proteins share all of their domains, but with extended undefined regions between the domains (Kilinc et al. 2023). For local homology detection, where only certain regions of two proteins are similar, this method will not work well due to the coarse-grained nature of the representation (as we show in our Results). To remedy these issues, we developed a new method (ESM2-RecCut) for predicting domains using the predicted contact maps from ESM-2, and predicted domains are then used for deriving domain-level fingerprints based on iDCT vector quantization.
Protein domains are subunits that can fold and function independently (Yu et al. 2019). The protein universe contains many multidomain proteins, involving a great diversity of domain architectures (Ye and Godzik 2004). A few methods have been developed for protein domain segmentation given protein sequences, including a more recently developed method FUpred (for Folding Unit predictor) (Zheng et al. 2020), which detects domain boundaries from protein sequences based on predicted contact maps. A protein contact map depicts the distances between all residue pairs in a protein, utilizing a binary 2D identity matrix that signifies which pairs are in contact. Sequentially distant residues can be in contact in the tertiary structure. FUpred aims to find domains that maximize the number of intradomain contacts, while minimizing the number of interdomain contacts. For contact map prediction, FUpred generates a multiple sequence alignment (MSA) using the DeepMSA program (Zhang et al. 2020), and the generated MSA is used as the input for contact map prediction using ResPRE (Li et al. 2019), a method that couples evolutionary precision matrices with deep residual neural networks. FUpred was shown to outperform existing approaches for contact map prediction, including ConDo (Hong et al. 2019) and DNN-dom (Shi et al. 2019). We found that the ResPRE-FUpred pipeline is computationally demanding for creating domain-level DCT fingerprints, and therefore we proposed a new method ESM2-RecCut for this purpose. Our ESM2-RecCut uses contact maps predicted from ESM-2 (together with contextual embeddings of individual residues), taking advantage of its capability of generating contextual embeddings without using MSA so there are no time-consuming iterative searches of similar sequences. In addition, we developed a quadratic time RecCut-based algorithm for domain segmentation given contact map predictions. Predicted domains can then be used for generating domain-level fingerprints to facilitate fast and accurate similarity detection.
Methods
Overview of the methods
Our approach, DCTdomain, uses the protein embedding and contact map predictions from ESM-2, detects domains, and represents each protein as one or more DCT fingerprints, including a DCT fingerprint for the whole protein, and if it applies, a fingerprint for each of the predicted domains in the protein. The DCT fingerprints are then used for computing the similarity between the proteins. Our method reports two similarity scores: one based on the DCT fingerprints of the whole proteins (denoted as DCTglobal), and the other one based on all DCT fingerprints of whole proteins and of individual domains (denoted as DCTdomain). Figure 1 shows the overview of our approach.
Protein language model embedding
We used the output from two layers of the ESM2-t30-150M model (layer 15 and layer 21). It has been shown that each layer of an encoder is able to capture different contextual information about a protein sequence (Kilinc et al. 2023). To find the most informative layers for our particular task, we performed an analysis very similar to HHblits (Remmert et al. 2012), which took pairs of protein domains from SCOPe (v. 2.08) and labeled them as homologous if they belonged to the same fold, and nonhomologous if they belonged to different folds. We took the embeddings from every layer of each ESM-2 checkpoint (except for t48, which was too large for our available memory), quantized them, and computed the L1-distance between each protein pair. With these distance values, we calculated the accuracy of homology detection for every layer of each checkpoint. The results were used for selecting the parameters for DCTdomain.
Protein domain segmentation based on ESM-2 contact map prediction
We used both FUpred (Zheng et al. 2020) and a new recursive cut algorithm (RecCut) to predict domains given predicted contact maps and compared their performance. To distinguish the two versions, we refer to them as ESM2-FUpred and ESM2-RecCut. Comparing to the original FUpred pipeline (which uses ResPRE to predict contact maps, so we refer to it as ResPRE-FUpred), here we used ESM-2's contact map prediction as input to FUpred or RecCut for domain segmentations. More specifically, ESM-2's contact map prediction of a protein depicts the probability of any pair of residues i and j being in contact in the protein's tertiary structure. A discrete version of the contact map referred to as C[i, j] (C[i, j] = 1 if residue i and j are in contact; 0 otherwise) is prepared by keeping the top an pairs with the highest probabilities (here n is the length of the protein, and a is a constant, which was empirically tuned using the FUpred benchmark; see below).
We noticed that FUpred/RecCut using ESM-2 contact map prediction results in high precision of the prediction of single-domain proteins and high recall for prediction of multidomain proteins, but tends to split domains into smaller units (see Results). So in some cases, proteins may be segmented into domains or subdomains. Domains are typically autonomous structure, function, evolution, and folding units of proteins. Domains and smaller subdomains may help reduce the complexity of conformational search by replacing the concerted folding of the entire protein with the assembly of folded smaller units (Peng and Wu 2000). However, we note that the subdomains from ESM2-FUpred or ESM2-RecCut could represent biologically meaningful units (autonomous folding units), or they could result from imperfect contact map prediction where some contacts between the subdomains are not predicted. For simplicity, we do not distinguish domains and subdomains, and call them domains throughout this paper.
Recursive cut algorithm for domain segmentation based on contact map
We present the computational problem to partition a given single-chain protein into multiple contiguous or noncontiguous domains, given its contact map (predicted) as the input. Notably, in some cases, the N-terminal and C-terminal of a protein chain are proximal in 3D space, and thus the residues in both termini can form a single protein domain (e.g., protein 1agr chain A has two domains, one domain contains residues 57–177, and the other domain contains two discontinuous regions, 1–56 and 178–350). To account for such cases, herein, we represent the protein as a circular string.
Formally, given a circular string S[1, …, n] of length n, we define a segmentation of the string as a sequence of k indices (c1, c2, …, ck), where 1 ≤ ci ≤ n represents the indices dividing the string into a set of k segments S[ci + 1, …, ci+1] for i = 1, 2, …, k, and ck+1 = c1 + n to handle the circular nature of the string. We further define a domain segmentation of the string as an annotation of each segment by one of its d domains, that is, l[i] ∈ {1, 2, …, d} so that all residues in a segment are all assigned to the same domain. So, given a contact map C[i, j] representing if there is a contact between a pair of residues i and j, our goal is to find a maximum domain segmentation (i.e., with the maximum number of domains) in which the number of contacts between any two domains is smaller than a threshold. We formulate this problem as the following domain segmentation problem.
Problem 1 (Domain Segmentation Problem). —
Input: A circular string S[1, …, n], a contact matrix C[i, j] for ∀1 ≤ i, j ≤ n, and a threshold Wm. Output: The maximum domain segmentation of S with d domains, (c1, c2, …, ck) (ck+1 = c1 + n) and l[i] ∈ {1, 2, …, d}, for 0 ≤ i ≤ k, in which the contact between residues in any two domains is below Wm, that is, for any i ≠ j, .
FUpred (Zheng et al. 2020) was previously developed to tackle the computational problem: in each step, an input circular string is partitioned into two contiguous domains (substrings) with the minimum contact, and the procedure continues recursively (i.e., each of the two partitioned substrings forms a circular string that is subject to further partition) until the minimum contact between the two partitioned domains becomes less than the threshold. It was shown that this heuristic approach can reconstruct the known protein domains in most proteins in the curated protein structure classification database SCOP (Andreeva et al. 2020), with the exception of rare cases of nested discontinuous multidomain proteins (Zheng et al. 2020).
Despite the effectiveness of FUpred, it takes O(dn3) running time (where d is the number of domains in the protein), which is slow when executed on a large set of proteins, especially those relatively long proteins (e.g., for n > 1000). Here, we present the improved algorithm called RecCut (for recursive cut), which follows the heuristic approach to give the same desirable output as FUpred, but running in only O(dn2) time.
Given an input string S[1, …, n], RecCut considers the 1-cut and the 2-cuts partitions of the protein, where the 1-cut partition at position i results in two contiguous, one-segment domains, S[1, …, i] and S[i + 1, …, n], respectively, whereas the 2-cuts partition at positions i and j results in one contiguous, one-segment domain, S[i + 1, …, j], and one noncontiguous domain consisting of two segments, S[1, …, i] and S[j + 1, …, n], respectively. RecCut aims to first find the 1-cut and 2-cuts partitions of the protein with the minimum contact between two partitioned domains, respectively, and then selects one of them based on two given thresholds (denoted as W1-cut and W2-cuts, instead of a single threshold Wm) to proceed the recursion. Specifically, assuming the between-domain contacts of the 1-cut and 2-cuts partitions are V1-cut and V2-cuts, respectively, if V1-cut > W1-cut and V2-cuts > W2-cuts, the recursion is terminated and the entire segment is output as a single domain; otherwise, RecCut selects the 1-cut partition (if V1-cut − W1-cut ≤ V2-cuts − W2-cuts) or the 2-cuts partition (if V1-cut − W1-cut > V2-cuts − W2-cuts) for recursion.
The 1-cut protein partition can be achieved in O(n2) time, although a naive approach could take O(n3) time, as for each putative cut site, one needs to compute the contact between the resulting two domains. For the 2-cuts protein partition, a naive approach takes O(n4) time (i.e., for every two putative cut sites, one computes the contact between the resulting two domains). FUpred exploited a dynamic programming (DP) algorithm to reduce it to O(n3). In RecCut, we further optimized the DP algorithm to reduce the running time to O(n2) by introducing three matrices: E[i, j] representing the sum of the contacts between the residue i and all residues within the segment S[1, …, j], F[i, j] representing the sum of the contacts between the residue i and all residues within the segment S[i + 1, …, j] and T[i, j] representing the sum of the contacts between the residues within the segment S[i, …, j]. Computation of E[i, j], F[i, j] and T[i, j] for all i, j ∈ [1, …, n] takes O(n2) time, and once computed they can be used to compute V[i, j], the sum of contacts between the domains that resulted from 2-cuts at i and j, needed for selecting the best 2-cuts. With the optimization of 1-cut and 2-cuts partition algorithms, RecCut reduces the running time from O(dn3) by FUpred to O(dn2) to compute the domain segmentation, where d is the number of domains (typically a small number) and n is the protein length. See Supplemental Figure S1 and Supplemental Methods for an explanation of the RecCut algorithm and the time complexity analysis.
Compression of protein embedding matrices using iDCT quantization
The iDCT vector quantization method, inspired by DCT-based compression methods, was developed to homogenize the length of vectorized protein sequences while also retaining its sequential pattern and as much information from the original data as possible (Raimondi et al. 2018). It is also a relatively quick computation to perform as the DCT and its inverse are both fast Fourier transforms. This method can reduce both dimensions of an input embedding matrix: 2d-DCT is first applied to the input embedding matrix to compute frequency coefficients, and then an iDCT is applied to only low-frequency coefficients (discarding the high-frequency ones) to produce a dimension reduced matrix, thus achieving compression of the embedding matrix. For example, given an embedded protein sequence from ESM2-t30-150M that has dimensions 250 × 640 (250 residues with each residue embedded as a vector of 640 dimensions), we can reduce both dimensions (e.g., to 3 and 80) that give a compact yet representative representation of proteins for both efficient and accurate homology detection. The compressed matrix is then flattened to produce 1D vector (referred as a DCT fingerprint), which represents a protein allowing for the usage of simple vector operations. This way, proteins of various lengths are represented as vectors of the same size, and the vectors are compressed as compared to the original residual level embeddings of the proteins.
For multidomain proteins, iDCT quantization is applied to each domain to generate a DCT fingerprint for the domain. By doing this, each protein is represented as a DCT fingerprint for single-domain proteins, or as (d + 1) DCT fingerprints for proteins with d domains. The SciPy.fftpack library is used for iDCT quantization, and after iDCT quantization, each number in the vector is multiplied with 127 and saved as an 8-bit integer.
Protein similarity measure based on DCT fingerprints
Given two DCT fingerprints DCTi and DCTj (each of 480 dimensions), their similarity score is defined as S(DCTi, DCTj) = 1 − L1(DCTi, DCTj)/c, where L1 is the L1-distance between two vectors and c is a normalization constant such that the similarity score is transformed to the range of [0, 1]. By applying the transformation, it is more straightforward to interpret the fingerprint similarity scores and it may be possible to compare similarity scores when fingerprints of various sizes are used. Otherwise, if L1 distances are directly used, they can be of arbitrary scales depending on how iDCT quantization is applied, and the sizes of the fingerprints. In our case for fingerprints of size 480, c = 17,000. Accordingly, given two proteins i and j each represented as one (for single-domain proteins) or multiple DCT fingerprints (for multidomain proteins), their global similarity is computed as the similarity of the DCT fingerprints of the whole proteins, and their local similarity is computed as the maximum similarity of any pairs of DCTs (including those for the whole protein and those for individual domains) from the two proteins. We note that L1-distance was used in PROST to quantify the distance between DCT matrices. Our similarity score is based on L1-distance, but it is transformed and normalized to be in the range of [0, 1] (0 for no similarity).
Benchmarks
We used the FUpred benchmarks (Zheng et al. 2020) for testing domain segmentation using ESM-2 contact maps. Similarly, we used the train set (with 2549 proteins) to tune the parameters including W1-cut and W2-cuts (corresponding to Cutoff2c and Cutoff2d in FUpred [Zheng et al. 2020]), for distinguishing between continuous multi and single-domain proteins, as well as discontinuous multi and single-domain proteins, respectively, and reported the performance on the test collection with the same number of proteins. The train and test collections do not share proteins. The benchmark was downloaded from https://zhanggroup.org/FUpred/.
For homolog detection, we first used a curated benchmark of protein pairs (Saripella et al. 2016) which labels proteins as homologous if their domains, in consecutive order, are in the same family/clan/superfamily, and nonhomologous if no domain in the first protein is a part of the same family/clan/superfamily as any domain in the second. All proteins were derived from a given specific set of genomes (16 species including three prokaryotes and 13 eukaryotes). Like in PROST (Kilinc et al. 2023), we used two groups of this benchmark: max50, where the maximum distance between two domains is 50 residues, and nomax50, where there is no limit between domains. These benchmarks are further divided into subsets based on which database the domains came from—Pfam (Finn et al. 2014), CATH (Orengo et al. 1997), and SCOP (Murzin et al. 1995). PROST (Kilinc et al. 2023) showed that the max50 data sets were easier to perform well on than the nomax50 data sets, so we focus our analysis mostly on the nomax50 groups. See Table 1 for a summary of each benchmark and example cases of homologs in each group. We retested each homolog detection method (including HHsearch [Söding 2005], UBLAST [Edgar 2010], FASTA [Pearson and Lipman 1988], phmmer [Eddy 2009], BLAST [Altschul et al. 1990], and CS-BLAST [Biegert and Söding 2009]) on each data set and found nearly identical area under curve (AUC) values as originally reported (Saripella et al. 2016). We note that we built profiles using HHsearch from scop40 to achieve better sensitivity than what was originally reported. This also caused an increase in search time. The benchmark was downloaded from http://sonnhammer.org/download/Homology_benchmark. Based on the pfam-nomax50 benchmark, we further created a benchmark for testing the detection of local similarities between proteins (referred to as pfam-local). This benchmark contains homologs that share at least some of their domains, but not all. An example is shown in Table 1: the two proteins each have two domains and they share one domain (PF00319).
Table 1.
Benchmarka | # Pairs (homologs) | Homolog definition | Example protein [domain architecture] |
---|---|---|---|
pfam-max50 | 10,450 (5228) | Identical domain architecture; <50 aa between domains |
Q9VFJ2 [PF03946, PF00298] P53875 [PF03946, PF00298] |
pfam-nomax50 | 71,988 (36,278) | Identical domain architecture; no constraint on the amino acid between domains |
Q15149 [PF03501, CL0188, CL0188, PF00681] Q9QXS1 [PF03501, CL0188, CL0188, PF00681] |
pfam-local | 15,273 (7602) | Share some domains, but not all |
P40791 [PF00319, PF12347] Q8VWM8 [PF00319, PF01486] |
gene3d-nomax50 | 58,163 (29,109) | Same as pfam-nomax50 but based on CATH domains |
P52917 [1.20.58.280, 3.40.50.300] Q9ZNT0 [1.20.58.280, 3.40.50.300] |
supfam-nomax50 | 49,365 (24,708) | Same as pfam-nomax50 but based on SCOP domains |
Q9T0N8 [56,176, 55,103] P46681 [56,176, 55,103] |
aThe benchmarks are denoted as pfam-max50, gene3d-nomax50, and so on to indicate the domain database used for defining the homologs, with the number of pairs (total/homologs) in each benchmark listed in the second column. The benchmarks include full-length proteins. Each particular benchmark's definition of homology is located in the third column, and example protein domain architectures are depicted in the last column.
In addition, we used knnProtT5's CATH20 benchmark (Schütze et al. 2022) for testing homology search, where selected queries are searched against a target database to identify similar hits. This benchmark takes CATH v4.2.0 and clusters sequences more than 20% identical, resulting in 14,433 domain sequences across 5125 families. All domains were added to the target database, and 10,874 domains from 1566 of the families with more than one domain were used as queries. A hit is considered a true positive if it belongs to the same homologous superfamily as the query, and a false positive if it belongs to different superfamilies. We compared the performance of the DCTdomain to that of MMseqs2 (in the mode with the highest sensitivity, mmseqs-sen) (Steinegger and Söding 2017) and knnProtT5's mean embedding method, which computes protein similarities based on per-protein embeddings derived by averaging the embeddings of individual residues. ProtTrans (Elnaggar et al. 2022) is used in knnProtT5 to generate residual embeddings. We also tested the performance of protein-level mean embedding when ESM-2 (Lin et al. 2023) was used to generate contextual embeddings of residues.
For performance evaluation of domain segmentation on the FUpred benchmark, we focused on the accuracy of classifying proteins into single-domain versus multidomain proteins, and used various metrics for evaluation, including accuracy and Matthews's correlation coefficient. For the evaluation of homology detection, we calculated the AUC from the receiver operating characteristic (ROC) plots to show the true positive rates versus false positive rates for the different methods. Each of the benchmarks contains a nearly equal number of homologs (positives) and nonhomologs (negatives); see Table 1. For the homology search, we used a normalized AUC1 as the metric, which measures the fraction of true positives retrieved before the first false positive, divided by the number of true positives we expect to see (i.e., the number of domains in the respective superfamily). We note here we used the normalized AUC1 so domains from large families are not overrepresented in the mean AUC1 value.
Benchmarks, results, and the command-line calls for each homology detection tool that we compared to are made available in the DCTdomain GitHub repository (see Software availability). In our benchmarking, we use AMD EPYC 74F3 central processing units (CPUs) and Nvidia A40 graphics processing units (GPUs). When relevant, we state how many of each are used for each task.
Results
Domain predictions using predicted contact maps from ESM-2
Comparing to FUpred predicted domains using predicted contact maps from ResPRE (ResPRE-FUpred), our approaches that use contact maps from ESM-2 (ESM2-FUpred and ESM2-RecCut) gave very good recall of the predictions for multidomain proteins and precision for single-domain proteins, as shown in Table 2; however, their overall accuracy was lower. The results also suggested that approaches based on ESM-2 contact maps tend to split domains into smaller units (some single-domain proteins were predicted to be multidomain proteins so more domains are predicted for multiple-domain proteins). Proteins in the test data set of 2549 proteins each contain 2.47 domains on average, and ESM2-FUpred and ESM2-RecCut predicted 3.21 and 3.03 domains per protein on average, respectively. Figure 2 shows two examples of ESM2-RecCut predictions. In the first case, 1a04a, ESM2-RecCut gave almost identical domain predictions with 3D structure-based domain segmentation in SCOP (with the boundary of the domains shifted by one residue). Visualization of the contact map from ESM-2 shows that this protein has two domains. In contrast, ESM2-RecCut predicted two domains in d1wd3a1, although SCOP considers it a single-domain protein. We also note that among the 2549 proteins in the benchmark, 133 proteins contain discontinuous domains. ESM2-RecCut predicted 67 of these proteins having discontinuous domains. It is likely that the contacts between residues from the segments in the discontinuous domains are more difficult to predict, and therefore discontinuous domains could be underestimated by ESM2-RecCut.
Table 2.
Method | Multidomain | Single-domain | All | |||
---|---|---|---|---|---|---|
Precision | Recall | Precision | Recall | ACC | MCC | |
ResPRE-Fupreda | 0.860 | 0.873 | 0.936 | 0.929 | 0.910 | 0.799 |
ESM2-Fupred | 0.631 | 0.974 | 0.982 | 0.716 | 0.802 | 0.651 |
ESM2-RecCut | 0.663 | 0.941 | 0.963 | 0.761 | 0.821 | 0.663 |
aResPRE-FUpred results are taken from Zheng et al. (2020). In principle, ESM2-FUpred and ESM2-RecCut should generate the same results as they use the same scoring scheme (so-called FUscore). However, there are certain technical details that we cannot replicate in ESM2-RecCut so the results vary slightly. “ACC” and “MCC” are the accuracy and Matthew's correlation coefficient, respectively. The results shown here were based on contact map predictions using the ESM-2 t30 model. Refer to Supplemental Table S1 for the results based on contact map predictions using the ESM-2 t33 model, which gave more accurate domain predictions but performed worse for our task of homology detection.
We were unable to directly compare the running time of the different methods, as we could not run ResPRE to predict contact maps (the FUpred package lacks some of the important files needed for running the pipeline). It was reported in the paper (Zheng et al. 2020) that it takes a few hours on average to predict domains for a protein which is longer than 400 aa. The ResPRE-FUpred method is time-consuming because it involves two slow steps: the contact map prediction step (ResPRE) and the domain prediction (FUpred) in cubic time. Our method ESM2-RecCut reduces the running time significantly by utilizing ESM-2's contact map prediction (it was shown that by bypassing the generation of MSA, ESMFold achieved an order-of-magnitude acceleration comparing to AlphaFold2 [Lin et al. 2023]). In addition, RecCut reduces the time complexity for domain segmentation from cubic time to quadratic, with respect to the protein length.
Here we showed the comparison of running time spent on the domain segmentation step (not including the contact map prediction) by the different approaches. For the 2549 FUpred benchmark proteins, FUpred ran in 158 sec, whereas RecCut took 40 sec. The running time difference is more significant on the homolog detection benchmarks (with much longer proteins than the FUpred benchmark). For example, for a total of 13,342 proteins from the pfam-nomax50 benchmark (some of the proteins are very long; e.g., the longest protein Q91ZU6 has 7393 residues), given their predicted contact maps (by ESM-2), it took FUpred 32 h to predict the domains, whereas it took RecCut only 18 min. Supplemental Figure S2 plots the running time of RecCut versus protein length, showing a quadratic relationship consistent with the theoretical analysis. This figure also shows the number of domains versus protein lengths, suggesting a linear relationship with roughly one domain per 100 residues.
Combining the accuracy and running time, we chose to use ESM2-RecCut as the approach for predicting domains, and used it for preparing domain-level DCT fingerprints for homology detection. We show below that ESM-2 contact map-based domain predictions, although not as accurate as those from ResPRE-FUpred, still gave good performance for using DCT fingerprints to detect similarity between proteins.
Selection of parameters for DCT fingerprint construction
We tested the impact of using different ESM-2 layers from different models (checkpoints) on the performance of homology detection based on DCT fingerprints. For this testing, we used domains defined in SCOPe (see Methods) as the inputs so no domain segmentation was involved (which otherwise would have impacts on the performance of our approaches as well). Figure 3 summarizes the results, showing that using the ESM-2 t30 model (with 150M parameters) and t33 model (with 650 parameters) resulted in better homology detection than using the other models, and using layers 15 and 21 from t30 resulted in the best results than other layers. On the embeddings produced by these layers, we tested different dimensions for iDCT quantization and found that reducing each embedding matrix to 3 × 80, which was the smallest representation of embeddings, retained the most information in our tests (results in Supplemental Fig. S3). For comparison, PROST uses ESM1b and layers 14 and 26 to derive DCT fingerprints of size 475 (Kilinc et al. 2023).
Considering that using ESM-2 t30 for embedding proteins resulted in the best homology detection, despite that the bigger model t33 resulted in better domain segmentation, we chose to use ESM-2 t30 as the default model for our pipeline. All the DCTdomain and DCTglobal results shown below were based on DCT fingerprints from two layers of the ESM-2 t30 embeddings of proteins: Layers 15 and 21 each transformed into a 3 × 80 matrix, and the two reduced matrices are flattened and concatenated into a vector of 480 dimensions.
Results on global homolog benchmarks
We applied our method, DCTdomain, which computes the similarity between proteins using their DCT fingerprints (of individual domains and whole proteins), to the four global homolog benchmarks, and compared the results with using the DCT fingerprint of the whole proteins only (DCTglobal and PROST) and other methods for homology detection. We note DCTglobal is essentially the same as the PROST method from the algorithmic perspective (both using DCT fingerprints of whole proteins); however, their performance varied slightly due to the small differences of their implementation details (ESM model and layers used, and the size of the DCT fingerprints). For calculating the AUC, we used the DCT similarity score (see Methods) for DCTdomain and DCTglobal, the L1-distance between DCT fingerprints for PROST, and bit-scores for all the other sequence/profile-based methods that we compared.
Figure 4 shows the comparison of homology detection on the four benchmarks (pfam-max50 in Fig. 4A, pfam-nomax50 in Fig. 4B, gene3d-nomax50 in Fig. 4C, and supfam-nomax50 in Fig. 4D). Our results showed that using DCT fingerprints of whole proteins (PROST and DCTglobal) underperformed, achieving worse AUC values than a few methods on the nomax50 benchmarks (although they still achieved a good performance with AUC values higher than FASTA and UBLAST). This result is consistent with Kilinc et al. (2023) that the global DCT-based distance did not work well for detecting similarity between protein pairs that share global similarities but with extended, undefined regions between shared domains. In contrast, DCT similarity based on domains (DCTdomain) maintained better results than any other method, including DCTglobal and profile methods like HHsearch and CS-BLAST. This is particularly true for sequences from the structural databases, SCOP (supfam) and CATH (gene3d), where DCTdomain outperforms HHsearch in AUC as much as HHsearch outperforms the next best methods (phmmer and CS-BLAST).
Results on local homolog benchmark
Figure 5 shows that the DCTdomain works well for detecting local similarities between the proteins (the proteins do not share global similarities). DCTdomain performed as well as HHsearch on this benchmark and clearly outperformed all other methods. Given that a DCT fingerprint is an averaged representation, it is not surprising that DCTglobal and PROST had the worst performance on this benchmark.
Table 3 summarizes the running time of the different approaches along with their performance in AUC. The results show that using DCT fingerprints achieved fast similarity calculation compared to other methods. Although our approach DCTdomain performed roughly equivalent to HHSearch in AUC on this benchmark, our method is more than three orders of magnitude faster (without including the DCT fingerprint preparation time). DCTdomain is still significantly faster, even when including the time for DCT fingerprint generation. We note the times reported in Table 3 do not include the time for construction of the search database that is required by some of the other approaches (BLAST, CS-BLAST, HHsearch, and UBLAST), and HHsearch was very slow due to the profile construction step. We acknowledge that ESM-2 embedding and domain segmentation take time, especially for long proteins (see Supplemental Fig. S4), but in practice, we only run the calculation once, and the DCT fingerprints of proteins can be computed and saved in a numpy compressed NPZ file for later applications.
Table 3.
UBLAST | USEARCH | FASTA | phmmer | BLAST | CS-BLAST | HHsearch | DCTdomaina | |
---|---|---|---|---|---|---|---|---|
AUC | 0.840 | 0.906 | 0.906 | 0.924 | 0.951 | 0.952 | 0.971 | 0.972 |
Time | 237 sec | 156 sec | 749 sec | 993 sec | 468 sec | 50 min | 5.7 h | 6.6 sec/47 min |
aOur program reports both DCTglobal scores and DCTdomain scores and the reported time is for computing both; using DCTglobal scores resulted in very low accuracy with AUC of 0.665 only; see Figure 5. PROST is not included in this table as its AUC is also very low. Given the DCT fingerprints, DCTdomain is extremely fast using only a few seconds for comparing all the pairs; it is still relatively fast (47 min) even including the DCT fingerprint generation (ESM-2 embedding and RecCut) for all of the proteins in those pairs (13,407 proteins). All programs were run on the same Linux computer using one CPU and GPU (embedding was done using GPU).
Examining the difference between DCTdomain and DCTglobal using G6PD-containing proteins
Results shown above clearly demonstrated the difference of the DCTdomain and DCTglobal scores for detecting similarity between multidomain proteins. Here, we applied DCTdomain and DCTglobal to a collection of glucose-6-phosphate dehydrogenase (G6PD)-containing proteins considering that G6PD is found in various domain architectures and G6PD-containing proteins have important functions. G6PD proteins are enzymes whose main function is to produce NADPH, a key electron donor in the defense against oxidizing agents and in reductive biosynthetic reactions. We used InterPro (Paysan-Lafosse et al. 2023) to look up G6PD_N (PF00479, Glucose-6-phosphate 1-dehydrogenase, NAD-binding domain) containing proteins, which showed that this domain can be found in 163 different domain architectures, among which, the domain architecture (G6PD_N—G6PD_C) is the dominant one found in 44k sequences (the second most frequent domain architecture is found in 1658 proteins). For demonstration purposes, we collected a total of 28 G6PD-containing proteins representing various domain architectures, including eight sequences that have this domain architecture: PF00479 (G6PD_N)—PF02781 (G6PD_C)—PF02781 (G6PD_C)—PF01182 (Glucosamine_iso), seven sequences with this domain architecture PF00479—PF02781—PF13347 (MFS_2), six sequences of this architecture PF03446 (NAD_binding_2)—PF00393—PF00479—PF02781, and six sequences of this domain architecture PF00479—PF02781—PF08123 (DOT1). Because these proteins all contain the G6PD domain, pairs of these proteins can be global homologs (they share the same domain architecture), or share local similarities (some domains are different). We compared the distributions of the DCT fingerprint similarity of the global homologs, partially similar pairs, and nonhomologs (from the pfam-nomax50 collection). Figure 6 shows that all similar proteins (sharing global or local similarities) have high DCTdomain similarity, forming distinct distributions that are well separated from nonhomolog DCT similarity distribution (Fig. 6A). In contrast, if using DCTglobal similarities, the separation between the DCT similarity distributions of the local homologs and the nonhomologs diminished (Fig. 6B).
Results on a database search benchmark
Lastly, we show here the results on the CATH20 database search benchmark, in which we visualize and measure the mean AUC1 of each method. Our results show that, on average, DCTdomain retrieves the most true positives before the first false positive compared to MMseqs2-sensitive and the mean embeddings from ProtT5 and ESM-2 (see Fig. 7). Consistent with the results reported in Schütze et al. (2022), the mean embeddings generated by ProtT5 (i.e., knnProT5 [Schütze et al. 2022], which used the mean of the residual embeddings of the entire protein as the protein-level embedding) outperformed MMseqs2. DCTdomain outperformed ProtT5 mean embeddings by nearly the same margin. Notably, the same mean embedding method with ESM-2 embeddings performed worse than MMseqs2, indicating the importance of using the iDCT quantization in the DCTdomain. Together, these results demonstrated the different utilities of the different pLMs (ESM-2 vs. ProtT5) in such an application and the impacts of different approaches of computing whole protein or domain-level embedding from residual embeddings (taking the mean or applying iDCT). In terms of speed, the creation of the DCT fingerprints of the CATH20 search database with 14,433 proteins takes ∼36 min (using one CPU and one GPU). DCTdomain using FAISS to index and perform K-NN search takes a few minutes using a 48-core CPU cluster, whereas MMseqs2-sensitive takes about half a second using the same hardware for all queries.
Discussion
Using ESM-2 to predict contact maps for subsequent domain prediction with RecCut, as well as generating embeddings that were compressed using iDCT quantization, proved to be an effective method for detecting sequences that are homologous. DCTdomain performed well on every benchmark we tested it against. It performed the best on both global homolog benchmarks relative to every other method we tested, particularly for structure-based classifications, and was as sensitive as HHsearch on the local homolog benchmark. Using the FUpred domain prediction benchmark, it is clear that ResPRE-predicted contact maps are more effective than ESM2-predicted contact maps for domain prediction. However, our method ESM2-RecCut is significantly faster than the existing approaches that rely on more accurate but slower contact map prediction methods. In addition, as our results showed, the domain segmentations achieved by ESM2-RecCut, despite imperfect, are already very helpful for generating DCT fingerprints for local homology detection. We anticipate that our RecCut approach can also be used for automatic domain segmentation when 3D structures of proteins are available. We note there are recent developments of algorithms for domain parsing given tertiary structures of proteins (real or model) including Domain Parser for AlphaFold Models (DPAM) (Zhang et al. 2023) and UniDoc (Zhu et al. 2023). We will look into the possibility of adapting some of these methods into our DCTdomain pipeline.
Because multidomain proteins are prevalent, and various domain architectures found in those proteins have important structural and functional implications, it is important to develop methods that can effectively compare multidomain proteins. We showed that it is important to have domain or subdomain-level representations such as the DCT fingerprints for homology detection, and we proposed a method that uses domain segmentation based on contact maps for this purpose. In this work, we compute the similarity of two proteins as the highest similarity of any two DCT fingerprints of the domains found in the proteins, and we anticipate that other metrics may be developed for more sensible similarity quantification.
Our tests showed that using the ESM-2 t33 checkpoint for contact map predictions resulted in better domain segmentation than using t30 (see Table 2; Supplemental Table S1 for a comparison). However, using domain predictions based on contact maps from the larger t33 model resulted in slightly worse homology detection. Because homology detection is the main goal of this paper, in combination with that t30 is a much simpler model with 150M parameters compared to t33 with 650M parameters so it is more memory efficient, we chose t30 as the default checkpoint for DCTdomain. However, if a user is interested in using ESM2-RecCut for domain prediction purposes, we would recommend using t33, which is also available as an option in our pipeline. There are also other parameters involved for the domain segmentation based on ESM-2 contact maps including the thresholds W1-cut and W2-cuts. If the users want to apply our RecCut algorithm but use different language models, they may have to retune those parameters using a benchmark such as the FUpred benchmark as we did.
We note that ESM-2 embedding of long proteins is memory-extensive. We used a simple strategy to dissect long proteins into overlapping segments, embed individual segments, and then use the average of the embeddings and contact maps for the overlapping regions. Our tests showed that using such a strategy resulted in very similar results for homology detection with must faster embedding times because embedding is normally nonlinear in relation to sequence length.
We anticipate that DCT fingerprints can be applied to other applications. They can be used to enable sensitive database searches, where DCT fingerprint-based searches can be combined with sequence-based methods (such as MMseqs2 as in knnProtT5 [Schütze et al. 2022]) or alignment methods that use contextual embeddings of individual residues (PEbA [Ye and Iovino 2024] or vcMSA [McWhite et al. 2023]) for more accurate and sensitive detection of similar proteins. They may also be applied for other structural and functional analysis of proteins. In this paper, we demonstrated the DCTdomain's potential for identifying distant homologs using the knnProtT5's CATH20 benchmark of protein domains derived based on structural information. For such applications, it is important to use some indexing strategy to enable fast search of similar fingerprints. In the current implementation, we used the flat indexing provided in the FAISS package for finding similar fingerprints. Such indexing is sufficient for searching against the CATH20 benchmark. However, more advanced indexing strategy needs to be considered when the searching database involves millions of sequences. In addition, we note potential limitations of using such embeddings in those applications and the distinction between domain-level fingerprints and local similarities detected by tools such as MMseqs2. pLM embeddings reflect the contextual information contained in amino acid sequences. In an extreme case, an identical domain found in two different proteins (and therefore different contexts) may have two different fingerprints, and depending on the contexts, these two fingerprints can be very different. However, identical domains will be detected to be identical domains by local similarity search tools that are based on sequence similarity such as MMseqs2. Finally, sequence-based and embedding-based tools can provide complementary information and may have different best-use cases. One of the future development directions is to develop a method that combines the advantages of both worlds, sequence-based for its speed, and embedding based for its sensitivity. More comprehensive evaluations using multidomain proteins of various levels of similarities are also needed.
Software availability
Our programs are available at GitHub (https://github.com/mgtools/DCTdomain) and as Supplemental Code. Programs include those for generating DCT fingerprints given protein sequences and querying a database of DCT fingerprints given protein queries, and scripts for benchmarking of our tools. Fingerprints are stored in a SQLite file to allow for simple interaction and maintenance of the database. There is also an option to store them in a numpy NPZ file. This software supports GPU ability to embed sequences, as well as multiprocessing for both GPU and CPUs.
Supplementary Material
Acknowledgments
This work was supported by National Institutes of Health (National Institute of Allergy and Infectious Diseases) grant R01AI143254 and National Science Foundation grant EF-2025451.
Author contributions: All participated in the software development. B.G.I. and Y.Y. carried out the analysis. H.T. and Y.Y. conceived and designed the study. All participated in the writing of the manuscript.
Footnotes
[Supplemental material is available for this article.]
Article published online before print. Article, supplemental material, and publication date are at https://www.genome.org/cgi/doi/10.1101/gr.279127.124.
Freely available online through the Genome Research Open Access option.
Competing interest statement
The authors declare no competing interests.
References
- Altschul SF, Gish W, Miller W, Myers EW, Lipman DJ. 1990. Basic local alignment search tool. J Mol Biol 215: 403–410. 10.1016/S0022-2836(05)80360-2 [DOI] [PubMed] [Google Scholar]
- Altschul SF, Madden TL, Schäffer AA, Zhang J, Zhang Z, Miller W, Lipman DJ. 1997. Gapped BLAST and PSI-BLAST: a new generation of protein database search programs. Nucleic Acids Res 25: 3389–3402. 10.1093/nar/25.17.3389 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Andreeva A, Kulesha E, Gough J, Murzin AG. 2020. The SCOP database in 2020: expanded classification of representative family and superfamily domains of known protein structures. Nucleic Acids Res 48: D376–D382. 10.1093/nar/gkz1064 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Biegert A, Söding J. 2009. Sequence context-specific profiles for homology searching. Proc Natl Acad Sci 106: 3770–3775. 10.1073/pnas.0810767106 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Eddy SR. 2009. A new generation of homology search tools based on probabilistic inference. Genome Inform 23: 205–211. 10.1142/9781848165632_0019 [DOI] [PubMed] [Google Scholar]
- Edgar RC. 2010. Search and clustering orders of magnitude faster than blast. Bioinformatics 26: 2460–2461. 10.1093/bioinformatics/btq461 [DOI] [PubMed] [Google Scholar]
- Elnaggar A, Heinzinger M, Dallago C, Rehawi G, Wang Y, Jones L, Gibbs T, Feher T, Angerer C, Steinegger M, et al. 2022. ProtTrans: toward understanding the language of life through self-supervised learning. IEEE Trans Pattern Anal Mach Intell 44: 7112–7127. 10.1109/TPAMI.2021.3095381 [DOI] [PubMed] [Google Scholar]
- Finn RD, Bateman A, Clements J, Coggill P, Eberhardt RY, Eddy SR, Heger A, Hetherington K, Holm L, Mistry J, et al. 2014. Pfam: the protein families database. Nucleic Acids Res 42: D222–D230. 10.1093/nar/gkt1223 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Hong SH, Joo K, Lee J. 2019. ConDo: protein domain boundary prediction using coevolutionary information. Bioinformatics 35: 2411–2417. 10.1093/bioinformatics/bty973 [DOI] [PubMed] [Google Scholar]
- Kilinc M, Jia K, Jernigan RL. 2023. Improved global protein homolog detection with major gains in function identification. Proc Natl Acad Sci 120: e2211823120. 10.1073/pnas.2211823120 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Li Y, Zhang C, Bell EW, Yu DJ, Zhang Y. 2019. Ensembling multiple raw coevolutionary features with deep residual neural networks for contact-map prediction in CASP13. Proteins 87: 1082–1091. 10.1002/prot.25798 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Lin Z, Akin H, Rao R, Hie B, Zhu Z, Lu W, Smetanin N, Verkuil R, Kabeli O, Shmueli Y, et al. 2023. Evolutionary-scale prediction of atomic-level protein structure with a language model. Science 379: 1123–1130. 10.1126/science.ade2574 [DOI] [PubMed] [Google Scholar]
- Makhoul J. 1980. A fast cosine transform in one and two dimensions. IEEE Trans Acoust Speech Signal Process 28: 27–34. 10.1109/TASSP.1980.1163351 [DOI] [Google Scholar]
- McWhite CD, Armour-Garb I, Singh M. 2023. Leveraging protein language models for accurate multiple sequence alignments. Genome Res 33: 1145–1153. 10.1101/gr.277675.123 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Murzin AG, Brenner SE, Hubbard T, Chothia C. 1995. SCOP: a structural classification of proteins database for the investigation of sequences and structures. J Mol Biol 247: 536–540. 10.1016/S0022-2836(05)80134-2 [DOI] [PubMed] [Google Scholar]
- Orengo CA, Michie AD, Jones S, Jones DT, Swindells MB, Thornton JM. 1997. CATH – a hierarchic classification of protein domain structures. Structure 5: 1093–1109. 10.1016/S0969-2126(97)00260-8 [DOI] [PubMed] [Google Scholar]
- Paysan-Lafosse T, Blum M, Chuguransky S, Grego T, Pinto BL, Salazar GA, Bileschi ML, Bork P, Bridge A, Colwell L, et al. 2023. InterPro in 2022. Nucleic Acids Res 51: D418–D427. 10.1093/nar/gkac993 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Pearson WR, Lipman DJ. 1988. Improved tools for biological sequence comparison. Proc Natl Acad Sci 85: 2444–2448. 10.1073/pnas.85.8.2444 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Peng ZY, Wu LC. 2000. Autonomous protein folding units. Adv Protein Chem 53: 1–47. 10.1016/S0065-3233(00)53001-0 [DOI] [PubMed] [Google Scholar]
- Raimondi D, Orlando G, Moreau Y, Vranken WF. 2018. Ultra-fast global homology detection with discrete cosine transform and dynamic time warping. Bioinformatics 34: 3118–3125. 10.1093/bioinformatics/bty309 [DOI] [PubMed] [Google Scholar]
- Remmert M, Biegert A, Hauser A, Söding J. 2012. HHblits: lightning-fast iterative protein sequence searching by HMM-HMM alignment. Nat Methods 9: 173–175. 10.1038/nmeth.1818 [DOI] [PubMed] [Google Scholar]
- Rost B. 1999. Twilight zone of protein sequence alignments. Protein Eng 12: 85–94. 10.1093/protein/12.2.85 [DOI] [PubMed] [Google Scholar]
- Saripella GV, Sonnhammer EL, Forslund K. 2016. Benchmarking the next generation of homology inference tools. Bioinformatics 32: 2636–2641. 10.1093/bioinformatics/btw305 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Schütze K, Heinzinger M, Steinegger M, Rost B. 2022. Nearest neighbor search on embeddings rapidly identifies distant protein relations. Front Bioinform 2: 1033775. 10.3389/fbinf.2022.1033775 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Shi Q, Chen W, Huang S, Jin F, Dong Y, Wang Y, Xue Z. 2019. DNN-Dom: predicting protein domain boundary from sequence alone by deep neural network. Bioinformatics 35: 5128–5136. 10.1093/bioinformatics/btz464 [DOI] [PubMed] [Google Scholar]
- Smith TF, Waterman MS. 1981. Identification of common molecular subsequences. J Mol Biol 147: 195–197. 10.1016/0022-2836(81)90087-5 [DOI] [PubMed] [Google Scholar]
- Söding J. 2005. Protein homology detection by HMM–HMM comparison. Bioinformatics 21: 951–960. 10.1093/bioinformatics/bti125 [DOI] [PubMed] [Google Scholar]
- Steinegger M, Söding J. 2017. MMseqs2 enables sensitive protein sequence searching for the analysis of massive data sets. Nat Biotechnol 35: 1026–1028. 10.1038/nbt.3988 [DOI] [PubMed] [Google Scholar]
- Steinegger M, Söding J. 2018. Clustering huge protein sequence sets in linear time. Nat Commun 9: 2542. 10.1038/s41467-018-04964-5 [DOI] [PMC free article] [PubMed] [Google Scholar]
- The UniProt Consortium. 2015. UniProt: a hub for protein information. Nucleic Acids Res 43: D204–D212. 10.1093/nar/gku989 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Ye Y, Godzik A. 2004. Comparative analysis of protein domain organization. Genome Res 14: 343–353. 10.1101/gr.1610504 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Ye Y, Iovino BG. 2024. Protein embedding based alignment. BMC Bioinformatics 25: 85. 10.1186/s12859-024-05699-5 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Yu L, Tanwar DK, Penha EDS, Wolf YI, Koonin EV, Basu MK. 2019. Grammar of protein domain architectures. Proc Natl Acad Sci 116: 3636–3645. 10.1073/pnas.1814684116 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Zhang C, Zheng W, Mortuza S, Li Y, Zhang Y. 2020. DeepMSA: constructing deep multiple sequence alignment to improve contact prediction and fold-recognition for distant-homology proteins. Bioinformatics 36: 2105–2112. 10.1093/bioinformatics/btz863 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Zhang J, Schaeffer RD, Durham J, Cong Q, Grishin NV. 2023. DPAM: a domain parser for alphafold models. Protein Sci 32: e4548. 10.1002/pro.4548 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Zheng W, Zhou X, Wuyun Q, Pearce R, Li Y, Zhang Y. 2020. FUpred: detecting protein domains through deep-learning-based contact map prediction. Bioinformatics 36: 3749–3757. 10.1093/bioinformatics/btaa217 [DOI] [PMC free article] [PubMed] [Google Scholar]
- Zhu K, Su H, Peng Z, Yang J. 2023. A unified approach to protein domain parsing with inter-residue distance matrix. Bioinformatics 39: btad070. 10.1093/bioinformatics/btad070 [DOI] [PMC free article] [PubMed] [Google Scholar]
Associated Data
This section collects any data citations, data availability statements, or supplementary materials included in this article.