Skip to main content

Multiple graph regularized protein domain ranking

Abstract

Background

Protein domain ranking is a fundamental task in structural biology. Most protein domain ranking methods rely on the pairwise comparison of protein domains while neglecting the global manifold structure of the protein domain database. Recently, graph regularized ranking that exploits the global structure of the graph defined by the pairwise similarities has been proposed. However, the existing graph regularized ranking methods are very sensitive to the choice of the graph model and parameters, and this remains a difficult problem for most of the protein domain ranking methods.

Results

To tackle this problem, we have developed the Multiple Graph regularized Ranking algorithm, MultiG-Rank. Instead of using a single graph to regularize the ranking scores, MultiG-Rank approximates the intrinsic manifold of protein domain distribution by combining multiple initial graphs for the regularization. Graph weights are learned with ranking scores jointly and automatically, by alternately minimizing an objective function in an iterative algorithm. Experimental results on a subset of the ASTRAL SCOP protein domain database demonstrate that MultiG-Rank achieves a better ranking performance than single graph regularized ranking methods and pairwise similarity based ranking methods.

Conclusion

The problem of graph model and parameter selection in graph regularized protein domain ranking can be solved effectively by combining multiple graphs. This aspect of generalization introduces a new frontier in applying multiple graphs to solving protein domain ranking applications.

Background

Proteins contain one or more domains each of which could have evolved independently from the rest of the protein structure and which could have unique functions[1, 2]. Because of molecular evolution, proteins with similar sequences often share similar folds and structures. Retrieving and ranking protein domains that are similar to a query protein domain from a protein domain database are critical tasks for the analysis of protein structure, function, and evolution[35]. The similar protein domains that are classified by a ranking system may help researchers infer the functional properties of a query domain from the functions of the returned protein domains.

The output of a ranking procedure is usually a list of database protein domains that are ranked in descending order according to a measure of their similarity to the query domain. The choice of a similarity measure largely defines the performance of a ranking system as argued previously[6]. A large number of algorithms for computing similarity as a ranking score have been developed:

Pairwise protein domain comparison algorithms compute the similarity between a pair of protein domains either by protein domain structure alignment or by comparing protein domain features. Protein structure alignment based methods compare protein domain structures at the level of residues and sometime even atoms, to detect structural similarities with high sensitivity and accuracy. For example, Carpentier et al. proposed YAKUSA[7] which compares protein structures using one-dimensional characterizations based on protein backbone internal angles, while Jung and Lee proposed SHEBA[8] for structural database scanning based on environmental profiles. Protein domain feature based methods extract structural features from protein domains and compute their similarity using a similarity or distance function. For example, Zhang et al. used the 32-D tableau feature vector in a comparison procedure called IR tableau[3], while Lee and Lee introduced a measure called WDAC (Weighted Domain Architecture Comparison) that is used in the protein domain comparison context[9]. Both these methods use cosine similarity for comparison purposes.

Graph-based similarity learning algorithms use the traditional protein domain comparison methods mentioned above that focus on detecting pairwise sequence alignments while neglecting all other protein domains in the database and their distributions. To tackle this problem, a graph-based transductive similarity learning algorithm has been proposed[6, 10]. Instead of computing pairwise similarities for protein domains, graph-based methods take advantage of the graph formed by the existing protein domains. By propagating similarity measures between the query protein domain and the database protein domains via graph transduction (GT), a better metric for ranking database protein domains can be learned.

The main component of graph-based ranking is the construction of a graph as the estimation of intrinsic manifold of the database. As argued by Cai et al.[11], there are many ways to define different graphs with different models and parameters. However, up to now, there are, in general, no explicit rules for choice of graph models and parameters. In[6], the graph parameters were determined by a grid-search of different pairs of parameters. In[11], several graph models were considered for graph regularization, and exhaustive experiments were carried out for the selection of a graph model and its parameters. However, these kinds of grid-search strategies select parameters from discrete values in the parameter space, and thus lack the ability to approximate an optimal solution. At the same time, cross-validation[12, 13] can be used for parameter selection, but it does not always scale up very well for many of the graph parameters, and sometimes it might over-fit the training and validation set while not generalizing well on the query set.

In[14], Geng et al. proposed an ensemble manifold regularization (EMR) framework that combines the automatic intrinsic manifold approximation and semi-supervised learning (SSL)[15, 16] of a support vector machine (SVM)[17, 18]. Based on the EMR idea, we attempted to solve the problem of graph model and parameter selection by fusing multiple graphs to obtain a ranking score learning framework for protein domain ranking. We first outlined the graph regularized ranking score learning framework by optimizing ranking score learning with both relevant and graph constraints, and then generalized it to the multiple graph case. First a pool of initial guesses of the graph Laplacian with different graph models and parameters is computed, and then they are combined linearly to approximate the intrinsic manifold. The optimal graph model(s) with optimal parameters is selected by assigning larger weights to them. Meanwhile, ranking score learning is also restricted to be smooth along the estimated graph. Because the graph weights and ranking scores are learned jointly, a unified objective function is obtained. The objective function is optimized alternately and conditionally with respect to multiple graph weights and ranking scores in an iterative algorithm. We have named our Multi ple G raph regularized Rank ing method MultiG-Rank. It is composed of an off-line graph weights learning algorithm and an on-line ranking algorithm.

Methods

Graph model and parameter selection Given a data set of protein domains represented by their tableau 32-D feature vectors[3]X={ x 1 , x 2 ,, x N }, where x i R 32 is the tableau feature vector of i-th protein domain, x q is the query protein domain, and the others are database protein domains. We define the ranking score vector asf= [ f 1 , f 2 , .. , f N ] R N in which f i is the ranking score of x i to the query domain. The problem is to rank the protein domains inX in descending order according to their ranking scores and return several of the top ranked domains as the ranking results so that the returned protein domains are as relevant to the query as possible. Here we define two types of protein domains: relevant when they belong to the same SCOP fold type[19], and irrelevant when they do not. We denote the SCOP-fold labels of protein domains inX asL={ l 1 , l 2 ,.., l N }, where l i is the label of i-th protein domain and l q is the query label. The optimal ranking scores of relevant protein domains {x i },l i  = l q should be larger than the irrelevant ones {x i },l i  ≠ l q , so that the relevant protein domains will be returned to the user.

Graph regularized protein domain ranking

We applied two constraints on the optimal ranking score vector f to learn the optimal ranking scores:

Relevance constraint Because the query protein domain reflects the search intention of the user, f should be consistent with protein domains that are relevant to the query. We also define a relevance vector of the protein domain as y = [ y 1 , y 2 , , y N ] { 1 , 0 } N where y i  = 1, if x i is relevant to the query and y i  = 0 if it is not. Because the type label l q of a query protein domain x q is usually unknown, we know only that the query is relevant to itself and have no prior knowledge of whether or not others are relevant; therefore, we can only set y q  = 1 while y i , i ≠ q is unknown.

To assign different weights to different protein domains inX, we define a diagonal matrix U as U ii  = 1 when y i is known, otherwise U ii  = 0. To impose the relevant constraint to the learning of f, we aim to minimize the following objective function:

min f O r ( f ) = i = 1 N ( f i y i ) 2 U ii = ( f y ) U ( f y )
(1)

Graph constraint f should also be consistent with the local distribution found in the protein domain database. The local distribution was embedded into a K nearest neighbor graphG={V,E,W}. For each protein domain x i , its K nearest neighbors, excluding itself, are denoted by N i . The node setV corresponds to N protein domains inX, whileE is the edge set, and(i,j)E if x j N i or x i N j . The weight of an edge (i,j) is denoted as W ij which can be computed using different graph definitions and parameters as described in the next section. The edge weights are further organized in a weight matrixW=[ W ij ] R N × N , where W ij is the weight of edge (i,j). We expect that if two protein domains x i and x j are close (i.e.,W ij is big), then f i and f j should also be close. To impose the graph constraint to the learning of f, we aim to minimize the following objective function:

min f O g ( f ) = 1 2 i , j = 1 N ( f i f j ) 2 W ij = f D f f W f = f L f
(2)

where D is a diagonal matrix whose entries are D ii = i = 1 N W ij and L = D − W is the graph Laplacian matrix. This is a basic identity in spectral graph theory and it provides some insight into the remarkable properties of the graph Laplacian.

When the two constraints are combined, the learning of f is based on the minimization of the following objective function:

min f O ( f ) = O r ( f ) + α O g ( f ) = ( f y ) U ( f y ) + α f L f
(3)

where α is a trade-off parameter of the smoothness penalty. The solution is obtained by setting the derivative of O(f) with respect to f to zero as f = (U + αL)−1U y. In this way, information from both the query protein domain provided by the user and the relationship of all the protein domains inX are used to rank the protein domains inX. The query information is embedded in y and U, while the protein domain relationship information is embedded in L. The final ranking results are obtained by balancing the two sources of information. In this paper, we call this method G raph regularized Rank ing (G-Rank).

Multiple graph learning and ranking: MultiG-Rank

Here we describe the multiple graph learning method to directly learn a self-adaptive graph for ranking regularization The graph is assumed to be a linear combination of multiple predefined graphs (referred to as base graphs). The graph weights are learned in a supervised way by considering the SCOP fold types of the protein domains in the database.

Multiple graph regularization

The main component of graph regularization is the construction of a graph. As described previously, there are many ways to find the neighbors N i of x i and to define the weight matrix W on the graph[11]. Several of them are as follows:

  • Gaussian kernel weighted graph: N i of x i is found by comparing the squared Euclidean distance as,

    | | x i x j | | 2 = x i x i 2 x i x j + x j x j
    (4)

and the weighting is computed using a Gaussian kernel as,

W ij = e | | x i x j | | 2 2 σ 2 , if ( i , j ) E 0 , else
(5)

where σ is the bandwidth of the kernel.

  • Dot-product weighted graph: N i of x i is found by comparing the squared Euclidean distance and the weighting is computed as the dot-product as,

    W ij = x i x j , if ( i , j ) E 0 , else
    (6)
  • Cosine similarity weighted graph: N i of x i is found by comparing cosine similarity as,

    C ( x i , x j ) = x i x j | | x i | | | | x j | |
    (7)

and the weighting is also assigned as cosine similarity as,

W ij = C ( x i , x j ) , if ( i , j ) E 0 , else
(8)
  • Jaccard index weighted graph: N i of x i is found by comparing the Jaccard index[20] as,

    J ( x i , x j ) = | x i x j | | x i x j |
    (9)

and the weighting is assigned as,

W ij = J ( x i , x j ) , if ( i , j ) E 0 , else
(10)
  • Tanimoto coefficient weighted graph: N i of x i is found by comparing the Tanimoto coefficient as,

    T ( x i , x j ) = x i x j | | x i | | 2 + | | x j | | 2 x i x j
    (11)

and the weighting is assigned as,

W ij = T ( x i , x j ) , if ( i , j ) E 0 , else
(12)

With so many possible choices of graphs, the most suitable graph with its parameters for the protein domain ranking task is often not known in advance; thus, an exhaustive search on a predefined pool of graphs is necessary. When the size of the pool becomes large, an exhaustive search will be quite time-consuming and sometimes not possible. Hence, a method for efficiently learning an appropriate graph to make the performance of the employed graph-based ranking method robust or even improved is crucial for graph regularized ranking. To tackle this problem we propose a multiple graph regularized ranking framework, that provides a series of initial guesses of the graph Laplacian and combines them to approximate the intrinsic manifold in a conditionally optimal way, inspired by a previously reported method[14].

Given a set of M graph candidates{ G 1 ,, G M }, we denote their corresponding candidate graph Laplacians asT={ L 1 ,, L M }. By assuming that the optimal graph Laplacian lies in the convex hull of the pre-given graph Laplacian candidates, we constrain the search space of possible graph Laplacians o linear combination of L m inT as,

L = m = 1 M μ m L m
(13)

where μ m is the weight of m-th graph. To avoid any negative contribution, we further constrain m = 1 M μ m =1, μ m 0.

To use the information from data distribution approximated by the new composite graph Laplacian L in (13) for protein domain ranking, we introduce a new multi-graph regularization term. By substituting (13) into (2), we get the augmented objective function term in an enlarged parameter space as,

min f , μ O multig ( f , μ ) = m = 1 M μ m ( f L m f ) s.t. m = 1 M μ m = 1 , μ m 0 .
(14)

where μ = [μ1,,μ M ] is the graph weight vector.

Off-line supervised multiple graph learning

In the on-line querying procedure, the relevance of query x q to database protein domains is unknown and thus the optimal graph weights μ cannot be learned in a supervised way. However, all the SCOP-fold labels of protein domain in the database are known, making the supervised learning of μ in an off-line way possible. We treat each database protein domain x q D,q=1,,N as a query in the off-line learning and all the items of its relevant vector y q  =[y1q,,y Nq ] as known because all the SCOP-fold labels are known for all the database protein domains as,

y iq = 1 , if l i = l q 0 , else
(15)

Therefore, we set U = IN×N as a N × N identity matrix. The ranking score vector of the q-th database protein domain is also defined as f q  =[y1q,,y Nq ]. Substituting f q , y q and U to (1) and (14) and combining them, we have the optimization problem for the q-th database protein domain as,

min f q , μ O ( f q , μ ) = ( f q y q ) ( f q y q ) + α m = 1 M μ m ( f q L m f q ) + β | | μ | | 2 s.t. m = 1 M μ m = 1 , μ m 0 .
(16)

To avoid the parameter μ over-fitting to one single graph, we also introduce the l2 norm regularization term ||μ||2 to the object function. The difference between f q and y q should be noted: f q {1,0}N plays the role of the given ground truth in the supervised learning procedure, while y q R N is the variable to be solved. While f q is the ideal solution of y q , it is not always achieved after the learning. Thus, we introduce the first term in (16) to make y q as similar to f q as possible during the learning procedure.

Object function

Using all protein domains in the database q = 1,…,N as queries to learn μ, we obtain the final objective function of supervised multiple graph weighting and protein domain ranking as,

min F , μ O ( F , μ ) = q = 1 N ( f q y q ) ( f q y q ) + α m = 1 M μ m ( f q L m f q ) + β | | μ | | 2 = Tr ( F Y ) ( F Y ) + α m = 1 M μ m Tr ( F L m F ) + β | | μ | | 2 s.t. m = 1 M μ m = 1 , μ m 0 .
(17)

where F =[f1,,f N ] is the ranking score matrix with the q-th column as the ranking score vector of q-th protein domain, and Y =[y1,,y N ] is the relevance matrix with the q-th column as the relevance vector of the q-th protein domain.

Optimization

Because direct optimization to (17) is difficult, instead we adopt an iterative, two-step strategy to alternately optimize F and μ. At each iteration, either F or μ is optimized while the other is fixed, and then the roles are switched. Iterations are repeated until a maximum number of iterations is reached.

  • Optimizing F: By fixing μ, the analytic solution for (17) can be easily obtained by setting the derivative of O(F,μ) with respect to F to zero. That is,

    ∂O ( F , μ ) ∂F = 2 ( F Y ) + 2 α m = 1 M μ m ( L m F ) = 0 F = ( I + α m = 1 M μ m L m ) 1 Y
    (18)
  • Optimizing μ: By fixing F and removing items irrelevant to μ from (17), the optimization problem (17) is reduced to,

    min μ α m = 1 M μ m Tr ( F L m F ) + β | | μ | | 2 = α m = 1 M μ m e m + β m = 1 M μ 2 = α e μ + β μ μ s.t. m = 1 M μ m = 1 , μ m 0 .
    (19)

where e m  = Tr(FL m F) and e =[e1,,e M ]. The optimization of (19) with respect to the graph weight μ can then be solved as a standard quadratic programming (QP) problem[4].

Off-line algorithm

The off-line μ learning algorithm is summarized as Algorithm 1

Algorithm 1.

MultiG-Rank: off-line graph weights learning algorithm.

Require: Candidate graph Laplacians setT;

Require: SCOP type label set of database protein domainsL;

Require: Maximum iteration number T;

Construct the relevance matrix Y =[y iq ]N×N where y iq if l i  = l q , 0 otherwise; Initialize the graph weights as μ m 0 = 1 M , m = 1,,M;

for t = 1,,T do

Update the ranking score matrix Ft according to

previous μ m t 1 by (18);

Update the graph weight μt according to

updated Ft by (19);

end for Output graph weight μ = μt.

On-line ranking regularized by multiple graphs

Given a newly discovered protein domain submitted by a user as query x0, its SCOP type label l0 will be unknown and the domain will not be in the databaseD={ x 1 ,, x N }. To compute the ranking scores of x i D to query x0, we extend the size of database to N + 1 by adding x0into the database and then solve the ranking score vector for x0 which is defined asf=[ f 0 ,, f N ] R N + 1 using (3). The parameters in (3) are constructed as follows:

  • Laplacian matrix L: We first compute the m graph weight matrices { W m } m = 1 M R ( N + 1 ) × ( N + 1 ) with their corresponding Laplacian matrices { L m } m = 1 M R ( N + 1 ) × ( N + 1 ) for the extended database {x0,x1,,x N }. Then with the graph weight μ learned by Algorithm 1, the new Laplacian matrix L can be computed as in (13).On-line graph weight computation: When a new query x0 is added to the database, we calculate its K nearest neighbors in the databaseD and the corresponding weights W0j and Wj 0, j = 1,,N. If adding this new query to the database does not affect the graph i n the database space, the neighbors and weights W ij , i,j = 1,,N for the protein domains in the database are fixed and can be pre-computed off-line. Thus, we only need to compute N edge weights for each graph instead of (N + 1) × (N + 1).

  • Relevance vector y: The relevance vector for x0 is defined as y = [ y 0 , , y N ] { 1 , 0 } N + 1 with only y0 = 1 known and y i , i = 1,,N unknown.

  • Matrix U: In this situation, U is a (N + 1)×(N + 1)diagonal matrix with U00 = 1 and U ii  = 0, i = 1,,N.

Then the ranking score vector f can be solved as,

f = ( U + αL ) 1 U y
(20)

The on-line ranking algorithm is summarized as Algorithm 2

Algorithm 2.

MultiG-Rank: on-line ranking algorithm.

Require: protein domain databaseD={ x 1 ,, x N };

Require: Query protein domain x0;

Require: Graph weight μ;

Extend the database to (N + 1) size by adding x0 and compute M graph Laplacians of the extended database; Obtain multiple graph Laplacian L by linear combination of M graph Laplacians with weight μ as in (13); Construct the relevance vectory R ( N + 1 ) where y0 = 1 and diagonal matrixU R ( N + 1 ) × ( N + 1 ) with U ii  = 1 if i = 0 and 0 otherwise; Solve the ranking vector f for x0 as in (20); Ranking protein domains inD according to ranking scores f in descending order.

Protein domain database and query set

We used the SCOP 1.75A database[21] to construct the database and query set. In the SCOP 1.75A database, there are 49,219 protein domain PDB entries and 135,643 domains, belonging to 7 classes and 1,194 SCOP fold types.

Protein domain database

Our protein domain database was selected from ASTRAL SCOP 1.75A set[21], a subset of the SCOP (Structural Classification of Proteins)1.75A database which was released in March 15, 2012[21]. ASTRAL SCOP 1.75A 40%)[21], a genetic domain sequence subset, was used as our protein domain databaseD. This database was selected from SCOP 1.75A database so that the selected domains have less than 40% identity to each other. There are a total of 11,212 protein domains in the ASTRAL SCOP 1.75A 40% database belonging to 1,196 SCOP fold types. The ASTRAL database is available on-line athttp://scop.berkeley.edu. The number of protein domains in each SCOP fold varies from 1 to 402. The distribution of protein domains with the different fold types is shown in Figure1. Many previous studies evaluated ranking performances using the older version of the ASTRAL SCOP dataset (ASTRAL SCOP 1.73 95%) that was released in 2008[3].

Figure 1
figure 1

Distribution of protein domains with different fold types in the ASTRAL SCOP 1.75A 40% database.

Query set

We also randomly selected 540 protein domains from the SCOP 1.75A database to construct a query set. For each query protein domain that we selected we ensured that there was at least one protein domain belonging to the same SCOP fold type in the ASTRAL SCOP 1.75A 40% database, so that for each query, there was at least one ”positive” sample in the protein domain database. However, it should be noted that the 540 protein domains in the query data set were randomly selected and do not necessarily represent 540 different folds. Here we call our query set the 540 query dataset because it contains 540 protein domains from the SCOP 1.75A database.

Evaluation metrics

A ranking procedure is run against the protein domains database using a query domain. A list of all matching protein domains along with their ranking scores is returned. We adopted the same evaluation metric framework as was described previously[3], and used the receiver operating characteristic (ROC) curve, the area under the ROC curve (AUC), and the recall-precision curve to evaluate the ranking accuracy. Given a query protein domain x q belonging to the SCOP fold l q , a list of protein domains is returned from the database by the on-line MultiG-Rank algorithm or other ranking methods. For a database protein domain x r in the returned list, if its fold label l r is the same as that of x q , i.e. l r  = l q it is identified as a true positive (TP), else it is identified as a false positive (FP). For a database protein domain x r not in the returned list, if its fold label l r = l q , it will be identified as a true negative (TN), else it is a false negative (FN). The true positive rate (TPR), false positive rate (FPR), recall, and precision can then be computed based on the above statistics as follows:

TPR = TP TP + FN , FPR = FP FP + TN recall = TP TP + FN , precision = TP TP + FP
(21)

By varying the length of the returned list, different TPR, FRP, recall and precision values are obtained.

ROC curve

Using FPR as the abscissa and TPR as the ordinate, the ROC curve can be plotted. For a high-performance ranking system, the ROC curve should be as close to the top-left corner as possible.

Recall-precision curve

Using recall as the abscissa and precision as the ordinate, the recall-precision curve can be plotted. For a high-performance ranking system, this curve should be close to the top-right corner of the plot.

AUC

The AUC is computed as a single-figure measurement of the quality of an ROC curve. AUC is averaged over all the queries to evaluate the performances of different ranking methods.

Results and discussion

We first compared our MultiG-Rank against several popular graph-based ranking score learning methods for ranking protein domains. We then evaluated the ranking performance of MultiG-Ranking against other protein domain ranking methods using different protein domain comparison strategies. Finally, a case study of a TIM barrel fold is described.

Comparison of MultiG-Rank against other graph-based ranking methods

We compared our MultiG-Rank to two graph-based ranking methods, G-Rank and GT[6], and against the pairwise protein domain comparison based ranking method proposed in[3] as a baseline method (Figure2). The evaluations were conducted with the 540 query domains form the 540 query set. The average ranking performance was computed over these 540 query runs.

Figure 2
figure 2

Comparison of MultiG-Rank against other protein domain ranking methods. Each curve represents a graph-based ranking score learning algorithm. MultiG-Rank, the Multiple Graph regularized Ranking algorithm; G-Rank, Graph regularized Ranking; GT, graph transduction; Pairwise Rank, pairwise protein domain ranking method[3](a) ROC curves of the different ranking methods; (b) Recall-precision curves of the different ranking methods.

The figure shows the ROC and the recall-precision curves obtained using the different graph ranking methods. As can be seen, the MultiG-Rank algorithm significantly outperformed the other graph-based ranking algorithms; the precision difference got larger as the recall value increased and then tend to converge as the precision tended towards zero (Figure2 (b)). The G-Rank algorithm outperformed GT in most cases; however, both G-Rank and GT were much better than the pairwise ranking which neglects the global distribution of the protein domain database.

The AUC results for the different ranking methods on the 540 query set are tabulated in Table1. As shown, the proposed MultiG-Rank consistently outperformed the other three methods on the 540 query set against our protein domain database, achieving a gain in AUC of 0.0155, 0.0210 and 0.0252 compared with G-Rank, GT and Pairwise Rank, respectively. Thus, we have shown that the ranking precision can be improved significantly using our algorithm.

Table 1 AUC results off different graph-based ranking methods

We have made three observations from the results listed in Table1:

  1. 1.

    G-Rank and GT produced similar performances on our protein domain database, indicating that there is no significant difference in the performance of the graph transduction based or graph regularization based single graph ranking methods for unsupervised learning of the ranking scores.

  2. 2.

    Pairwise ranking produced the worst performance even though the method uses a carefully selected similarity function as reported in [3]. One reason for the poorer performance is that similarity computed by pairwise ranking is focused on detecting statistically significant pairwise differences only, while more subtle sequence similarities are missed. Hence, the variance among different fold types cannot be accurately estimated when the global distribution is neglected and only the protein domain pairs are considered. Another possible reason is that pairwise ranking usually produces a better performance when there is only a small number of protein domains in the database; therefore, because our database contains a large number of protein domains, the ranking performance of the pairwise ranking method was poor.

  3. 3.

    MultiG-Rank produced the best ranking performance, implying that both the discriminant and geometrical information in the protein domain database are important for accurate ranking. In MultiG-Rank, the geometrical information is estimated by multiple graphs and the discriminant information is included by using the SCOP-fold type labels to learn the graph weights.

Comparison of MultiG-Rank with other protein domain ranking methods

We compare the MultiG-Rank against several other popular protein domain ranking methods: IR Tableau[3], QP tableau[4], YAKUSA[7], and SHEBA[8]. For the query domains and the protein domain database we used the 540 query set and the ASTRAL SCOP 1.75A 40% database, respectively. The YAKUSA software source code was downloaded from http://wwwabi.snv.jussieu.fr/YAKUSA, compiled and used for ranking. We used the “make Bank” shell script (http://wwwabi.snv.jussieu.fr/YAKUSA) which calls the phipsi program (Version 0.99 ABI, June 1993) to format the database. YAKUSA compares a query domain to a database and returns a list of the protein domains along with ranks and ranking scores. We used the default parameters of YAKUSA to perform the ranking of the protein domains in our database. The SHEBA software (version 3.11) source code was downloaded fromhttps://ccrod.cancer.gov/confluence/display/CCRLEE/SHEBA, complied and used it for ranking. The protein domain database was converted to “.env” format and the pairwise alignment was performed between each query domain and each database domain to obtain the alignment scores. First, we compared the different protein domain-protein domain ranking methods and computed their similarity or dissimilarity. An ordering technique was devised to detect hits by taking the similarities between data pairs as input. For our MultiG-Rank, the ranking score was used as a measure of protein domain-protein domain similarly. The ranking results were evaluated based on the ROC and recall-precision curves as shown in Figure3. The AUC values are given in Table2.

Figure 3
figure 3

Comparison of the performances of protein domain ranking algorithms. (a) ROC curves for different field-specific protein domain ranking algorithms. TPR, true positive rate; FPR, false positive rate. (b) Recall-precision curves for different field-specific protein domain ranking algorithms.

Table 2 AUC results for different protein domain ranking methods

The results in Table2 show that with the advantage of exploring data characteristics from various graphs, MultiG-Rank can achieve significant improvements in the ranking outcomes; in particular, AUC is increased from 0.9478 to 0.9730 in MultiG-Rank which uses the same Tableau feature as IR Tableau. MultiG-Rank also outperforms QP Tableau, SHEBA, and YAKUSA; and AUC improves from 0.9364, 0.9421 and 0.9537, respectively, to 0.9730 with MultiG-Rank. Furthermore, because of its better use of effective protein domain descriptors, IR Tableau outperforms QP Tableau.

To evaluate the effect of using protein domain descriptors for ranking instead of direct protein domain structure comparisons, we compared IR Tableau with YAKUSA and SHEBA. The main differences between them are that IR Tableau considers both protein domain feature extraction and comparison procedures, while YAKUSA and SHEBA compare only pairs of protein domains directly. The quantitative results in Table2 show that, even by using the additional information from the protein domain descriptor, IR Tableau does not outperform YAKUSA.

This result strongly suggests that ranking performance improvements are achieved mainly by graph regularization and not by using the power of a protein domain descriptor.

Plots of TPR versus FPR obtained using MultiG-Rank and various field-specific protein domain ranking methods as the ranking algorithms are shown in Figure3 (a) and the recall-precision curves obtained using them are shown in Figure3 (b). As can be seen from the figure, in most cases, our MultiG-Rank algorithm significantly outperforms the other protein domain ranking algorithms. The performance differences get larger as the length of the returned protein domain list increases. The YAKUSA algorithm outperforms SHEBA, IR Tableau and QP Tableau in most cases. When only a few protein domains are returned to the query, the sizes of both the true positive samples and the false positive samples are small, showing that, in this case, all the algorithms yield low FPR and TPR. As the number of returned protein domains increases, the TPR of all of the algorithms increases. However, MultiG-Rank tends to converge when the FPR is more than 0.3, whereas the other ranking algorithms seems to converge only when the FPR is more than 0.5.

Case Study of the TIM barrel fold

Besides considering the results obtained for the whole database, we also studied an important protein fold, the TIM beta/alpha-barrel fold (c.1). The TIM barrel is a conserved protein fold that consists of eight α-helices and eight parallel β-strands that alternate along the peptide backbone[22]. TIM barrels are one of the most common protein folds. In the ASTRAL SCOP 1.75A %40 database, there are a total of 373 proteins belonging to 33 different superfamilies and 114 families that have TIM beta/alpha-barrel SCOP fold type domains,. In this case study, the TIM beta/alpha-barrel domains from the query set were used to rank all the protein domains in the database. The ranking was evaluated both at the fold level of the SCOP classification and at lower levels of the SCOP classification (ie. superfamily level and family level). To evaluate the ranking performance, we defined ”true positives” at three levels:

Fold level

When the returned database protein domain is from the same fold type as the query protein domain.

Superfamily level

When the returned database protein domain is from the same superfamily as the query protein domain.

Family level

When the returned database protein domain is from the same family as the query protein domain.

The ROC and the recall-precision plots of the protein domain ranking results of MultiG-Rank for the query TIM beta/alpha-barrel domain at the three levels are given in Figure4. The graphs were learned using the labels at the family, superfamily and the fold level. The results show that the ranking performance at the fold level is better than at the other two levels; however, although the performances at the lower levels, superfamily and family, are not superior to that at the fold level, they are still good. One important factor is that when the relevance at the lower levels was measured, a much fewer number of protein domains in the database were relevant to the queries, making it more difficult to retrieve the relevant protein domains precisely. For example, a query belonging to the family of phosphoenolpyruvate mutase/Isocitrate lyase-like (c.1.12.7) matched 373 database protein domains at the fold level because this family has 373 protein domains in the ASTRAL SCOP 1.75A %40 database. On the other hand, only 14 and four protein domains were relevant to the query at the superfamily and family levels respectively.

Figure 4
figure 4

Ranking results for the case study using the TIM beta/alpha-barrel domain as the query. (a) ROC curves of the ranking results for the TIM beta/alpha-barrel domain at the fold, superfamily, and family levels. TPR, true positive rate; FPR, false positive rate. (b) Recall-precision curves of the ranking results for the TIM beta/alpha-barrel domain at the fold, superfamily, and family levels.

Conclusion

The proposed MultiG-Rank method introduces a new paradigm to fortify the broad scope of existing graph-based ranking techniques. The main advantage of MultiG-Rank lies in its ability to represent the learning of a unified space of ranking scores for protein domain database in multiple graphs. Such flexibility is important in tackling complicated protein domain ranking problems because it allows more prior knowledge to be explored for effectively analyzing a given protein domain database, including the possibility of choosing a proper set of graphs to better characterize diverse databases, and the ability to adopt a multiple graph-based ranking method to appropriately model relationships among the protein domains. Here, MultiG-Rank has been evaluated comprehensively on a carefully selected subset of the ASTRAL SCOP 1.75 A protein domain database. The promising experimental results that were obtained further confirm the usefulness of our ranking score learning approach.

References

  1. Zhang Y, Sun Y: HMM-FRAME: accurate protein domain classification for metagenomic sequences containing frameshift errors. BMC Bioinformatics 2011, 12: 198. 10.1186/1471-2105-12-198

    Article  PubMed Central  PubMed  Google Scholar 

  2. Ochoa A, Llinas M, Singh M: Using context to improve protein domain identification. BMC Bioinformatics 2011, 12: 90. 10.1186/1471-2105-12-90

    Article  PubMed Central  CAS  PubMed  Google Scholar 

  3. Zhang L, Bailey J, Konagurthu AS, Ramamohanarao K: A fast indexing approach for protein structure comparison. BMC Bioinformatics 2010, 11(Suppl 1):S46. 10.1186/1471-2105-11-S1-S46

    Article  PubMed Central  PubMed  Google Scholar 

  4. Stivala A, Wirth A Stuckey: Tableau-based protein substructure search using quadratic programming. BMC Bioinformatics 2009, 10: 153. 10.1186/1471-2105-10-153

    Article  PubMed Central  PubMed  Google Scholar 

  5. Stivala AD, Stuckey PJ, Wirth AI: Fast and accurate protein substructure searching with simulated annealing and GPUs. BMC Bioinformatics 2010, 11: 446. 10.1186/1471-2105-11-446

    Article  PubMed Central  PubMed  Google Scholar 

  6. Bai X, Yang X, Latecki LJ, Liu W, Tu Z: Learning Context-Sensitive Shape Similarity by Graph Transduction. IEEE Transactions on Pattern Analysis and Machine Intelligence 2010, 32(5):861–874.

    Article  PubMed  Google Scholar 

  7. Carpentier M, Brouillet S, Pothier J: YAKUSA: A fast structural database scanning method. Proteins-Structure Function and Bioinformatics 2005, 61(1):137–151. 10.1002/prot.20517

    Article  CAS  Google Scholar 

  8. Jung J, Lee B: Protein structure alignment using environmental profiles. Protein Engineering 2000, 13(8):535–543. 10.1093/protein/13.8.535

    Article  CAS  PubMed  Google Scholar 

  9. Lee B, Lee D: Protein comparison at the domain architecture level. BMC Bioinformatics 2009, 10(Suppl 15):S5. 10.1186/1471-2105-10-S15-S5

    Article  PubMed Central  PubMed  Google Scholar 

  10. Weston J, Kuang R, Leslie C, Noble W: Protein ranking by semi-supervised network propagation. BMC Bioinformatics 2006, 7(Suppl 1):S10. 10.1186/1471-2105-7-S1-S10

    Article  PubMed Central  PubMed  Google Scholar 

  11. Cai D, He X, Han J, Huang TS: Graph Regularized Nonnegative Matrix Factorization for Data Representation. IEEE Transactions on Pattern Analysis and Machine Intelligence 2011, 33(8):1548–1560.

    Article  PubMed  Google Scholar 

  12. Varma S, Simon R: Bias in error estimation when using cross-validation for model selection. BMC Bioinformatics 2006, 7: 91. 10.1186/1471-2105-7-91

    Article  PubMed Central  PubMed  Google Scholar 

  13. Nagel K, Jimeno-Yepes A, Rebholz-Schuhmann D: Annotation of protein residues based on a literature analysis: cross-validation against UniProtKb. BMC Bioinformatics 2009, 10(Suppl 8):S4. 10.1186/1471-2105-10-S8-S4

    Article  PubMed Central  PubMed  Google Scholar 

  14. Geng B, Tao D, Xu C, Yang L, Hua X: Ensemble Manifold Regularization. IEEE Transactions on Pattern Analysis and Machine Intelligence 2012, 34(6):1227–1233.

    Article  PubMed  Google Scholar 

  15. You ZH, Yin Z, Han K, Huang DS, Zhou X: A semi-supervised learning approach to predict synthetic genetic interactions by combining functional and topological properties of functional gene network. BMC Bioinformatics 2010, 11: 343. 10.1186/1471-2105-11-343

    Article  PubMed Central  PubMed  Google Scholar 

  16. Song M, Yu H, Han WS: Combining active learning and semi-supervised learning techniques to extract protein interaction sentences. BMC Bioinformatics 2011, 12(Suppl 12):S4. 10.1186/1471-2105-12-S12-S4

    Article  CAS  Google Scholar 

  17. Kandaswamy KK, Pugalenthi G, Hazrati MK, Kalies KU, Martinetz T: BLProt: prediction of bioluminescent proteins based on support vector machine and relieff feature selection. BMC Bioinformatics 2011, 12: 345. 10.1186/1471-2105-12-345

    Article  PubMed Central  CAS  PubMed  Google Scholar 

  18. Tung CW, Ziehm M, Kaemper A, Kohlbacher O, Ho SY: POPISK: T-cell reactivity prediction using support vector machines and string kernels. BMC Bioinformatics 2011, 12: 446. 10.1186/1471-2105-12-446

    Article  PubMed Central  CAS  PubMed  Google Scholar 

  19. Shi JY, Zhang YN: Fast SCOP classification of structural class and fold using secondary structure mining in distance matrix. In Pattern Recognition in Bioinformatics. Proceedings 4th IAPR International Conference, PRIB 2009. ENGLAND: Sheffield; 2009:344–53.

    Google Scholar 

  20. Albatineh AN, Niewiadomska-Bugaj M: Correcting Jaccard and other similarity indices for chance agreement in cluster analysis. Advances in Data Analysis and Classification 2011, 5(3):179–200. 10.1007/s11634-011-0090-y

    Article  Google Scholar 

  21. Chandonia J, Hon G, Walker N, Lo Conte L, Koehl P, Levitt M, Brenner S: The ASTRAL Compendium in 2004. Nucleic Acids Research 2004, 32(SI):D189—D192.

    PubMed Central  PubMed  Google Scholar 

  22. Kim C, Basner J, Lee B: Detecting internally symmetric protein structures. BMC Bioinformatics 2010, 11: 303. 10.1186/1471-2105-11-303

    Article  PubMed Central  PubMed  Google Scholar 

Download references

Acknowledgements

The study was supported by grants from National Key Laboratory for Novel Software Technology, China (Grant No. KFKT2012B17), 2011 Qatar Annual Research Forum Award (Grant No. ARF2011), and King Abdullah University of Science and Technology (KAUST), Saudi Arabia. We appreciate the valuable comments from Prof. Yuexiang Shi, Xiangtan University, China.

Author information

Authors and Affiliations

Authors

Corresponding author

Correspondence to Xin Gao.

Additional information

Competing interests

The authors declare no competing interests.

Authors’ contributions

JW invented the algorithm, performed the experiments and drafted the manuscript. HB drafted the manuscript. XG supervised the study and made critical changes to the manuscript. All the authors have approved the final manuscript.

Authors’ original submitted files for images

Rights and permissions

Open Access This article is published under license to BioMed Central Ltd. This is an Open Access article is distributed under the terms of the Creative Commons Attribution License ( https://creativecommons.org/licenses/by/2.0 ), which permits unrestricted use, distribution, and reproduction in any medium, provided the original work is properly cited.

Reprints and permissions

About this article

Cite this article

Wang, J.JY., Bensmail, H. & Gao, X. Multiple graph regularized protein domain ranking. BMC Bioinformatics 13, 307 (2012). https://doi.org/10.1186/1471-2105-13-307

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/1471-2105-13-307

Keywords