Skip to main content

METHODS article

Front. Genet., 24 February 2022
Sec. Computational Genomics
This article is part of the Research Topic Advanced computational strategies to tackle human complex diseases View all 28 articles

An Ensemble Learning Framework for Detecting Protein Complexes From PPI Networks

  • 1School of Computer and Communication Engineering, University of Science and Technology Beijing, Beijing, China
  • 2School of International Economics, China Foreign Affairs University, Beijing, China

Detecting protein complexes is one of the keys to understanding cellular organization and processes principles. With high-throughput experiments and computing science development, it has become possible to detect protein complexes by computational methods. However, most computational methods are based on either unsupervised learning or supervised learning. Unsupervised learning-based methods do not need training datasets, but they can only detect one or several topological protein complexes. Supervised learning-based methods can detect protein complexes with different topological structures. However, they are usually based on a type of training model, and the generalization of a single model is poor. Therefore, we propose an Ensemble Learning Framework for Detecting Protein Complexes (ELF-DPC) within protein-protein interaction (PPI) networks to address these challenges. The ELF-DPC first constructs the weighted PPI network by combining topological and biological information. Second, it mines protein complex cores using the protein complex core mining strategy we designed. Third, it obtains an ensemble learning model by integrating structural modularity and a trained voting regressor model. Finally, it extends the protein complex cores and forms protein complexes by a graph heuristic search strategy. The experimental results demonstrate that ELF-DPC performs better than the twelve state-of-the-art approaches. Moreover, functional enrichment analysis illustrated that ELF-DPC could detect biologically meaningful protein complexes. The code/dataset is available for free download from https://github.com/RongquanWang/ELF-DPC.

1 Introduction

Most complex systems, such as biological systems and human society, can be presented as complex networks in the real world. Social networks, biological networks, brain networks, citation networks, and protein-protein interaction networks are examples of complex networks (Pourkazemi and Keyvanpour, 2017). Community detection in complex networks is essential in many fields, aiming to identify clusters with high internal connectivity. These clusters are well separated from the rest of the network. Over the past several years, the study of community identification in complex networks has grown popular. Community detection is a fundamental problem in network analysis that tries to mine the hidden structure of a specific complex network (Fortunato, 2010; Abduljabbar et al., 2020). In bioinformatics, the crucial topic is to mine protein complexes in PPI networks. Proteins usually interact with each other, forming protein complexes to accomplish their biological functions (Gavin et al., 2002; Spirin and Mirny, 2003). As a community structure in the PPI network, it may be the natural protein complex, and the proteins in the protein complex should be highly interconnected (Girvan and Newman, 2002; Chen et al., 2014). The truth is that the prediction of protein complexes is essential for studying cellular organization theory and understanding protein complex formation. Biologically, a protein complex is a group of proteins formed by interacting simultaneously and in place. The detection of protein complexes using biological experiments is both costly and time-consuming. With the development of high-throughput experimental methods, many PPI networks have been produced, which usually have small world, scale-free, and modularity characteristics. They could be formulated as graphs where the nodes represent the proteins, and the edges represent the interactions. Therefore, many computational algorithms present alternate ways to automatically discover protein complexes from the PPI networks. More details on the related work are introduced in the related work section.

1.1 Related Work

During the past decade, various computational methods have been presented to identify protein complexes in PPI networks. We will briefly review the related work from three aspects. The first is identifying protein complexes based on unsupervised learning-based methods. Another type of identifying protein complex methods is based on a model optimization-based method. The last type of identifying protein complex methods is based on supervised learning-based methods.

1.1.1 Unsupervised Learning-Based Methods

Many researchers hypothesize that subgraphs with different topological structures in PPI networks are factual protein complexes (Wang et al., 2010) such as density, k-clique, and core-attachment structures. Most of these methods are either global heuristic search, local heuristic search, or both. Meanwhile, some methods integrate topological and biological information to further improve the accuracy of detecting protein complexes.

Many local heuristic-based methods have been proposed to identify protein complexes. For instance, Altaf-Ul-Amin et al. (Altaf-Ul-Amin et al., 2006) developed DPClus, which generates clusters by ensuring density and checking the periphery of the clusters. Gavin et al. (Gavin et al., 2006) studied the organization of protein complexes, demonstrating that a protein complex generally contains a unique protein complex core and attachment proteins, called a core-attachment structure. Here, proteins in a protein complex core have relatively more reliable interactions among themselves. The attachment proteins are the surrounding proteins of the protein complex core to assist it in performing related functions (Lakizadeh et al., 2015). Wu et al. (Wu et al., 2009) proposed a classic protein complex discovery method (COACH) using the core-attachment structure. COACH first detects protein complex cores and then identifies its attachment proteins to form a whole protein complex. Peng et al. (Peng et al., 2014) designed a PageRank Nibble strategy to give adjacent proteins different probabilities with core-attachment structures and proposed WPNCA to predict protein complexes. Nepuse et al. (Nepusz et al., 2012) presented ClusterONE, which utilizes a demanding growth process to mine subgraphs with high cohesiveness that may be protein complexes. Recently, Wang et al. (Wang et al., 2020) presented a new graph clustering method using a local heuristic search strategy to detect static and dynamic protein complexes. These local heuristic methods have strong local searchability, but finding an optimal global solution is difficult.

Meanwhile, some global heuristic-based methods have been proposed to identify protein complexes. In 2009, Liu et al. (Liu et al., 2009) used an iterative method to weight PPI networks and developed a maximal clique-based method (CMC) to discover protein complexes from weighted PPI networks. Wang et al. (Wang et al., 2012) were inspired by the hierarchical organization of GO annotations and known protein complexes. Then they proposed OH-PIN, which is based on the concepts of overlapping M-clusters, λ-module, and clustering coefficients to detect both overlapping and hierarchical protein complexes in PPI networks. PC2P (Omranian et al., 2021) is a parameter-free greedy approximation algorithm casts the problem of protein complex detection as a network partitioning into biclique spanned subgraphs, which include both sparse and dense subgraphs. Although these global heuristic search methods have a strong global search ability, they require considerable time and computing resources.

Recently, some methods based on network embedding strategies have been used to detect protein complexes. DPC-HCNE (Meng et al., 2019) is a novel protein complex detection method based on hierarchical compressing network embedding and core-attachment structures. It can preserve both the local topological information and global topological information of a PPI network. CPredictor 5.0 (Yao et al., 2019) uses the network embedding method Node2Vec (Grover and Leskovec, 2016) to learn node feature vector representation and then calculates the node embedding similarity and the functional similarity between interacting proteins to construct the weight PPI networks. These methods illustrate that employing the network embedding method could improve the accuracy of protein complex identification.

It is well known that PPI networks contain many false-positive and false-negative interactions, i.e., noise. To overcome the noise of the PPI networks, some studies try to exploit biological information, such as gene expression data (Keretsu and Sarmah, 2016), gene ontology (GO) data (Wang et al., 2019; Yao et al., 2019), and subcellular localization data (Lei et al., 2018) to complement the interactions in PPI networks. CPredictor2.0 (Xu et al., 2017) effectively detects protein complexes from PPI networks, and first groups proteins based on functional annotations. Then, it applies the MCL algorithm to detect dense clusters as protein complexes. Zhang et al. (Zhang et al., 2016) calculated the active time point and the active probability of each protein and constructed dynamic PPI networks. Then a novel method was proposed based on the core-attachment structure. Zhang et al. (Zhang et al., 2019) proposed a novel method based on the core-attachment structure and seed expansion strategy to identify protein complexes using the topological structure and biological data in static PPI networks. ICJointLE (Zhang et al., 2019) is a novel method to identify protein complexes with the features of joint colocalization and joint coexpression in static PPI networks. NNP (Zhang et al., 2021) is a new method for recognizing protein complexes by topological characteristics and biological characteristics. Some methods (Zaki et al., 2013; Wang et al., 2019) are based on topological information to weight interactions in PPI networks. For example, PEWCC (Zaki et al., 2013) is a novel graph mining method that first assesses the reliability of the interactions and then detects protein complexes based on the concept of the weighted clustering coefficient. These methods have shown that the accuracy of protein complex identification can be significantly improved by integrating network topological structure and multiple biological information.

1.1.2 Model Optimization-Based Methods

Several recent methods suggested that identifying protein complexes or community structures can be an optimization problem using network topology and protein attributes. For example, RNSC (King et al., 2004) attempts to find an optimal set of partitions of a PPI network graph by employing different cost functions for detecting protein complexes. RSGNM (Zhang et al., 2012) is a regularized sparse generative network model that adds another process that generates propensities into an existing generative network model for protein complex identification. EGCPI (He and Chan, 2016) formulates the problem as an optimization problem to mine the optimal clusters with densely connected vertices in the PPI networks to discover protein complexes. DPCA (Hu et al., 2018) formulates the problem of detecting protein complexes as a constrained optimization problem according to protein complexes’ topological and biological properties. In particular, it is an algorithm with high efficiency and effectiveness. GMFTP (Zhang et al., 2014) is a generative model to simulate the generative processes of topological and biological information, and clusters that maximize the likelihood of generating the given PIN are considered protein complexes. DCAFP (Hu and Chan, 2015) transforms the problem of identifying protein complexes into a constrained optimization problem and introduces an optimization model by considering the integration of functional preferences and dense structures. He et al. (He et al., 2019) introduced a novel graph clustering model called contextual correlation preserving multiview featured graph clustering (CCPMVFGC) for discovering communities in graphs with multiview features, viewwise correlations of pairwise features and the graph topology. VVAMo (He et al., 2021a) is a novel matrix factorization-based model for communities in complex network. It proposes a unified likelihood function for VVAMo and derives an alternating algorithm for learning the optimal parameters of the proposed model. In 2017, Zhang et al. (Zhang et al., 2017) proposed a new firefly clustering algorithm for transforming the protein complex detection problem into an optimization problem. IMA (Wang et al., 2021) is a novel improved memetic algorithm that optimizes a fitness function to detect protein complexes. These model optimization-based methods usually have more parameters and variables, and the parameter optimization process is time-consuming. However, these methods also have some significance for us to transform the identification of protein complexes into an optimization problem.

1.1.3 Supervised Learning-Based Methods

The methods mentioned above are either unsupervised learning-based or model optimization-based methods that identify protein complexes using predefined assumptions and determined models. Unsupervised learning-based methods do not need to resolve practical problems, such as insufficient feature extraction from known protein complexes, model selection, and model training. Those methods cannot utilize the information of known protein complexes, and they neglect some other topological protein complexes such as the ‘star’ mode and ‘spoke’ mode and so on. Generally, supervised learning-based methods first train a supervised learning model by extracting features, and then trained supervised learning models are used to search new protein complexes.

Many standard protein complex datasets have been obtained in recent years. Therefore, several supervised learning-based methods based on training regression or classification models are proposed to discover protein complexes from PPI networks. For example, Qi et al. (Qi et al., 2008) proposed a framework to learn the parameters of the Bayesian network model for discovering protein complexes. Yu et al. (Yu et al., 2014) presented a supervised learning-based method to detect protein complexes, which used cliques as initial clusters and selected a trained linear regression model to form protein complexes. Lei et al. (Shi et al., 2011) proposed a semisupervised algorithm, and trained a neural network model to detect protein complexes. ClusterEPs (Liu et al., 2016) estimated the possibility of a subgraph being a protein complex by emerging patterns (EPs). Dong et al.(Dong et al., 2018) provided the ClusterSS method, which integrates a trained neural network model and local cohesiveness function to guide the search strategy to identify protein complexes. Liu et al. (Liu et al., 2018) proposed a supervised learning method based on network embeddings and a random forest model for discovering protein complexes. Based on the decision tree, Sikandar et al. (Sikandar et al., 2018) presented a method using biological and topological information to detect protein complexes. Liu et al.(Liu et al., 2021) proposed a novel semisupervised model and a protein complex detection algorithm to identify significant protein complexes with clear module structures from PPI networks. Mei et al. (Mei, 2022) proposed a computational method that combines supervised learning and dense subgraph discovery to predict protein complexes. On the one hand, the accuracy of these detection methods based on semisupervised learning or supervised learning is limited due to the small training dataset. On the other hand, these methods only train a single type of learning model, so these models are not so generalizable and their learning ability has certain limitations.

Some existing studies show that graph neural networks (GNNs) methods can effectively learn graph structure and node features. For example, Kipf et al. (Kipf and Welling, 2016) presented a scalable approach for semisupervised learning on graph-structured data. The proposed graph convolutional network (GCN) model is based on an efficient variant of convolutional neural networks. It can encode both graph structure and node features in a way useful for semisupervised classification. In 2021, Zaki et al. (Zaki et al., 2021) introduced various GCN approaches to improve the detection of protein complexes. graph attention networks (GATs), which aggregate neighbor nodes through the attention mechanism, realize the adaptive allocation of weights of different neighbors, thus greatly improving the expression ability of GNN models. He et al. (He et al., 2021b) proposed a class of novel learning-to-attend strategies, named conjoint attentions (CAs) to construct graph conjoint attention networks (CATs) for GNNs. CAs offer flexible incorporation of layerwise node features and structural interventions that can be learned outside the GNNs to compute appropriate weights for feature aggregation. We will study the detection of protein complexes in PPI networks using GATs in the future.

1.2 Observations and Contributions

Based on the related work, assigning weights to the interacting edges by the network embedding method and multiple biological information can effectively improve the accuracy of the detection methods. Meanwhile, some studies have shown that protein complexes have core-attachment structures. Therefore, our ELF-DPC is based on a core-attachment structure, and we constructed a weighted PPI network. Second, we proposed a protein complex core strategy to mine local protein complex cores. We identified global protein complex cores using the CPredictor2.0 method, which endows our ELF-DPC with both global search ability and local search ability. Third, most current methods are based on either unsupervised learning or supervised learning. Unsupervised learning-based methods can detect only one or several topological protein complexes and cannot fully learn the characteristics of known protein complexes. Supervised learning-based methods can learn the characteristics of known protein complexes, detecting protein complexes with different topological structures. Still, current supervised learning-based methods are based on a single base model for training. However, the generalization of a single model is poor. Therefore, we propose an ensemble learning model consisting of a trained voting regression model based on different types of base regression models and structural modularity to detect protein complexes with different topological structures. Finally, we proposed a graph heuristic search strategy to extend each protein complex core to form a protein complex. The results obtained show that ELF-DPC attained superior performances over 12 state-of-the-art methods. Furthermore, functional enrichment analysis results of ELF-DPC showed higher biological relevance by GO enrichment analysis.

To summarize, we make the following contributions:

• We introduce a protein complex core mining strategy based on the core-attachment structure and design a graph heuristic search strategy to search protein complexes.

• We propose structural modularity to describe the inherent topological organization of protein complexes.

• We present some new topological features and design an ensemble learning model by combining structural modularity and a voting regression model, which quantifies the possibility for a cluster as a protein complex.

• We present an ensemble learning framework to identify protein complexes, and it achieves better performance than other competing methods.

The rest of this study is organized as follows. The Materials and methods section introduces the datasets, terminologies, and methods. The Experiments and results section describes evaluation metrics and parameter selection and compare ELF-DPC with the competing methods. Finally, the Conclusion section provides a conclusion and future work.

2 Materials and Methods

2.1 Datasets

2.1.1 Protein-Protein Interaction Networks

In this paper, we used the four PPI networks for the experiments, i.e., Gavin (Gavin et al., 2006), Krogan core (Krogan et al., 2006), DIP (Xenarios et al., 2002), and MIPS (Güldener et al., 2006). The detailed properties of these PPI networks are shown in Table 1. Here, the self-interactions and duplicate interactions were eliminated.

TABLE 1
www.frontiersin.org

TABLE 1. The detailed properties of the protein-protein interaction datasets.

2.1.2 Standard Protein Complexes

We used two standard protein complexes that were constructed in the literature (Wang et al., 2020). Their properties are shown in Table 2. Here, standard protein complexes 1 consists of the known protein complexes from MIPS (Mewes et al., 2004), SGD (Hong et al., 2007), TAP06 (Gavin et al., 2006), ALOY (Aloy et al., 2004), CYC 2008 (Pu et al., 2009), and NEWMIPS (Friedel et al., 2009). Standard protein complexes 2 is also a combined protein complex dataset (Ma et al., 2017). It consists of the Wodak database (Pu et al., 2009), PINdb and GO complexes (Ma et al., 2017).

TABLE 2
www.frontiersin.org

TABLE 2. The properties of the standard protein complexes.

2.1.3 GO Annotation Data and Gene Expression Data

In this study, we used the GO-slim data for describing the functional similarity of interactions, which is available on the link: https://downloads.yeastgenome.org. Meanwhile, the gene expression data were obtained from https://www.ncbi.nlm.nih.gov/sites/GDSbrowser. Additionally, subcellular localization data was obtained from https://compartments.jensenlab.org/Downloads.

ALGORITHM 1
www.frontiersin.org

Algorithm 1. The framework of ELF-DPC algorithm.

2.2 Terminologies

Here, we will give some terminologies that are used in this paper. A PPI network is generally described as a weighted graph G = (V, E, W), where V is a set of proteins, E is a set of interactions, and W is a n × n(n = |V|) matrix that represents the reliability of protein pairs in PPI networks. The direct interacting neighbor of node v is defined as Nv = {u|(u, v) ∈ E, uV}.

2.3 Methods

2.3.1 The Framework of ELF-DPC Algorithm

This work is a novel ensemble learning framework to identify protein complexes from PPI networks. The block diagram of the detection process is shown in Figure 1.

FIGURE 1
www.frontiersin.org

FIGURE 1. The ensemble framework of proposed protein complex detection.

The framework of this method is outlined in Algorithm 1. The input to the algorithm is the PPI network, which produces a set of protein complexes as output. Our algorithm consists of five main steps. The first step is to construct a weighted PPI network by combining topological structure, gene expression data, GO annotation data, and subcellular location data in Line 2 (Constructing a weighted PPI network section). The second step is to design a protein complex core mining strategy to identify protein complex cores in the PPI networks (Mining protein complex cores section) in Line 3. The third step is first to construct feature vectors to describe the properties of known and false protein complexes in the PPI networks and train a voting regression model (Training a voting regression model section) to model and represent the protein complex based on supervised learning in Line 5. Then second, we define a quality function called structural modularity to describe the structural modularity of protein complexes. Then we combine the trained voting regression model and structural modularity to obtain an ensemble learning model in Line 6. In the fourth step, based on the ensemble learning model, we propose a graph heuristic search strategy (Forming protein complexes section) to extend each protein complex core for forming protein complexes from the PPI networks in Lines 7–14. Finally, we remove these redundant identified protein complexes in Line 15.

2.3.2 Constructing a Weighted PPI Network

Some studies have confirmed that the performance of protein complex detection could be markedly enhanced when the weight of edges is considered (Keretsu and Sarmah, 2016; Lei et al., 2018). Meanwhile, integrating multiple data sources into a PPI network can strengthen the reliability of the PPI networks (Lei et al., 2018; Wang et al., 2020), which inspires us with confidence to give the weight for interactions. Moreover, a protein complex consists of proteins and interactions among themselves, and the proteins in the same protein complex are coexpressed and have a similar function and localization. Thus, we integrate multiple pieces of information, including gene expression data, protein localization data, and gene ontology data, to weight the interactions within the PPI networks.

2.3.2.1 Protein Coexpression Similarity

Generally, for a pair of interacting proteins, their coexpression level can reflect the strength of their interactions. Proteins with coexpressed relationships may also have similar functions (Eisen et al., 1998) and show stronger consistency of functions (Chen and Xu, 2004). Some studies have shown that coexpressed protein pairs tend to interact in the same protein complexes (Keretsu and Sarmah, 2016). Furthermore, the Person correlation coefficient (PCC) was used to estimate how strongly two interacting proteins are coexpressed (Lei et al., 2016; Shang et al., 2016). For a pair of proteins X and Y, their gene expression profiles are X = {x1, x2, … , xi, … , xm} and Y = {y1, y2, … , yi, … , ym}, respectively. The value of their PPC is defined as Eq. 1 (Wang et al., 2013).

PCCX,Y=i=1mxiX̄×yiȲi=1mxiX̄2×i=1myiȲ2(1)

where X̄ and Ȳ are the average gene expression of proteins X and Y at n time points, respectively. The value of PCC(X, Y) ranges from -1 to 1. For convenience, we use (PCC(X, Y) + 1)/2 to replace PCC(X, Y), which sets the value of PCC(X, Y) in (0,1). The value of PCC(X, Y) is higher, and then the coexpression probability of nodes X and Y is larger. At the same time, they could consist of the same protein complex.

2.3.2.2 Protein Functional Similarity

From a functional standpoint, we use GO-slim data to reflect the functional similarity of proteins. If a pair of proteins have more common GO-slim annotations, they are more likely to have the same biological function. Even the reliability of interactions between them will become stronger. Here, we let FS(X, Y) describe this relationship, which is defined as Eq. 2:

FSX,Y=|FSXFSY|min|FSX|,|FSY|,min|FSX|,|FSY|10,otherwise(2)

where |FS(X)| and |FS(Y)| represent the number of GO-slim annotations for proteins X and Y, respectively. |FS(X) ∩ FS(Y)| denotes the number of common GO-slim annotations for proteins X and Y.

2.3.2.3 Protein Subcellular Location Similarity

Generally, if two interacting proteins have more exact subcellular locations, the interaction between proteins is more reliable. Here, we define the subcellular location similarity SL(X, Y), which is defined as Eq. 3:

SLX,Y=2×|SLXSLY||SLX|+|SLY|(3)

where |SL(X)| and |SL(Y)| denote the number of subcellular localizations of proteins X and Y, respectively. |SL(X) ∩ SL(Y)| represents the number of common subcellular localizations between proteins X and Y.

2.3.2.4 Protein Topological Structure Similarity

The network embedding method is a representation learning technique for representing the network’s nodes, which can automatically learn topological information from PPI networks. In this study, we use the network embedding method Node2Vec (Grover and Leskovec, 2016) to learn low-dimensional feature representations for the structural information of the proteins in a PPI network. For proteins X and Y, their representations are two vectors, namely, X and Y. Meanwhile, the obtained protein embedding vectors by node2vec can reflect the topological structure similarity among proteins, and we use cosine similarity to calculate the similarity of vector representation of proteins X and Y, which is defined as Eq. 4:

TSSX,Y=i=1nxi×yii=1nxi2×i=1nyi2(4)

where F(X) = (x1, x2, … , xi, … , xn) and F(Y) = (y1, y2, … , yi, … , yn) is the n dimension of the corresponding vector. TSS(X, Y) indicates the topological structure similarity of two connecting proteins, X and Y.

For each edge, its weighted value W(X, Y) is expressed by Eq. 5:

WX,Y=PCCX,Y+FSX,Y+SLX,Y+TSSX,Y4(5)

when the edges, whose weight is 0, are noise and should be removed from the PPI networks. Finally, we integrate topological structure similarity and biological information similarity, which can enhance the reliability of PPI networks. Therefore, a weighted PPI network is constructed.

2.3.3 Mining Protein Complex Cores

According to the constructing a weighted PPI network section, the weight of interactions is weighted using multiple biological properties and its topological structure, so the higher weight the edge has, the more likely it is that two terminate proteins are inside the same protein complex (Wang et al., 2011; Li et al., 2012). Furthermore, the protein complex cores often correspond to dense subgraphs in PPI networks (Wu et al., 2009; Wang et al., 2019). The pseudocode of mining protein complex cores is presented in Algorithm 2.

First, for the edge (v, u), its weight is w(v, u), and its neighborhood graph is denoted as NG(v, u) = (V*, E*, W*), where V* = NvNu ∪ {v, u}. Furthermore, the average weighted degree of NG(v, u) is denoted as AWD(NG(v, u)) (Eq. 6):

AWDNGv,u=2×s,tE*ws,t|V*|.(6)

Based on the analysis above, we propose a score function (Eq. 7) to score seed edges based on the weight of the edge w(v, u) and the average weighted degree of the neighborhood graph of the edge (Eq. 6) to select seed edges in Line 1. Then, we sort all edges in nonascending order based on the score function (see Eq. 7) in the PPI networks. Only edges whose score function is greater than the mean of the score function of all edges are queued into Q. Seed edges in Q will mine protein complex cores in Line 2.

As a result, the score function of edge (v, u) is defined as Eq. 7:

Scoreedgev,u=wv,u×AWDNGv,u.(7)

For an edge (v, u) ∈ E, its edge clustering coefficient (ECC(v, u)) is defined as the number of triangles to which (u, v) belongs, divided by the number of triangles that might potentially include (u, v), as shown in Eq. 8.

ECCv,u=Zv,umin|degv|,|degu|.(8)

where Z(v, u) denotes the number of triangles built on edge (v, u), and min(| deg(v)|, | deg(u)|) is the minimum degree of the two terminate proteins.

Initially, select the protein with the highest weight edge as the first seed edge (v, u), and create a protein complex core in Line 6, where neighbors of the complex core are added to both the weight of edge w(x, t) ≥ Avgedgesweight (Avgedgesweight is defined as Eq. 9) and ECC(x, t) is greater than the average edge clustering coefficient ECC of all edges (AvgweightECC), according to the closeness between the seed edge (v, u) and its neighbors in Lines 9–17. These two constraints can ensure that the proteins in the protein complex core are correlated in biological relations and closely connected in topological structure. The protein complex core is retained if it contains more than or equals two proteins in Lines 18–20. Meanwhile, the seed edge (including two terminate proteins) would be marked and cannot be used as the seed edge of another cluster in Lines seven and eight. We select the next edge with the highest weight where its two terminal proteins are not included before seed edges, and it is used to form the next protein complex core until the seed queue Q is empty in Lines 6–22.

Avgedgesweight=v,uEwv,u|V|.(9)

CPredictor2.0 (Xu et al., 2017) is also employed to detect global protein complex cores. Here, CPredictor2.0 detects protein complexes using MCL and protein functional information. It first discovers clusters in each functional group using the Markov clustering algorithm and merges them with higher overlap. We use CPredictor2.0 to obtain global protein complex cores (CPrclusters) in Line 23. Next, we combine these local protein complex cores by a graph heuristic search method and global protein complex cores using the CPredictor2.0 method in Line 24.

Here, Algorithm 2 identifies the protein complex cores, which may have some redundant protein complex cores. For these redundant protein complex cores, we only keep one of them in the list of protein complex cores in Line 25.

Algorithm 2
www.frontiersin.org

Algorithm 2. Mining protein complex cores.

2.3.4 Obtaining an Ensemble Learning Model
2.3.4.1 Training a Voting Regression Model

To obtain the trained regression model, we will follow several steps. First, we collect the known protein complexes and weighted a weighted PPI network based on Eq. 5. Second, we map these known protein complexes to the weighted and unweighted PPI networks to obtain mapped protein complexes. Third, we generate false protein complexes in current weighted and unweighted PPI networks based on the same size distribution of mapped protein complexes. Then we analyze the topological properties of known and false protein complexes. Fourth, we extract and select topological features from these mapped protein complexes and false protein complexes. Fifth, we chose an appropriate regression model and train it. Finally, we obtained the trained regression model. The whole training routine is illustrated in Figure 2.

FIGURE 2
www.frontiersin.org

FIGURE 2. A procession of training a regression model.

Next, we mainly introduce the differences and contributions between this study and previous research works. Obtaining known protein complexes from the database of standard protein complexes 1 and 2 (Wang et al., 2020) is very important, because they are used as factual protein complexes for training a model. Note that the protein complex has more than or equal to three proteins. Given machine learning, the quality of the training dataset is vital to model training. Previous methods generally construct false protein complexes by randomly selecting nodes in the graph. It has two disadvantages: it does not guarantee that the generated subgraphs are connected graphs and they cannot reflect the veracity of the topology of subgraphs in PPI networks. Therefore, we propose a false protein complex generating strategy. First, standard protein complexes are mapped to the PPI networks. Note that some standard protein complexes could not be mapped to the PPI networks, so the number of mapped protein complexes is generally less than the number of standard protein complexes. Second, we analyze the size distribution of the mapped protein complexes, and the size distribution of the generated false protein complexes follow the same power-law distribution. Third, according to the size distribution of the mapped protein complexes, we generate false protein complexes by randomly selecting the local neighborhood subgraphs in the PPI networks. Here, false protein complexes whose neighborhood affinity NA(A, B) (Eq. 15) with known protein complexes is less than 0.2. Finally, the ratio between the number of false protein complexes and the number of mapped protein complexes was 5 to 1. For selecting the parameter ratio, please see the parameter selection section.

In this paper, both known and false protein complexes in the PPI networks are modeled as weighted and unweighted undirected graphs. The weight is calculated based on Eq. 5. Extracting and selecting appropriate features are essential to distinguish between factual and false protein complexes. Previous supervised learning methods rely on finding cliques, triangles, rectangles, spokes, and star graphs to mine protein complexes in PPI networks. Of course, we can use topological features such as degree statistics, node size, and edge statistics. On the one hand, we use some existing topological features for protein complex identification.

On the other hand, we propose some topological features to describe the topological properties of protein complexes. We use 65 topological features to represent protein complexes in the PPI networks. Table 3 presents the list of topological features we used. Some topological features are extracted from the unweighted and weighted PPI networks. The implementation details about these topological features are well described in https://github.com/RongquanWang/ELF-DPC/Methods/Feature_selection.py. Additionally, if the reader discovers other relevant and valid topological features, please use them to represent protein complexes further.

TABLE 3
www.frontiersin.org

TABLE 3. The topological features are used for representing protein complexes.

Ensemble learning combines multiple individual learners with certain strategies to form a learning committee, so that the overall generalization performance is greatly improved. In general, the generalization capability of an ensemble learner model is much greater than the generalization capability of a single learner model. Meanwhile, we know that there is a barrel theory so we focus on two major standards: accuracy and diversity:

• Accuracy: The individual learner must not be too bad, but it must be accurate.

• Diversity: The output of individual learners should be different from each other.

Therefore, producing and combining “good but different” individual learners is the core of ensemble learning. The VotingRegressor model is one of the most efficient ensemble learning techniques to reduce the variance and improve detection accuracy. In this paper, we use a VotingRegressor model based on several base models for training. A VotingRegressor is an ensemble meta-estimator that fits several base estimators and averages the individual predictions to form a final prediction. Here, linear regression, BayesianRidge, DecisionTreeRegressor, and SVM. SVR (kernel = “linear”) are used as the base estimators to build the VotingRegressor model. We select the VotingRegressor model due to its reduced variance in individual base estimators and better generalization capabilities, and the Voting Regressor model has more robustness than a single estimator. In this study, the VotingRegressor model and base estimators use default parameters. These models are a freely available machine learning tool used on scikit-learn (Pedregosa et al., 2011), and they can be determined by the website https://scikit-learn.org/stable/supervised_learning.html#supervised-learning.

As a result, a trained VotingRegressor model could be used to estimate the probability of a subgraph being a natural protein complex from a supervised learning perspective to detect protein complexes with various topological structures. The score of the VotingRegressor is based on the higher probability that it is an actual protein complex. The VotingRegressor is defined as Eq. 10a and Eq. 10b:

LR=LinearRegression()BSR=BayesianRidge()DTR=DecisionTreeRegressor()SVR=SVM.SVRkernel=linear(10a)
VRC=VotingRegressorLR,BSR,DTR,SVR(10b)

2.3.4.2 The Structural Modularity of Protein Complexes

Based on the within-module and between module edges of subgraphs and the size of the subgraph, we present a new formal definition of protein complexes in PPI networks (Wu et al., 2009; Yu et al., 2011; Nepusz et al., 2012; Wang et al., 2019). Given the new module definition, an effective method of quantitative measurement is introduced to estimate the likelihood of a cluster C = (VC, EC, WC) being a protein complex in the PPI network. We introduce a structural modularity (SM) model to estimate the likelihood of a cluster C = (VC, EC, WC) being a protein complex, which can detect both dense and sparser protein complexes in PPI networks. First, structural modularity (SM) is combined by Cohesion(C) and Coupling(C), and Cohesion(C) is defined as Eq. 11 and Coupling(C) is defined as Eq. 12.

CohesionC=2×WinCsqrt|C|×|C|1,(11)

where Win=(v,u)ECw(v,u) denotes the total weight of the internal edges contained entirely in cluster C, and |C| is the number of nodes in the cluster C. Cohesion(C) could estimate a protein complex with a community structure having dense connections among its nodes. Here, Cohesion(C) is based on the definition of density of a cluster C by density multiplied by the square root of the size of cluster C to quantify the likelihood that a cluster is a protein complex. The idea of Cohesion(C) is that a protein complex in the PPI network is usually relatively sparse, so Cohesion(C) is used to adopt density as the quality function, and it may be more appropriate.

CouplingC=WoutC|C|,(12)

where Wout(C) = vC,uCw(v, u) represents the total weight of the boundary edges that connect the cluster C with the rest of the PPI network, and it can measure that the cluster C has sparse connections with its neighbor nodes.

Finally, Structural Modularity (SM) is calculated as Eq. 13:

SMC=CohesionCCohesionC+CouplingC(13)

In this work, a protein complex will be assigned a higher value of SM(C) when it has a high adapting density and is well separated from the rest of the network. SM(C) can identify protein complexes with cohesion and separation topological properties. This shows that proteins in a protein complex displayed intense and frequent connections within the protein complex and weak and rare connections to proteins outside of the protein complex.

2.3.4.3 Building an Ensemble Learning Model

In this paper, we propose an ensemble learning model that combines the VotingRegressor model and structural modularity (SM) to quantify the likelihood of a cluster C = (VC, EC, WC) being a candidate protein complex to guide the identification of protein complex processes. An ensemble learning model can improve the robustness and stability of the clusterings by combining the output of several models, thus improving the overall accuracy. For a cluster C, its ensemble learning model is defined as Eq. 14:

FitnessC=VRC×SMC(14)

Based on the ensemble learning model, we will introduce a graph heuristic search strategy by using the ensemble learning model to form protein complexes.

2.3.5 Forming Protein Complexes

Based on the fact that a protein complex core and attachment proteins form a protein complex, we obtain some protein complex cores. Next, we extract the attachment proteins of each protein complex core and select reliable attachments cooperating with its protein complex core to form a protein complex. We design a graph heuristic search strategy for each protein complex core to extend the protein complex core to form a whole protein complex. First, it starts with a protein complex core, which iteratively inserts neighboring proteins into the protein complex core and then removes proteins from the protein complex core to search for a locally optimal cluster. In this paper, each protein complex core is subjected to a graph heuristic search strategy and an ensemble learning model to form a protein complex. The basic idea of a graph heuristic search strategy for a protein complex core is iteratively extended and corrected to form a protein complex by maximizing the score of the ensemble learning model (please see Obtaining an ensemble learning model section).

The pseudocode of the graph heuristic search strategy is shown in Algorithm 3, which consists of the following steps:

i Input a protein complex core.

ii Adding outer boundary proteins process in Lines 3–12: First, for the current protein complex core, we construct its outer boundary proteins set. We first obtain all directly connected neighbor proteins of the current protein complex core, and then we rank these neighbor proteins according to the number of shared proteins between the neighbor of the neighbor protein and current protein complex core. We discard the neighboring proteins with fewer than two common proteins to select high-quality candidate neighboring proteins. Then we select only half of the neighboring protein set reserved according to the sorting results as the outer boundary proteins set in Line 3. Second, we calculate the ensemble learning model score for the current protein complex core when each outer boundary protein is temporarily added. The outer boundary protein that allows the ensemble learning model score to reach a maximum will be inserted into the protein complex core in Lines 5–11. This process is repeated until the ensemble learning model score of the protein complex core is not increased, or the size of the outer boundary nodes is zero in Lines 10 and 4.

iii First, for the current protein complex core, inner boundary proteins are the set of proteins that belong to the protein complex core and connect at least one other protein in the PPI networks in Line 16. Second, we calculate the score of the ensemble learning model after each inner boundary node is temporarily removed from the protein complex core. The inner boundary protein that increases the ensemble learning model score is determined, and it will be eliminated from the protein complex core in Lines 19–21. This process is continued until the ensemble learning model score of the protein complex core reaches a maximum or the size of the inner boundary protein set is zero, and the number of current protein complex cores is less than or equal to 2 in Lines 22–23 and 17.

iv We repeat ii) and iii) until the protein complex core is no longer changed or no increment in the Fitness(SG) of the protein complex core in Lines 27–30, the current protein complex core is considered to be formed as a locally optimal cluster in Line 2–31, and then output it as a detected protein complex in Line 32.

Finally, we select the next protein complex core. Then we repeat this process using a graph heuristic search strategy (Algorithm 3) to extend the next protein complex core to form a protein complex until no seed edges remain. In the last step of the algorithm, some redundant protein complexes and protein complexes containing fewer than three proteins are discarded.

Algorithm 3
www.frontiersin.org

Algorithm 3. A graph heuristic search strategy

3 Experiments and Results

ELF-DPC was implemented in Python three and was successfully executed on a PC with an Intel i7-4790 CPU @3.60 GHz and 80 GB RAM.

3.1 Evaluation Metrics

In this study, to evaluate the proposed method, we need to compare the performance of our method against the compared methods by some statistical metrics. For this purpose, we used the neighborhood affinity, F-measure, CR, ACC, MMR, and Jaccard criteria to evaluate the protein complex detection algorithms. Let S denote the known protein complexes, and D denote the protein complexes identified by a detection method.

3.1.1 Neighborhood Affinity

Si is a standard protein complex in S, and Dj is a discovered protein complex D. Their neighborhood affinity score (NA(Si, Dj)) (Brohee and Van Helden, 2006) can describe the similarity of two protein complexes Si and Dj, and it is defined as Eq.15:

NASi,Dj=|SiDj|2|Si|×|Dj|.(15)

Generally, if NA(Si, Dj) is larger than or equal to 0.2, protein complexes Si and Dj are regarded as matching protein complexes (Li et al., 2010).

3.1.2 F-Measure

Let Nsm be the number of standard protein complexes that match at least one detected protein complex, i.e., Nsm = |{s|sS, ∃dD, NA(s, d) ≥ ω}| and Nim be the number of detected protein complexes that match at least one standard protein complex, i.e., Nim = |{d|dD, ∃sS, NA(d, s) ≥ ω}|, where ω is a predefined threshold and is usually 0.20. Recall and precision are defined as recall=Nsm|S| and precision=Nim|D|, respectively. Finally, the F-measure is the compromise between precision and recall and is defined by Eq. 16:

Fmeasure=2×precision×recallprecision+recall.(16)

3.1.3 ACC

Let Tij be the number of proteins that are included in both standard protein complex Si and detected protein complex Dj, and let Ni be the number of proteins that are included in standard protein complexes S. Meanwhile, Sn and PPV are calculated by Sn=i=1|S|maxj=1|D|Tiji=1|S|Ni and PPV=j=1|D|maxi=1|S|Tijj=1|D|i=1|S|Tij, respectively. As a result, the accuracy (ACC) is defined by Eq. 17:

ACC=Sn×PPV.(17)

3.1.4 MMR

We used the third metric, the maximum matching ratio (MMR) (Nepusz et al., 2012) based on the maximal one-to-one mapping between standard protein complexes and detected protein complexes. First, we need to construct a bipartite graph between S and D, and then each standard protein complex SiS and detected protein complex DjD are connected by the weight W(Si, Dj) edge. Next, we select disjoint edges from the bipartite graph to maximize the sum of their weights; Finally, the MMR is the sum of the weights of all selected edges divided by |S|, which is denoted by Eq. 18:

MMR=i=1|S|maxjNASi,Dj|S|.(18)

3.1.5 Coverage Rate

The coverage rate (CR) was used to assess how many proteins in the standard protein complexes could be covered by the identified complexes. When the standard protein complexes S and the detected protein complexes D are given, the |S|×|D| matrix T is constructed, where each element max{Tij} is the most significant number of shared proteins between the ith standard protein complex, and the jth detected protein complex. The coverage rate is calculated by Eq. 19:

CR=i=1|S|maxTiji=1|S|Ni.(19)

where Ni is the number of proteins in the ith standard complex.

3.1.6 Jaccard

Jaccard is the final method for measuring the clustering methods (Song and Singh, 2009). Here, a standard protein complex is SiS, and a discovered protein complex is DjD. Then, their Jaccard is Jac(Si,Dj)=|SiDj||SiDj|. For the discovered protein complex Dj, its Jaccard is Jac(Dj)=maxSiSJac(Di,Si). For a standard protein complex Si, its Jaccard is Jac(Si)=maxDjDJac(Si,Dj). Then, for detected protein complexes D, the average of the weighted Jaccard is JaccardD=DjD|Dj|Jac(Dj)DjD|Dj|. Similarly, for the standard protein complexes S, its JaccardS is defined by JaccardS=SiS|Si|Jac(Si)SiS|Si|. Finally, the Jaccard is calculated by Eq. 20:

Jaccard=2×JaccardD×JaccardSJaccardD+JaccardS.(20)

3.1.7 Functional Enrichment Analysis

In addition to these metrics to measure the performance of ELF-DPC, we investigated whether these identified protein complexes have biological significance by calculating the p-value. Generally, a detected protein complex possesses biological significance if its p-value is less than 0.01. In this paper, we used the fast tool LAGO (Boyle et al., 2004) to compute a p-value, and it is based on the hypergeometric distribution and Bonferroni correction. For more information about it, please refer to the literature (Boyle et al., 2004; Wang et al., 2019). The p-value is denoted as Eq. 21

pvalue=1i=0k1FiNFCiNC,(21)

where k is the number of functional group proteins in the protein complex, and N is the number of proteins in the PPI networks. F is the size of the functional group in the PPI networks. We assume that a discovered protein complex contains C proteins.

3.2 Parameter Selection

To study the effect of parameter ratio on the performance of ELF-DPC, we adjusted the value of ratio from 1 to 20 by increments of 5 through several experiments and set it to the appropriate values. Figures 3, 4 show the changing trend of the Total score with the value of ratio for the ELF-DPC algorithm with four PPI networks and two standard protein complex combinations. In standard protein complexes 1, ratio reaches its maximum value at ratio = 5. In standard protein complexes 2, ratio reaches its maximum value at ratio = 15. We can see that the Total score is not very sensitive to ratio, it tends to be stable when ratio falls in (5,15), and the fluctuations of the Total score are not significant. Therefore, the value of ratio is set as 5 by the default value in this study.

FIGURE 3
www.frontiersin.org

FIGURE 3. Value of parameters ratio for ELF-DPC based on standard protein complexes 1.

FIGURE 4
www.frontiersin.org

FIGURE 4. Value of parameters ratio for ELF-DPC based on standard protein complexes 2.

3.3 Comparison With State-of-the-art Algorithms

We obtained the software implementations for all the compared methods, and their parameters are shown in Table 4. Although better results could probably be obtained by fine-tuning these parameters, to maintain the fairness of different algorithms, the parameters of the compared algorithms and the ELF-DPC algorithm were set as the recommended values by the authors.

TABLE 4
www.frontiersin.org

TABLE 4. Parameters of each method used in the study.

In this section, we tested ELF-DPC on four original PPI networks, i.e., Gavin and Krogan core, DIP, and MIPS, and two known protein complexes were used for training and assessing the performance of ELF-DPC. We used six computational metrics, the F-measure, CR, ACC, MMR, Jaccard, and total score, to evaluate the performance. Here, we define the sum of the top five measures as the Total score. Note that the number of identified protein complexes (Num) was counted by each method. To illustrate the performance of ELF-DPC, we selected ten representative unsupervised methods, including DPClus (Altaf-Ul-Amin et al., 2006), CMC (Liu et al., 2009), ClusterONE (Nepusz et al., 2012), PEWCC (Zaki et al., 2013), WPNCA (Peng et al., 2014), CPredictor2.0 (Xu et al., 2017), Zhang (Zhang et al., 2016), ICJointLE (Zhang et al., 2019), PC2P (Omranian et al., 2021), and two state-of-the-art supervised methods, including ClusterEPs (Liu et al., 2016) and ClusterSS (Dong et al., 2018). Tables 5, 6 show the comparison results of all methods on four PPI networks in terms of six evaluation metrics, and the highest value of each metric of each PPI network is in bold.

TABLE 5
www.frontiersin.org

TABLE 5. Experimental results by the different methods using standard protein complexes 1.

TABLE 6
www.frontiersin.org

TABLE 6. Experimental results by the different methods using standard protein complexes 2.

As shown in Table 5, when standard protein complexes 2 was used as the training set and standard protein complexes 1 was used as the test set, the ELF-DPC achieved the highest F-measure, Jaccard, and Total score based on most of the four PPI networks. For the Gavin dataset shown in Table 5, the ELF-DPC algorithm ranks third in terms of CR, sixth in terms of ACC, and sixth in terms of MMR. The Krogan core dataset shown in Table 5 shows that the ELF-DPC achieves first place on CR and obtains four places on the ACC statistics. However, ELF-DPC achieves first place on MMR, it is 0.2687. For the DIP dataset shown in Table 5, the ELF-DPC method takes second in terms of CR and ACC metrics, the ELF-DPC algorithm has the second-highest top level in terms of MMR, and the ELF-DPC method takes second in terms of Jaccard, which is slightly lower than the best at 0.3454. For the MIPS dataset shown in Table 5, it can be seen that the ELF-DPC method takes first in terms of CR, at 0.2914. The ELF-DPC algorithm has the fourth-highest top level in terms of ACC, and the ELF-DPC algorithm is the first place in terms of MMR.

We used standard protein complexes 1 as the positive training set and standard protein complexes 2 as the test set. The results are presented in Table 6. One can quickly find that ELF-DPC has the best F-measure, MMR, Jaccard, and Total score on most tested datasets. Although ELF-DPC did not obtain the highest score in terms of CR, and ACC, the experimental comparison results are similar, taking standard protein complexes 1 in Table 5 as the test set. According to the experimental results in Tables 1 and 2, in some cases, some algorithms that identify more protein complexes achieve the highest MMR, such as PEWCC and ClusterSS, which means that detection algorithms that detect more protein complexes are suitable for MMR. Meanwhile, the number of protein complexes identified by the ELF-DPC algorithm is relatively small. However, it also achieves the highest values on some datasets, indicating that identifying protein complexes by the ELF-DPC algorithm can obtain a better maximal one-to-one mapping to standard protein complexes. On the whole, comparative experimental results show that ELF-DPC can achieve a higher Total score than all the compared methods on all datasets, which means that ELF-DPC performs better than these competitive methods on most computational evaluation metrics in the tested datasets.

3.4 Comparison With Functional Enrichment Analysis

We further substantiated the biological significance of the detected protein complexes by different methods by comparing the p-value of the identified proteins in GO (Gene Ontology) databases, which cover three domains: biological process, molecular function, and cellular component. Since the p-values of identified protein complexes are closely related to their size (Wang et al., 2019), we need to perform a comprehensive analysis of these statistics. Therefore, the number of significantly identified protein complexes and the percentage of them in different values of the p-value from 1E-2 to 1E-20 were used to estimate their functional enrichment. We analyzed the protein complexes discovered by ELF-DPC and compared algorithms using the p-value test. Generally, a protein complex with a lower p-value is significant. The functional enrichment analysis results for these methods are shown in Tables 7 and 8, where Num is the total number of identified protein complexes, and AS is the mean of the sizes of identified protein complexes.

TABLE 7
www.frontiersin.org

TABLE 7. Results of function enrichment test with different thresholds of p-value on Gavin and Krogan core.

TABLE 8
www.frontiersin.org

TABLE 8. Results of function enrichment test with different thresholds of p-value on DIP and MIPS.

As Table 7 shows, for the PPI Gavin dataset, ClusterEPs obtains a higher proportion of significantly identified protein complexes, which reaches 94.46%, higher than our ELF-DPC. However, ELF-DPC achieves a high proportion of significantly identified protein complexes with a p-value ≥ E-15. For the Krogan core PPI datasets, PEWCC attains a higher proportion of significantly identified protein complexes than our ELF-DPC. The reason is that ClusterEPs identifies the mean size of the identified protein complexes (AS) as 10.16. The AS of our ELF-DPC is 9.55 and 9.13, respectively. Generally, the p-value of an identified protein complex is closely associated with the size of the identified protein complex. Then the p-value decreases gradually when the size of the detected protein complexes increases (Wu et al., 2009; Peng et al., 2014). As Table 8 shows, for the PPI dataset DIP, CPredictor2.0 obtains a higher proportion of significantly identified protein complexes than our ELF-DPC. At the same time, ELF-DPC achieves a high proportion of significantly identified protein complexes with p-value ≥ E-20. For dataset MIPS, ELF-DPC performs better than other competing methods regarding the proportion of significantly identified complexes.

Therefore, we can conclude that ELF-DPC could detect more protein complexes with biological significance. Although some detected protein complexes currently do not match known protein complexes, they are more likely to be verified as actual protein complexes by laboratory techniques. Based on the above results, the protein complexes identified by ELF-DPC have significant biological meaning.

3.5 Case Study

To clearly show the clustering results, we visualized the 208th standard protein complex of standard protein complexes 1 in Figure 5. We define a format to allow readers to obtain information. For example, (b) ELF-DPC-1.0–10, which means that the neighborhood affinity (Eq. 15) of ELF-DPC is 1.0, and it contains 10 proteins. Here, the red nodes are proteins that are correctly identified by this method, the yellow nodes are proteins that are missed by this method, and the blue nodes are the proteins that are incorrectly identified by this method. Figure 5 (a) shows that there were 10 proteins in the 208th standard protein complex. The clustering results of the other thirteen methods (b) ELF-DPC, (c) ClusterONE and ClusterSS, (d) CPredictor2.0, (e) PEWCC, (f) MCL, (g) ClusterEPs, (h) ICJointLE, (i) CMC, DPClus, PC2P, (j) WPNCA, and (k) Zhang are all from the Krogan core dataset. (c) ClusterONE and ClusterSS, (d) CPredictor2.0, (e) PEWCC, (g) ClusterEPs, (h) ICJointLE, (i) CMC, DPClus, PC2P, and (k) Zhang only successfully identified part of the 208th standard protein complex, and they also did not identify some proteins. Meanwhile, (j) WPNCA and (f) MCL missed some proteins and incorrectly identified some proteins. However, our ELF-DPC method accurately identified 10 proteins and achieved the best performance in identifying the 208th standard protein complex.

FIGURE 5
www.frontiersin.org

FIGURE 5. An example protein complex identified by different methods on the Krogan core PPI network. For example, (b) ELF-DPC-1.0–10, which means that the neighborhood affinity (Eq. 15) of ELF-DPC is 1.0, and it contains 10 proteins. Here, the red nodes are proteins that are correctly identified by this method, the yellow nodes are proteins that are missed by this method, and the blue nodes are the proteins that are incorrectly identified by this method.

Moreover, Table 9 provides 16 protein complexes with vital biological significance identified by the ELF-DPC algorithm in four PPI networks, which provide helpful biological knowledge to related researchers.

TABLE 9
www.frontiersin.org

TABLE 9. The identified protein complexes with small p-values.

4 Conclusion

Although many protein complex detection methods have been presented in the recent decades, the detection method with excellent performance is still a bottleneck in bioinformatics. This study presented an ensemble learning framework to identify protein complexes according to the core-attachment structure of protein complexes. First, a weighted PPI network was constructed by integrating the gene expression data, gene ontology data, and subcellular location data, as well as topological structure. Next, we used the protein complex core mining strategy to find protein complex cores. After that, we provided a new model training method to construct a training dataset and then extracted various topological features for training a VotingRegressor model to describe protein complexes based on supervised learning. Furthermore, we defined structural modularity for modeling the internal organization of protein complexes. As a result, an ensemble learning model is presented to guide the search for protein complexes. Finally, we designed a graph heuristic search strategy for extending protein complex cores to form protein complexes in the PPI networks. The experimental results show that ELF-DPC performs better than other competing methods. Moreover, our ELF-DPC can mine protein complexes with high biological significance. Because our ELF-DPC can not detect small protein complexes (size ≤2), we will consider integrating other data sources (Tan et al., 2018) to identify small protein complexes. In the future, we can infer drug-disease associations by constructing a heterogeneous network consisting of drugs, detected protein complexes, and diseases to unveil disease mechanisms, and discover available drugs (Yu et al., 2015). In addition, we also consider using graph attention networks and deep learning methods to identify protein complexes.

Data Availability Statement

The original contributions presented in the study are included in the article/Supplementary Material, further inquiries can be directed to the corresponding author.

Author Contributions

RW was responsible for the main algorithm’s development phase and drafted the article. HM and CW also revised the drafted article and approved the paper’s content. All authors were responsible for designing the algorithm.

Funding

This work was supported by the Fundamental Research Funds for the Central Universities (No. FRF-TP-20-064A1Z), the R&D Program of CAAC Key Laboratory of Flight Techniques and Flight Safety (NO. FZ2021ZZ05), and the National Natural Science Foundation of China (No. U20B2062 and No. 62172036). The funders provided financial support to the research but had no role in the study’s design, analysis, interpretations of data, and writing the manuscript.

Conflict of Interest

The authors declare that the research was conducted in the absence of any commercial or financial relationships that could be construed as a potential conflict of interest.

Publisher’s Note

All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article, or claim that may be made by its manufacturer, is not guaranteed or endorsed by the publisher.

References

Abduljabbar, D. A., Hashim, S. Z. M., and Sallehuddin, R. (2020). Nature-inspired Optimization Algorithms for Community Detection in Complex Networks: a Review and Future Trends. Telecommun Syst. 74, 225–252. doi:10.1007/s11235-019-00636-x

CrossRef Full Text | Google Scholar

Aloy, P., Böttcher, B., Ceulemans, H., Leutwein, C., Mellwig, C., Fischer, S., et al. (2004). Structure-based Assembly of Protein Complexes in Yeast. Science 303, 2026–2029. doi:10.1126/science.1092645

PubMed Abstract | CrossRef Full Text | Google Scholar

Altaf-Ul-Amin, M., Shinbo, Y., Mihara, K., Kurokawa, K., and Kanaya, S. (2006). Development and Implementation of an Algorithm for Detection of Protein Complexes in Large Interaction Networks. BMC bioinformatics 7, 207–213. doi:10.1186/1471-2105-7-207

PubMed Abstract | CrossRef Full Text | Google Scholar

Boyle, E. I., Weng, S., Gollub, J., Jin, H., Botstein, D., Cherry, J. M., et al. (2004). GO:TermFinder--open Source Software for Accessing Gene Ontology Information and Finding Significantly Enriched Gene Ontology Terms Associated with a List of Genes. Bioinformatics 20, 3710–3715. doi:10.1093/bioinformatics/bth456

PubMed Abstract | CrossRef Full Text | Google Scholar

Brohée, S., and Van Helden, J. (2006). Evaluation of Clustering Algorithms for Protein-Protein Interaction Networks. BMC bioinformatics 7, 488. doi:10.1186/1471-2105-7-488

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, B., Fan, W., Liu, J., and Wu, F.-X. (2014). Identifying Protein Complexes and Functional Modules-Ffrom Static PPI Networks to Dynamic PPI Networks. Brief. Bioinformatics 15, 177–194. doi:10.1093/bib/bbt039

PubMed Abstract | CrossRef Full Text | Google Scholar

Chen, Y., and Xu, D. (2004). Global Protein Function Annotation through Mining Genome-Scale Data in Yeast saccharomyces Cerevisiae. Nucleic Acids Res. 32, 6414–6424. doi:10.1093/nar/gkh978

PubMed Abstract | CrossRef Full Text | Google Scholar

Dong, Y., Sun, Y., and Qin, C. (2018). Predicting Protein Complexes Using a Supervised Learning Method Combined with Local Structural Information. PloS one 13, e0194124. doi:10.1371/journal.pone.0194124

PubMed Abstract | CrossRef Full Text | Google Scholar

Eisen, M. B., Spellman, P. T., Brown, P. O., and Botstein, D. (1998). Cluster Analysis and Display of Genome-wide Expression Patterns. Proc. Natl. Acad. Sci. 95, 14863–14868. doi:10.1073/pnas.95.25.14863

PubMed Abstract | CrossRef Full Text | Google Scholar

Fortunato, S. (2010). Community Detection in Graphs. Phys. Rep. 486, 75–174. doi:10.1016/j.physrep.2009.11.002

CrossRef Full Text | Google Scholar

Friedel, C. C., Krumsiek, J., and Zimmer, R. (2009). Bootstrapping the Interactome: Unsupervised Identification of Protein Complexes in Yeast. J. Comput. Biol. 16, 971–987. doi:10.1089/cmb.2009.0023

CrossRef Full Text | Google Scholar

Gavin, A.-C., Aloy, P., Grandi, P., Krause, R., Boesche, M., Marzioch, M., et al. (2006). Proteome Survey Reveals Modularity of the Yeast Cell Machinery. Nature 440, 631–636. doi:10.1038/nature04532

PubMed Abstract | CrossRef Full Text | Google Scholar

Gavin, A.-C., Bösche, M., Krause, R., Grandi, P., Marzioch, M., Bauer, A., et al. (2002). Functional Organization of the Yeast Proteome by Systematic Analysis of Protein Complexes. Nature 415, 141–147. doi:10.1038/415141a

PubMed Abstract | CrossRef Full Text | Google Scholar

Girvan, M., and Newman, M. E. J. (2002). Community Structure in Social and Biological Networks. Proc. Natl. Acad. Sci. 99, 7821–7826. doi:10.1073/pnas.122653799

PubMed Abstract | CrossRef Full Text | Google Scholar

Grover, A., and Leskovec, J. (2016). “node2vec: Scalable Feature Learning for Networks,” in Proceedings of the 22nd ACM SIGKDD international conference on Knowledge discovery and data mining, 855–864.

PubMed Abstract | CrossRef Full Text | Google Scholar

Güldener, U., Münsterkötter, M., Oesterheld, M., Pagel, P., Ruepp, A., Mewes, H.-W., et al. (2006). Mpact: the Mips Protein Interaction Resource on Yeast. Nucleic Acids Res. 34, D436–D441.

PubMed Abstract | CrossRef Full Text | Google Scholar

He, T., and Chan, K. C. C. (2016). Evolutionary Graph Clustering for Protein Complex Identification. Ieee/acm Trans. Comput. Biol. Bioinform 15, 892–904. doi:10.1109/TCBB.2016.2642107

PubMed Abstract | CrossRef Full Text | Google Scholar

He, T., Liu, Y., Ko, T. H., Chan, K. C. C., and Ong, Y. S. (2019). Contextual Correlation Preserving Multiview Featured Graph Clustering. IEEE Trans. Cybern 50, 4318–4331. doi:10.1109/TCYB.2019.2926431

PubMed Abstract | CrossRef Full Text | Google Scholar

He, T., Bai, L., and Ong, Y.-S. (2021a). Vicinal Vertex Allocation for Matrix Factorization in Networks. IEEE Trans. Cybernetics. doi:10.1109/tcyb.2021.3051606

CrossRef Full Text | Google Scholar

He, T., Ong, Y., and Bai, L. (2021b). Learning Conjoint Attentions for Graph Neural Nets. Adv. Neural Inf. Process. Syst. 34.

Google Scholar

Hong, E. L., Balakrishnan, R., Dong, Q., Christie, K. R., Park, J., Binkley, G., et al. (2007). Gene Ontology Annotations at Sgd: New Data Sources and Annotation Methods. Nucleic Acids Res. 36, D577–D581. doi:10.1093/nar/gkm909

PubMed Abstract | CrossRef Full Text | Google Scholar

Hu, L., and Chan, K. C. (2015). A Density-Based Clustering Approach for Identifying Overlapping Protein Complexes with Functional Preferences. BMC bioinformatics 16, 174. doi:10.1186/s12859-015-0583-3

PubMed Abstract | CrossRef Full Text | Google Scholar

Hu, L., Yuan, X., Liu, X., Xiong, S., and Luo, X. (2018). Efficiently Detecting Protein Complexes from Protein Interaction Networks via Alternating Direction Method of Multipliers. Ieee/acm Trans. Comput. Biol. Bioinform 16, 1922–1935. doi:10.1109/TCBB.2018.2844256

PubMed Abstract | CrossRef Full Text | Google Scholar

Jianxin Wang, J., Jun Ren, J., Min Li, M., and Fang-Xiang Wu, F.-X. (2012). Identification of Hierarchical and Overlapping Functional Modules in Ppi Networks. IEEE Trans.on Nanobioscience 11, 386–393. doi:10.1109/tnb.2012.2210907

CrossRef Full Text | Google Scholar

Keretsu, S., and Sarmah, R. (2016). Weighted Edge Based Clustering to Identify Protein Complexes in Protein-Protein Interaction Networks Incorporating Gene Expression Profile. Comput. Biol. Chem. 65, 69–79. doi:10.1016/j.compbiolchem.2016.10.001

PubMed Abstract | CrossRef Full Text | Google Scholar

King, A. D., Przulj, N., and Jurisica, I. (2004). Protein Complex Prediction via Cost-Based Clustering. Bioinformatics 20, 3013–3020. doi:10.1093/bioinformatics/bth351

PubMed Abstract | CrossRef Full Text | Google Scholar

Kipf, T. N., and Welling, M. (2016). Semi-supervised Classification with Graph Convolutional Networks. arXiv preprint arXiv:1609.02907.

Google Scholar

Krogan, N. J., Cagney, G., Yu, H., Zhong, G., Guo, X., Ignatchenko, A., et al. (2006). Global Landscape of Protein Complexes in the Yeast saccharomyces Cerevisiae. Nature 440, 637–643. doi:10.1038/nature04670

PubMed Abstract | CrossRef Full Text | Google Scholar

Lakizadeh, A., Jalili, S., and Marashi, S.-A. (2015). Camwi: Detecting Protein Complexes Using Weighted Clustering Coefficient and Weighted Density. Comput. Biol. Chem. 58, 231–240. doi:10.1016/j.compbiolchem.2015.07.012

PubMed Abstract | CrossRef Full Text | Google Scholar

Lei, X., Ding, Y., Fujita, H., and Zhang, A. (2016). Identification of Dynamic Protein Complexes Based on Fruit Fly Optimization Algorithm. Knowledge-Based Syst. 105, 270–277. doi:10.1016/j.knosys.2016.05.019

CrossRef Full Text | Google Scholar

Lei, X., Zhang, Y., Cheng, S., Wu, F.-X., and Pedrycz, W. (2018). Topology Potential Based Seed-Growth Method to Identify Protein Complexes on Dynamic Ppi Data. Inf. Sci. 425, 140–153. doi:10.1016/j.ins.2017.10.013

CrossRef Full Text | Google Scholar

Li, M., Wu, X., Wang, J., and Pan, Y. (2012). Towards the Identification of Protein Complexes and Functional Modules by Integrating Ppi Network and Gene Expression Data. BMC bioinformatics 13, 109–115. doi:10.1186/1471-2105-13-109

PubMed Abstract | CrossRef Full Text | Google Scholar

Li, X., Wu, M., Kwoh, C. K., and Ng, S. K. (2010). Computational Approaches for Detecting Protein Complexes from Protein Interaction Networks: a Survey. BMC genomics 11 Suppl 1, S3–S19. doi:10.1186/1471-2164-11-S1-S3

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, G., Liu, B., Li, A., Wang, X., Yu, J., and Zhou, X. (2021). Identifying Protein Complexes with clear Module Structure Using Pairwise Constraints in Protein Interaction Networks. Front. Genet. 12, 664786. doi:10.3389/fgene.2021.664786

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, G., Wong, L., and Chua, H. N. (2009). Complex Discovery from Weighted Ppi Networks. Bioinformatics 25, 1891–1897. doi:10.1093/bioinformatics/btp311

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, Q., Song, J., and Li, J. (2016). Using Contrast Patterns between True Complexes and Random Subgraphs in Ppi Networks to Predict Unknown Protein Complexes. Sci. Rep. 6, 21223. doi:10.1038/srep21223

PubMed Abstract | CrossRef Full Text | Google Scholar

Liu, X., Yang, Z., Sang, S., Zhou, Z., Wang, L., Zhang, Y., et al. (2018). Identifying Protein Complexes Based on Node Embeddings Obtained from Protein-Protein Interaction Networks. BMC bioinformatics 19, 332. doi:10.1186/s12859-018-2364-2

PubMed Abstract | CrossRef Full Text | Google Scholar

Ma, C. Y., Chen, Y. P., Berger, B., and Liao, C. S. (2017). Identification of Protein Complexes by Integrating Multiple Alignment of Protein Interaction Networks. Bioinformatics 33, 1681–1688. doi:10.1093/bioinformatics/btx043

PubMed Abstract | CrossRef Full Text | Google Scholar

Mei, S. (2022). A Framework Combines Supervised Learning and Dense Subgraphs Discovery to Predict Protein Complexes. Front. Comput. Sci. 16, 1–14. doi:10.1007/s11704-021-0476-8

CrossRef Full Text | Google Scholar

Meng, X., Peng, X., Wu, F.-X., and Li, M. (2019). “Detecting Protein Complex Based on Hierarchical Compressing Network Embedding,” in 2019 IEEE International Conference on Bioinformatics and Biomedicine (BIBM), 215–218. doi:10.1109/bibm47256.2019.8983423

CrossRef Full Text | Google Scholar

Mewes, H. W., Amid, C., Arnold, R., Frishman, D., Güldener, U., Mannhaupt, G., et al. (2004). Mips: Analysis and Annotation of Proteins from Whole Genomes. Nucleic Acids Res. 32, D41–D44. doi:10.1093/nar/gkh092

PubMed Abstract | CrossRef Full Text | Google Scholar

Nepusz, T., Yu, H., and Paccanaro, A. (2012). Detecting Overlapping Protein Complexes in Protein-Protein Interaction Networks. Nat. Methods 9, 471–472. doi:10.1038/nmeth.1938

PubMed Abstract | CrossRef Full Text | Google Scholar

Omranian, S., Angeleska, A., and Nikoloski, Z. (2021). Pc2p: Parameter-free Network-Based Prediction of Protein Complexes. Bioinformatics 37, 73–81. doi:10.1093/bioinformatics/btaa1089

CrossRef Full Text | Google Scholar

Pedregosa, F., Varoquaux, G., Gramfort, A., Michel, V., Thirion, B., Grisel, O., et al. (2011). Scikit-learn: Machine Learning in Python. J. Machine Learn. Res. 12, 2825–2830.

Google Scholar

Peng, W., Wang, J., Zhao, B., and Wang, L. (2014). Identification of Protein Complexes Using Weighted Pagerank-Nibble Algorithm and Core-Attachment Structure. Ieee/acm Trans. Comput. Biol. Bioinform 12, 179–192. doi:10.1109/TCBB.2014.2343954

PubMed Abstract | CrossRef Full Text | Google Scholar

Pourkazemi, M., and Keyvanpour, M. R. (2017). Community Detection in Social Network by Using a Multi-Objective Evolutionary Algorithm. Intell. Data Anal. 21, 385–409. doi:10.3233/ida-150429

CrossRef Full Text | Google Scholar

Pu, S., Wong, J., Turner, B., Cho, E., and Wodak, S. J. (2009). Up-to-date Catalogues of Yeast Protein Complexes. Nucleic Acids Res. 37, 825–831. doi:10.1093/nar/gkn1005

PubMed Abstract | CrossRef Full Text | Google Scholar

Qi, Y., Balem, F., Faloutsos, C., Klein-Seetharaman, J., and Bar-Joseph, Z. (2008). Protein Complex Identification by Supervised Graph Local Clustering. Bioinformatics 24, i250–i268. doi:10.1093/bioinformatics/btn164

PubMed Abstract | CrossRef Full Text | Google Scholar

Shang, X., Wang, Y., and Chen, B. (2016). Identifying Essential Proteins Based on Dynamic Protein-Protein Interaction Networks and Rna-Seq Datasets. Sci. China Inf. Sci. 59, 1–11. doi:10.1007/s11432-016-5583-z

CrossRef Full Text | Google Scholar

Shi, L., Lei, X., and Zhang, A. (2011). Protein Complex Detection with Semi-supervised Learning in Protein Interaction Networks. Proteome Sci. 9 Suppl 1, S5–S9. doi:10.1186/1477-5956-9-S1-S5

PubMed Abstract | CrossRef Full Text | Google Scholar

Sikandar, A., Anwar, W., Bajwa, U. I., Wang, X., Sikandar, M., Yao, L., et al. (2018). Decision Tree Based Approaches for Detecting Protein Complex in Protein Protein Interaction Network (Ppi) via Link and Sequence Analysis. IEEE Access 6, 22108–22120. doi:10.1109/access.2018.2807811

CrossRef Full Text | Google Scholar

Song, J., and Singh, M. (2009). How and when Should Interactome-Derived Clusters Be Used to Predict Functional Modules and Protein Function? Bioinformatics 25, 3143–3150. doi:10.1093/bioinformatics/btp551

PubMed Abstract | CrossRef Full Text | Google Scholar

Spirin, V., and Mirny, L. A. (2003). Protein Complexes and Functional Modules in Molecular Networks. Proc. Natl. Acad. Sci. 100, 12123–12128. doi:10.1073/pnas.2032324100

PubMed Abstract | CrossRef Full Text | Google Scholar

Tan, C. S. H., Go, K. D., Bisteau, X., Dai, L., Yong, C. H., Prabhu, N., et al. (2018). Thermal Proximity Coaggregation for System-wide Profiling of Protein Complex Dynamics in Cells. Science 359, 1170–1177. doi:10.1126/science.aan0346

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, J., Li, M., Deng, Y., and Pan, Y. (2010). Recent Advances in Clustering Methods for Protein Interaction Networks. BMC genomics 11 Suppl 3, S10–S19. doi:10.1186/1471-2164-11-S3-S10

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, J., Peng, X., Li, M., and Pan, Y. (2013). Construction and Application of Dynamic Protein Interaction Network Based on Time Course Gene Expression Data. Proteomics 13, 301–312. doi:10.1002/pmic.201200277

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, R., Wang, C., Sun, L., and Liu, G. (2019). A Seed-Extended Algorithm for Detecting Protein Complexes Based on Density and Modularity with Topological Structure and Go Annotations. BMC genomics 20, 637. doi:10.1186/s12864-019-5956-y

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, R., Ma, H., and Wang, C. (2021). An Improved Memetic Algorithm for Detecting Protein Complexes in Protein Interaction Networks. Front. Genet. 12, 794354. doi:10.3389/fgene.2021.794354

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, R., Wang, C., and Liu, G. (2020). A Novel Graph Clustering Method with a Greedy Heuristic Search Algorithm for Mining Protein Complexes from Dynamic and Static Ppi Networks. Inf. Sci. 522, 275–298. doi:10.1016/j.ins.2020.02.063

CrossRef Full Text | Google Scholar

Wang, X., Zhang, N., Zhao, Y., and Wang, J. (2021). A New Method for Recognizing Protein Complexes Based on Protein Interaction Networks and Go Terms. Front. Genet. 12, 792265. doi:10.3389/fgene.2021.792265

PubMed Abstract | CrossRef Full Text | Google Scholar

Wang, Y., Gao, L., and Chen, Z. (2011). “An Edge Based Core-Attachment Method to Detect Protein Complexes in Ppi Networks,” in 2011 IEEE International Conference on Systems Biology (ISB), 72–77. doi:10.1109/isb.2011.6033123

CrossRef Full Text | Google Scholar

Wu, M., Li, X., Kwoh, C. K., and Ng, S. K. (2009). A Core-Attachment Based Method to Detect Protein Complexes in Ppi Networks. BMC bioinformatics 10, 169. doi:10.1186/1471-2105-10-169

PubMed Abstract | CrossRef Full Text | Google Scholar

Xenarios, I., Salwinski, L., Duan, X. J., Higney, P., Kim, S.-M., and Eisenberg, D. (2002). Dip, the Database of Interacting Proteins: a Research Tool for Studying Cellular Networks of Protein Interactions. Nucleic Acids Res. 30, 303–305. doi:10.1093/nar/30.1.303

PubMed Abstract | CrossRef Full Text | Google Scholar

Xiao-Fei Zhang, X.-F., Dao-Qing Dai, D.-Q., and Xiao-Xin Li, X.-X. (2012). Protein Complexes Discovery Based on Protein-Protein Interaction Data via a Regularized Sparse Generative Network Model. Ieee/acm Trans. Comput. Biol. Bioinf. 9, 857–870. doi:10.1109/tcbb.2012.20

CrossRef Full Text | Google Scholar

Xu, B., Wang, Y., Wang, Z., Zhou, J., Zhou, S., and Guan, J. (2017). An Effective Approach to Detecting Both Small and Large Complexes from Protein-Protein Interaction Networks. BMC bioinformatics 18, 419–428. doi:10.1186/s12859-017-1820-8

PubMed Abstract | CrossRef Full Text | Google Scholar

Yao, H., Shi, Y., Guan, J., and Zhou, S. (2019). Accurately Detecting Protein Complexes by Graph Embedding and Combining Functions with Interactions. Ieee/acm Trans. Comput. Biol. Bioinform 17, 777–787. doi:10.1109/TCBB.2019.2897769

PubMed Abstract | CrossRef Full Text | Google Scholar

Yu, F., Yang, Z., Tang, N., Lin, H., Wang, J., and Yang, Z. (2014). Predicting Protein Complex in Protein Interaction Network - a Supervised Learning Based Method. BMC Syst. Biol. 8 Suppl 3, S4–S16. doi:10.1186/1752-0509-8-S3-S4

PubMed Abstract | CrossRef Full Text | Google Scholar

Yu, L., Huang, J., Ma, Z., Zhang, J., Zou, Y., and Gao, L. (2015). Inferring Drug-Disease Associations Based on Known Protein Complexes. BMC Med. Genomics 8 Suppl 2, S2–S13. doi:10.1186/1755-8794-8-S2-S2

PubMed Abstract | CrossRef Full Text | Google Scholar

Yu, L., Gao, L., Li, K., Zhao, Y., and Chiu, D. K. Y. (2011). A Degree-Distribution Based Hierarchical Agglomerative Clustering Algorithm for Protein Complexes Identification. Comput. Biol. Chem. 35, 298–307. doi:10.1016/j.compbiolchem.2011.07.005

PubMed Abstract | CrossRef Full Text | Google Scholar

Zaki, N., Efimov, D., and Berengueres, J. (2013). Protein Complex Detection Using Interaction Reliability Assessment and Weighted Clustering Coefficient. BMC bioinformatics 14, 163–169. doi:10.1186/1471-2105-14-163

PubMed Abstract | CrossRef Full Text | Google Scholar

Zaki, N., Singh, H., and Mohamed, E. A. (2021). Identifying Protein Complexes in Protein-Protein Interaction Data Using Graph Convolutional Network. IEEE Access 9, 123717–123726. doi:10.1109/access.2021.3110845

CrossRef Full Text | Google Scholar

Zhang, J., Zhong, C., Huang, Y., Lin, H. X., and Wang, M. (2019). A Method for Identifying Protein Complexes with the Features of Joint Co-localization and Joint Co-expression in Static Ppi Networks. Comput. Biol. Med. 111, 103333. doi:10.1016/j.compbiomed.2019.103333

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, X. F., Dai, D. Q., Ou-Yang, L., and Yan, H. (2014). Detecting Overlapping Protein Complexes Based on a Generative Model with Functional and Topological Properties. BMC bioinformatics 15, 186. doi:10.1186/1471-2105-15-186

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, Y., Lin, H., Yang, Z., Wang, J., Liu, Y., and Sang, S. (2016). A Method for Predicting Protein Complex in Dynamic Ppi Networks. BMC bioinformatics 17 Suppl 7, 229–543. doi:10.1186/s12859-016-1101-y

PubMed Abstract | CrossRef Full Text | Google Scholar

Zhang, Y., Lei, X., and Tan, Y. (2017). “Firefly Clustering Method for Mining Protein Complexes,” in International Conference on Swarm Intelligence, 601–610. doi:10.1007/978-3-319-61824-1_65

CrossRef Full Text | Google Scholar

Keywords: protein complexes, protein-protein interaction networks, graph clustering algorithms, ensemble learning, network embedding, biological information

Citation: Wang R, Ma H and Wang C (2022) An Ensemble Learning Framework for Detecting Protein Complexes From PPI Networks. Front. Genet. 13:839949. doi: 10.3389/fgene.2022.839949

Received: 20 December 2021; Accepted: 31 January 2022;
Published: 24 February 2022.

Edited by:

Yichuan Liu, Children’s Hospital of Philadelphia (CHOP), United States

Reviewed by:

Min Wu, Institute for Infocomm Research (A∗STAR), Singapore
Tiantian He, Technology and Research (A∗STAR), Singapore

Copyright © 2022 Wang, Ma and Wang. This is an open-access article distributed under the terms of the Creative Commons Attribution License (CC BY). The use, distribution or reproduction in other forums is permitted, provided the original author(s) and the copyright owner(s) are credited and that the original publication in this journal is cited, in accordance with accepted academic practice. No use, distribution or reproduction is permitted which does not comply with these terms.

*Correspondence: Huimin Ma, mhmpub@ustb.edu.cn

Disclaimer: All claims expressed in this article are solely those of the authors and do not necessarily represent those of their affiliated organizations, or those of the publisher, the editors and the reviewers. Any product that may be evaluated in this article or claim that may be made by its manufacturer is not guaranteed or endorsed by the publisher.