- 1School of Computer and Information Engineering, Henan University, Kaifeng, Henan, China
- 2Henan Key Laboratory of Big Data Analysis and Processing, Henan University, Kaifeng, Henan, China
- 3College of Computer Science and Technology, Henan Polytechnic University, Jiaozuo, Henan, China
Synthetic lethality (SL) is widely used to discover the anti-cancer drug targets. However, the identification of SL interactions through wet experiments is costly and inefficient. Hence, the development of efficient and high-accuracy computational methods for SL interactions prediction is of great significance. In this study, we propose MPASL, a multi-perspective learning knowledge graph attention network to enhance synthetic lethality prediction. MPASL utilizes knowledge graph hierarchy propagation to explore multi-source neighbor nodes related to genes. The knowledge graph ripple propagation expands gene representations through existing gene SL preference sets. MPASL can learn the gene representations from both gene-entity perspective and entity-entity perspective. Specifically, based on the aggregation method, we learn to obtain gene-oriented entity embeddings. Then, the gene representations are refined by comparing the various layer-wise neighborhood features of entities using the discrepancy contrastive technique. Finally, the learned gene representation is applied in SL prediction. Experimental results demonstrated that MPASL outperforms several state-of-the-art methods. Additionally, case studies have validated the effectiveness of MPASL in identifying SL interactions between genes.
1 Introduction
Cancer is a genetic disease caused by the accumulation of multiple mutations resulting from the interaction of internal and external factors (Barabási et al., 2011). Traditional cancer treatments such as chemotherapy often have serious side effects and harm healthy cells (Hanahan and Weinberg, 2011). Synthetic lethality (SL) is a genetic interaction that kills cancer cells selectively without damaging healthy cells (Boone et al., 2007; Hartwell et al., 1997; Iglehart and Silver, 2009). SL offers a tremendous depth of research opportunities for anti-cancer drug development and targeted cancer therapy, with researchers making great efforts to identify SL pairs. Discovering SL gene pairs relies heavily on high-throughput wet-lab screening techniques including RNAi screening (Bartz et al., 2006; Luo et al., 2009; Gregory et al., 2010; Blank et al., 2013; Chang et al., 2016) and CRISPR screening (Han et al., 2017; Shen et al., 2017). However, lab experiment-based screening methods are time-consuming and expensive and increase the risk of off-target effects (Liu et al., 2019). Thus, there is an urgent need for efficient and economical methods to overcome the deficiencies of high-throughput screening techniques (Huang et al., 2019).
To overcome these limitations, a several computational methods have been developed for SL prediction. These methods fall into two categories: (i) knowledge-based methods and (ii) supervised machine-learning methods (Zhu et al., 2023). Knowledge-based methods rely on prior knowledge or assumptions (i.e., gene mutations (Lu et al., 2020) or CNVs (Lu et al., 2018)) to detect SL pairs. For example, Zhang et al. (Zhang et al., 2015) proposed a combination of data-driven models with signaling pathway knowledge to discover SL interaction pairs by simulating the effects of gene knockout on cell death. Srihari et al. (Srihari et al., 2015) used copy-number and gene expression data to identify SL interactions. However, knowledge-based methods do not comprehensively utilize underlying patterns of known SL interactions. Machine learning methods such as decision trees (Wong et al., 2004), support vector machines (Paladugu et al., 2008; Qi et al., 2008), random forests (Das et al., 2019), and ensemble classifiers (Pandey et al., 2010; Wu et al., 2014) expedite the identification of SL pairs are challenging to apply to large-scale data due to the complex matrix operations.
Tremendous developments in deep learning-based methods have shown them to be effective in many biomedical tasks, including drug-target prediction (Mohamed et al., 2020), drug-disease prediction (Yu et al., 2021) and drug synergy prediction (Zhang et al., 2023) along with successful applications in SL prediction (Huang et al., 2019; Liu et al., 2019; Cai et al., 2020; Liany et al., 2020; Hao et al., 2021; Long et al., 2021). For example, Long et al. (Long et al., 2021) proposed a graph contextualized attention network to predict SL interactions. This model deploys a dual-attention mechanism to capture the importance of neighbors and feature graphs for node representation learning. Cai et al. (Cai et al., 2020) modeled SL interactions as a graph and adopted a dual-drop GNN to address the sparsity of SL networks. However, most of these methods are limited in the expressive capacity of homogeneous graphs.
Knowledge graphs (KGs) are multi-relational heterogeneous graphs where the nodes and edges correspond to different types of entities and relations, respectively (Wang et al., 2017; 2019b). They overcome the limitations of homogeneous graphs by using rich semantic information between graph entities to discover potential relations. These have begun to equip bioinformaticians with powerful weapons for combining heterogeneous data plainly for SL pairs prediction. Wang et al. (Wang et al., 2021) presented a KGNN-based model, KG4SL, to predict SL interactions. It uses independent knowledge embeddings to capture the underlying biological mechanisms of interconnected SL pairs. Zhu et al. (Zhu et al., 2023) utilized relations in knowledge graphs to represent SL-related factors and learned latent representations of genes through message aggregation. It is evident that employing KG entities such as gene, pathway and their neighbors yields a more accurate embedding representation, but previously KG-based methods ignore the preferences of existing SL interactions and layer-wise differences of entities.
To solve these problems, we develop a novel end-to-end SL prediction model, MPASL, based on multi-perspective learning knowledge graph attention network. Our model consists of four main modules. First, we find gene neighbors via KG hierarchy propagation. Second, KG ripple propagation exploits existing SL interactions preferences to obtain gene representations with finer granularity. Third, MPASL enhances gene representations through a mixed perspective of gene-entity and entity-entity interactions. Specifically, in gene-entity interaction, the knowledge graph relation attention mechanism is designed to score and aggregate gene-oriented entity embeddings to characterize the importance of relationships and informativeness for each entity. Then, the entity enhancement layer obtains the gene-oriented entity embeddings by aggregating the embedding representations of entities and genes. Subsequently, in entity-entity interaction, the discrepancy contrastive layer refine entity embeddings by comparing the various layer-wise neighborhood features of entities, and the attention aggregator obtains the final gene embedding representations by assigning different weight coefficients to the entities. Finally, the objective function using the embedded representation of genes is defined to obtain the predictive scores for unobserved SL pairs.
The contributions of this work are described as follows.
• We propose a novel end-to-end KG-based framework named MPASL, which synthetically and effectively uses ripple propagation and a mixed perspective of gene-entity and entity-entity interactions to learn gene embeddings in the KG.
• To capture the preferences of existing SL interactions and discover potential hierarchical interests of genes, we introduce ripple propagation, which helps to rationally extend the potential interactions of genes and enrich the representation of genes.
• Considering the layer-wise differences between entities, a mixed perspective module obtains a more informative representation of genes from entity-entity perspective by comparing the layer-wise entity embeddings gained from gene-entity perspective learning.
• Comprehensive in silico experiments on SynLethDB dataset demonstrate that our MPASL model consistently outperforms other state-of-the-art methods.
The remainder of this paper is organized as follows. The proposed method and the dataset we used are presented in Section 2. Section 3 presented the results and discussion, and Section 4 concluded the paper and discussed the further work.
2 Materials and methods
In this section, we introduce the MPASL model. First, we discuss the SL prediction problem. Second, we introduce the dataset used by our model. Then, we provide a detailed explanation of the MPASL model framework and its components. Finally, we discuss the predictions of SL made by the MPASL model.
2.1 Problem formulation
We model the SL interactions using an SL graph represented by
In addition to the synthetic lethality between a pair of genes, we consider the auxiliary information of the genes and other related entities in the form of a knowledge graph. The knowledge graph, SynLethKG, is modeled as a heterogeneous graph, with nodes representing diverse entities and edges capturing the relationships between these entities. SynLethKG is represented by
Given the SL graph
2.2 Dataset description
SynLethDB (Wang et al., 2022) is a comprehensive and up-to-date database that containing information on SL interactions. It collects SL gene pairs from various sources, including biochemical analysis, public databases (Schmidt et al., 2013; Oughtred et al., 2019),computational predictions (Ryan et al., 2014), and text mining. It covers SL gene pairs in humans and four model organisms (mice, fruit flies, worms and yeast) and a gene-related knowledge graph called SynLethKG, which comprises 11 types of entities and 24 types of relationships. SynLethKG collects a variety of relationships for genes involved in synthetic lethal gene pairs, including gene-compound associations, gene-cancer associations, and other features about genes, drugs, and cancers, such as (Anatomy, expresses, gene), (Disease, presents, symptom) and (Gene, regulates, gene). In addition, 7 out of the 11 types of entities are directly related to genes, namely, anatomy, biological process, cellular component, compound, disease, molecular function, and pathway. According to (Wang et al., 2021), we used the same synthetic lethality data and knowledge graph as it. The SL gene pairs in SynLethDB have been widely used for training and testing machine learning models for SL prediction. Since the number of negative samples provided by SynLethDB for SL interactions is much less than the number of positive samples, we generated negative samples using the method used in KG4SL (Wang et al., 2021), where an equal number of unknown gene pairs were randomly selected as non-SL gene pairs to balance out the difference in distribution between positive and negative samples. In our study, we specifically focused on human SL interactions. The final SL dataset we used included 72,804 gene pairs involving 10,004 genes. Additionally, the KG used in our study had 54,012 nodes and 2,231,921 edges. Tables 1 and 2 summarize the statistics for SL and SynLethKG. Tables 3 and 4 show detailed information about the entities and relationships of SynLethKG.
2.3 Framework design
The overall pipeline of MPASL is shown in Figure 1. The model consists of four modules including knowledge graph hierarchy propagation, knowledge graph ripple propagation, a mixed perspective of gene-entity and entity-entity interactions module and prediction module. In order to present the article more clearly, a mixed perspective of gene-entity and entity-entity interactions module is divided into two parts: gene-entity interaction and entity-entity interaction.
(1) Knowledge graph hierarchy propagation. This layer maps entities and relationships in the KG to vectors. We then recursively explore the set of multi-source neighbor nodes that are directly or indirectly related to genes in the KG.
(2) Knowledge graph ripple propagation. In this module, we introduce finer-grained entity embedding propagation using the set of existing SL interaction preferences for genes. This recursively extends the representation of genes with supplementary edge information, allowing for the automatic discovery of potential paths from genes with SL interactions to candidate genes. This approach connects the existing SL interaction set of genes with the prediction records, bringing interpretability to SL prediction.
(3) Gene-entity interaction. We split gene-entity interaction into KG relation attention mechanism and an entity enhancement layer. These layers score, aggregate, and update the embeddings of specific genes and entities with their neighborhood information, explicitly capturing the higher-order structural information and similarities in the knowledge graph and contributing to a stable learning process.
(4) Entity-entity interaction. We use a discrepancy contrastive layer to hierarchically compare the connected information of entities across different layers. We also employ an attention aggregator to obtain different weight coefficients for neighborhoods in the mixed perspective of entity. Iteratively propagating and updating entity representations with multiple layers of information increases the diversity of predicted embeddings.
(5) Prediction module. This module illustrates the learning and prediction of SL, using a series of aggregated and updated gene representations to compute prediction scores.
Figure 1. Architecture of MPASL. (A) KG. The KG assists SL prediction and consists of 11 kinds of entities and 24 kinds of relationships. (B) Knowledge graph hierarchy propagation identifies sets of neighboring nodes for gene entities. Symbol e represents the initial entities associated with gene entities, which are sets of tail entities directly related to genes. Multi-hop sets correspond to triples associated with genes. The knowledge-based higher-order interaction information for genes is stored in these multi-hop sets. (C) Knowledge graph ripple propagation uses the KG to model gene embeddings at a finer level. (D) Gene-entity interaction. D(1) A KG relation attention mechanism applies attention scoring to surrounding relations in a gene-specific manner. D(2) The entity enhancement layer aggregates entity embeddings specific to genes to allocate different amounts of information to refine their embeddings. (E) Entity-entity interaction. E(1) Discrepancy contrastive layer integrates different high-order connectivity information for genes in terms of depth and width. E(2) The attention aggregator module employs an attention aggregator to assign different weight coefficients for different genes and generate updated gene embeddings. (F) The prediction module outputs the predicted probabilities of synthetic lethality between genes.
2.3.1 Knowledge graph hierarchy propagation
MPASL’s knowledge graph hierarchy propagation obtains a set of multi-hop neighboring nodes for a set of genes. This layer encodes the crucial hierarchical information into the gene representations, enriching those representations constructed from entities in the KG and including the existing set of SL interactions.
The rich semantic connections between entities in the KG help identify potential complex relationships between entities. These complex relationships provide an additional perspective for exploring SL genes, aiding in the discovery of potential connections between genes and improving the accuracy of SL prediction. Obtaining relevant gene information from the KG requires information of associated entities having highly correlated relationships. Essentially, the entities having SL relationship with a gene provide at least some information about gene attributes. By transforming and comparing genes with entities, turning the related entity set obtained from existing SL interactions into an initial seed set for propagation in the KG, we capture information on gene-gene interactions. With the initial seed set, we can propagate KG associations from near to far along the KG, obtaining an extended entity set and a triple set of p-hops, effectively enriching the potential vector representation of genes. In summary, modeling gene representations by using relevant entities in the KG enhances gene information.
To do all of this, we first define the extended entity set of genes. For the input gene o, the set of entities with SL interactions with that input gene is treated as seeds in the KG. Then it extends along the KG to form a set of p-hopped extended entity sets
where p represents the distance from the initial set of entities.
For a central gene in a KG subgraph, the set of entities
It is meaningful to construct the model using knowledge graphs as edge information, as adjacent entities can be seen as intuitive extensions of gene features. The knowledge graph extends the neighboring nodes in each layer, propagating layer by layer, from near to far, effectively capturing high-order interactive information based on the KG through hierarchy propagation. Symbolically, ɛ consists solely of tail entities, S is a set of knowledge triplets, p represents (one or more) hops, and lp is the number of hops. To reduce the computational burden of MPASL, we use a fixed-size set of neighbors (Wang et al., 2019b) for each entity instead of the complete neighbor set.
2.3.2 Knowledge graph ripple propagation
We extend gene representations by supplementing auxiliary information with a KG ripple propagation to model interactions between genes in a finer grained manner. This technique relies on traversing all relevant entities and associations along ripple propagation in the KG. This process recursively captures the topological neighborhood structure of the central entity in multi-hop ripple sets. This helps to expand potential preference genes, increase the diversity of predicted embeddings, and discover potential SL relationships. When a given tail entity in the KG has different head entities and relationships, it carries different meanings and potential vector representations. The gene representation of the KG ripple propagation is constructed from the gene SL response Om generated by the triplet propagation set Sm to explore the potential gene relationships.
To perform this operation, we first define the gene potential SL response
where Wa is a trainable parameter. The vector
Second, apart from the 0th jump, gene embeddings m are achieved by adding SL non-zero hop responses. The ripple set
where p > 0,
We repeat the process of KG ripple propagation to obtain the first-order response
2.3.3 Gene-entity interaction
To capture the high-order similarities between gene-related entities in the KG, we propose a gene-entity interaction module. It consists of two parts: a KG relation attention mechanism and an entity enhancement layer. Each entity in the KG has different neighboring entities and relationships, leading to different meanings and potential vector representations. Furthermore, there exist complex associations among neighboring entities. We construct a weighted subgraph specific to each SL-related gene from the KG, allowing us to focus on the relevant entities. To capture entity embeddings, we apply a KG relation attention mechanism that takes into account the relationships between an entity and its individual neighbors, allowing us to describe the importance of each relationship to a specific entity and provide a more detailed understanding of its context. Additionally, we equip the gene-specific entity embeddings with enhancement operations to stabilize the latent representation of the entity in the embedding space.
2.3.3.1 KG relation attention mechanism
When MPASL collects information from the vicinity of gene n in the KG, it scores each relation surrounding gene n in a manner specific to gene m. Thus, the gene m-oriented manner can be viewed as an early layer that increases the interaction of gene m with its weighted subgraph center entity n, and then the gene-oriented KG relation attention mechanism aggregates neighbor information in a gene m-specific manner. For any central entity n in the weighted subgraph oriented to gene m, different relationships have different indication weights for an entity, and the key step is to identify relevant nodes and determine the weight of edges to avoid assigning the same weight to different neighbors in the process of information aggregation. The weight of each edge is defined by a relation scoring function specific to gene m, and the proposed KG relation attention exploiting the information of gene m, gene n, and the relation to determine which neighboring entity connected to gene n is more informative. Therefore, each neighboring entity is weighted by attention π, where m represents different known genes and rn,e represents the relationship r from the entity n to the neighboring entity e. We aggregate and weight each neighboring node of the entity to generate the final representation n(N(n)) of any central entity in the gene m-specific weighted subgraph:
Assuming n is the central node, N(n) is a set of entities directly connected to n, and the size of N(n) can vary greatly among all entities. To maintain efficiency and consistency in each batch calculation mode, we uniformly extract a fixed number of k neighbors for each entity to represent its local structure (Wang et al., 2019b), and repeat this process p times.
In a subgraph specific to gene m, for the SL pair (m, n), the weight of the edge rm,n is calculated as
where ReLU is the nonlinear activation function, ‖ represents the concatenation operation, and W and b are the trainable weights and biases. Specifically, W1 and b1 in Eq. 10 represent the weight and bias for the first layer of the neural network, while W2, b2, W3 and b3 denote the weights and biases for the second and output layers in Eq. 11, respectively. The nonlinear activation function σ is set as Sigmoid.
To make the attention coefficients among different entities comparable (with the sum of the attention coefficient of all adjacent nodes being 1), we use the softmax function to normalize the coefficients of all entities e related to the gene n (Veličković et al., 2017). The final attention score highlights the neighboring nodes that should receive more attention to capture the entity embedding. The softmax function can be expressed as:
2.3.3.2 Entity enhancement layer
To further enhance the interaction between genes and entities, we propose a gene-specific entity enhancement layer. Previous approaches have neglected the effect of multiple entity embeddings on gene richness and overlooked the comprehensive expression of entities and genes. For different genes, KG entities have different amounts of information to describe their properties. For example, BNIP3 is a well-known tumor suppressor, while FTO, as an N6-methyladenosine RNA demethylase, is upregulated in human breast cancer. It has been observed that FTO suppresses cell apoptosis by downregulating BNIP3 (Niu et al., 2019). Under hypoxic conditions, the mRNA levels of BNIP3 increase in CHO cell lines, and this effect is mediated by Hif-1α (Bruick, 2000). Therefore, the entity enhancement layer aggregates each entity with genes through an aggregation operation to enhance and enrich the entity embeddings. The enhancement function can be either linear or nonlinear:
where We and be are the trainable weight matrix and bias, and agg is a nonlinear activation function.
In this study, we implemented four types of aggregation methods
• Sum Aggregator (Wang et al., 2019b) refers to a process of summing the representation vectors of two entities, and applying a nonlinear transformation to the resulting vector:
• Concat Aggregator (Wang et al., 2019b) combines the representation vectors of two entities before applying a nonlinear transformation:
• Pooling Aggregator (Glorot et al., 2011) calculates the maximum value from multiple vectors within the same dimension and subsequently applies a nonlinear transformation:
• Top-k Aggregator (Kumar et al., 2009) efficiently aggregates information from multiple sorted lists of vectors to compute the top k objects:
The function Top_K (data, k) extracts the top k data values in order. As shown in Eq. 18, the top k values are taken after sorting the vector σ(W (e, m) + b) in descending order.
2.3.4 Entity-entity interaction
The entity-entity interaction consists of a discrepancy contrastive layer and an attention aggregator. The former focuses on capturing higher-order connectivity between entities, hierarchically comparing layered information to further improve entity embeddings. The latter performs weighted aggregation of embedding to avoid noise caused by excessive node embedding information, which could otherwise affect prediction results.
2.3.4.1 Discrepancy contrastive layer
Our focus is on incorporating the latent information of neighbors at different distances into the information comparison at each layer, capturing higher-order message passing between entities, and enhancing the representation of entity embeddings through the overall differentiation of hierarchical entities. We introduce the hierarchical modeling capabilities of the model in terms of depth and width.
For depth, we integrate the gene
For width, the feature differences between entities located at different width distances means this wide-layer feature difference plays a critical role. In terms of the training space of the model, entity features at different width levels should be compared (Abu-El-Haija et al., 2019) so that the model can choose potential information by comparing neighbors at various distances. Therefore, we perform a contrastive mixed operation of neighborhood latent features within different width distances. As the relevance of each layer in the network varies, it is possible for entities to be connected to neighboring nodes with different attributes or labels. We use the width-layer matrix Mw to integrate the deep neighborhood information
2.3.4.2 Attention aggregator module
After l rounds of discrepancy contrastive layers, we obtain multiple embedding representations of gene n. This module uses the gene n representation set
where tanh is the nonlinear activation function assigned to the prediction model. The parameters
2.3.5 Synthetic lethality prediction
After obtaining the final potential embeddings of gene m and gene n, MPASL combines the two latent features through the prediction function fSL to obtain the final predicted probability that gene m and gene n are SL relationships, where fSL is the inner product function. σ is the Sigmoid function, which compresses the output to the range between 0 and 1, indicating the probability of the SLs:
2.4 Objective function
We now consider the real-valued label function
where Am aggregates the representation vectors of neighboring entities. The ideal edge weight matrix A should reproduce the true relevance labels of each entity while satisfying the smoothness of relevancy labels. We combine the knowledge-aware graph neural network with least squares regularization and use negative sampling during the training process to optimize MPASL. The complete loss function is obtained as:
where the first term
3 Experiments and results
We compare the performance of the MPASL with several baseline models to comprehensively evaluate its performance. Additionally, we conducted parameter sensitivity analysis and ablation studies to further investigate the model’s performance. The MPASL model was implemented using Python 3.6 and TensorFlow 1.15.0. In the SynLethDB dataset, we split the gene pairs into training, validation, and test sets in a ratio of 7:1:2. We use the area under the ROC curve (AUC) and the area under the precision-recall curve (AUPR) as evaluation metrics to assess the predictive performance. Finally, we present a case study to demonstrate the mechanisms of potential SL interactions between two genes.
3.1 Parameter settings
We evaluated our model parameters using 5-fold cross-validation and used a grid search to choose the optimal hyperparameter settings. We tested the following MPASL parameters: batch sizes
3.2 Comparison with previous studies
To validate the performance of MPASL, we compared our model with several recently proposed baseline methods for SL prediction. These benchmark methods include SL2MF, GRSMF, DDGCN, GCATSL, KG4SL, and SLGNN. It is worth noting that the first four methods do not utilize KGs to generate gene embeddings. We used the default settings specified in their original implementations in our tests. Below are brief descriptions of these comparison methods.
(1) SL2MF (Liu et al., 2019) uses logical matrix factorization and further integrates gene similarity based on gene ontology (GO) annotations to predict human SL interactions.
(2) GRSMF (Huang et al., 2019) is a graph regularized self-representation matrix decomposition model predicting SL interactions from regularized graphs of data from different sources.
(3) DDGCN (Cai et al., 2020) predicts sparse SL interactions using dual-dropout graph convolutional networks (GCNs).
(4) GCATSL (Long et al., 2021) performs SL prediction using a graph contextual attention network.
(5) KG4SL (Wang et al., 2021) represents the first novel SL interaction prediction model based on knowledge graphs and graph neural networks, effectively leveraging rich semantic information encoded in KGs.
(6) SLGNN (Zhu et al., 2023) is a factor-aware knowledge graph neural network for learning gene embeddings and predicting SL interactions.
It is also important to address the potential bias that may arise when there are more positive than negative training pairs. In such cases, many prediction algorithms achieve high performance on the test set by simply manipulating the features of each pair. We observed this situation in SL prediction methods as well. Reliable estimation of prediction error is challenging, especially when the model is uncertain and requires independent test subjects. These test subjects must not participate in model construction or model selection. A more effective approach is to utilize stratified nested cross-validation (Preuer et al., 2018), where the test set is selected to exclude synthetic lethality gene pairs, denoted as the “Leave out synthetic lethality” setting. We used a 5-fold nested cross-validation setup in which hyperparameters were selected in the inner loop based on validation error, and then the best performance model for the inner loop was evaluated on the outer test fold to obtain performance estimates that were not affected by hyperparameter selection.
Our model was experimented under two evaluation settings: random cross-validation and stratified cross-validation. The prediction results, denoted as “Random CV” and “Leave out synthetic lethality”, are shown in Table 6. From the AUC and AUPR scores, our MPASL outperformed the other methods. Specifically, on the SynlethDB dataset, the MPASL model achieved an AUC value of 0.9656 and an AUPR value of 0.9798. In the Leave out synthetic lethality setting, the MPASL model achieved an AUC of 0.8766 and an AUPR of 0.8941. These values surpassed those of other methods. For the Leave out synthetic lethality, compared to the state-of-the-art model SLGNN, MPASL improved performance by 2.73% in AUC and 9.31% in AUPR. These results indicate that our proposed MPASL model had a stronger generalization ability and effectively enhanced the predictive performance of synthetic lethality.
The superior predictive performance of MPASL is attributable to several key factors. First, MPASL enriches gene representations by leveraging existing SL interaction data and incorporating all relevant entities present in the KG. It effectively integrates KG hierarchy propagation and KG ripple propagation into gene embeddings enhancing the gene embeddings. MPASL also incorporates embeddings of relevant entities, weights the neighboring entities and emphasizes the most important entities, thus enriching the representation. In the process of gathering KG information, MPASL considers and blends hierarchical information and performs hierarchical contrast and aggregation, enabling the modeling of nonlinear features and higher-order interactions. This facilitates the integration of various higher-order correlation information associated with genes and neighboring entities, thereby capturing and representing the intricate interactions among gene embeddings more effectively.
3.3 Parameter sensitivity analysis
To gain a deeper understanding of MPASL, we researched the effect of different components on the model’s performance. First, we examined the effect of depth and width in the discrepancy contrastive layer. Then, we explored the influence of different entity embedding dimensions. Next, we studied the effect of preference set sampling size for KG ripple propagation and the effect of attention aggregator mechanism. All of the following studies were conducted based on the “Leave out synthetic lethality” setting.
3.3.1 Effect of the depth and width of discrepancy contrastive layer
We evaluated the impact of the discrepancy contrastive layer in MPASL by varying its depth and width. As shown in Figures 2A, B, we conducted experiments within the range of {1, 2, 3, 4, 5}.
Figure 2. (A) Impact of depths of discrepancy contrastive layer (B) Impact of widths of discrepancy contrastive layer.
The results indicate that the performance is optimal when the depth and width are 2 and 3, respectively. Specifically, sometimes relying solely on first-order neighboring entities is insufficient to fully explore the correlations and dependencies between entities. When the depth or width is increased to 4 or 5 layers, more noise is introduced into the model. Therefore, it is necessary to balance the dependence of positive signals on distance and the noise of negative signals to find an appropriate balance in terms of depth and width allows for the exploration of potential embeddings of nodes as comprehensively as possible.
3.3.2 Effect of the number of embedding dimensions
We explored the effects of the number of embedding dimensions on the performance of MPASL. As shown in Figure 3, we observed that the AUC and AUPR were maximized with 128 embedding dimensions. At larger numbers, the AUC and AUPR values gradually declined. In this result, it is indicates that within a particular range, increasing the embedding dimension effectively encodes more information from the KG, leading to improved performance in terms of AUC and AUPR. However, exceeding the optimal embedding dimension results in overfitting, leading to a decrease in predictive performance. Therefore, we observed an initial upward trend followed by a decline in the AUC and AUPR scores as the embedding dimension continued to increase.
Based on these findings, the key is to strike a balance when selecting the embedding dimensions for MPASL. Setting the embedding dimensions to 128 appears to be the optimal choice for capturing essential information from the KG while preserving generalization ability. This finding emphasizes the importance of appropriately adjusting the embedding dimension to achieve optimal performance.
3.3.3 Effect of the KG ripple preference set size
We investigated the impact of different sample sizes for the preference set used in the KG ripple propagation of MPASL. We varied the sample sizes within the range of {4, 8, 16, 32, 64} and analyzed their effects on the model performance. The results of the analysis are shown in Figure 4.
The results indicate that MPASL performance is optimal when the sample size of the preference set is set to 8. This means that a smaller sample size of the preference set still allows MPASL to capture sufficient information and effectively enhance gene embeddings with a limited number of known SL interactions for genes. As the preference set is further expanded, entities with lower relevance to the genes start to be included, leading to inaccurate gene embeddings and a decrease in performance. Therefore, selecting an appropriate sample size for the preference set, striking a balance between capturing sufficient relevant information as well as avoiding the inclusion of irrelevant entities, maximizes performance.
3.3.4 Effect of aggregators
We evaluated the effect of different attention aggregators in MPASL: Concat, Sum, Pool, and Top-k. These are labeled as MPASL-con, MPASL-sum, MPASL-pool, and MPASL-top, respectively, in our results. As shown in Table 7, the model achieved best predictive performance when using the Top-k aggregator.
3.4 Ablation study
We verified the influence of the important components on the performance of MPASL through an ablation study and designed the following four of its variants. The following study was conducted based on five-fold random cross-validation and stratified nested cross-validation settings, expressed as “Random CV” and “Leave out synthetic lethality” respectively.
(1) MPASLw/o RP: MPASL without the knowledge graph ripple propagation.
(2) MPASLw/o EL(e): MPASL without the entity enhancement layer to update entity embedding representation.
(3) MPASLw/o EL(att): MPASL without the attention aggregator to allocate weight information for entity embedding representation of different layers.
(4) MPASLw/o R(E): MPASL after deleting the entity and its associated types of relationships.
We compared MPASL with several of its variants, and the results are given in Table 8. The performance achieved by the model in different cases can be summarized as follows:
• A key component of MPASL is the knowledge graph ripple propagation. We introduce the ripple propagation in order to capture the preferences of existing SL interactions to enrich the representation of genes. MPASLw/o RP, with the proposed KG ripple propagation removed, achieved significantly lower scores. This is because it only considered entity embedding, ignoring the set of known SL interactions of genes and the preferences of genes when aggregating entities and relationships in KG. This highlights the importance of the KG ripple propagation in our SL prediction.
• To enhance gene-specific entity information, we used the entity enhancement layer to enrich entity representations. MPASL without the entity enhancement layer, MPASLw/o EL(e) was significantly outperformed by MPASL. Table 8 confirms that the entity enhancement layer improves gene-specific entity information and contributes to enhanced performance.
• Removing the attention aggregator, MPASLw/o EL(att), also worsened performance compared to MPASL. compared to MPASL. Table 8 shows the importance of the attention aggregator in capturing relatively important entities and relationships from the KG, aiding in determining the weights of neighboring messages.
• The performance of MPASLw/o R(E) with the removal of a particular entity and associated relationship also decreases compared to MPASL. The experimental results indicated that entities and relations in SynLethKG are helpful for SL prediction.
3.5 Case study
To further examine the performance of MPASL, a case study was conducted using the SynlethDB dataset. The training samples included all observed known SL interactions, we used the training model to predict the SL status of unknown gene pairs. Unknown gene pairs were classified based on their prediction scores, and literature evidence was sought in the biomedical literature to support the predictions. We specifically focused on SL pairs involving the cancer gene KRAS. KRAS is one of the most widely screened genes for SL interactions and it ranks among the most frequently mutated genes in humans, particularly in cases of cancer (Downward, 2015). It is also a highly prioritized therapeutic target due to its involvement in inducing cell stasis, apoptosis, and DNA repair. In particular, we studied the top 20 SL pairs associated with KRAS as shown in Table 9. Among these SL gene pairs, we selected the KRAS-RAD50 gene pair from the test data for further analysis. The protein encoded by the RAD50 gene plays a crucial role in repairing DNA double-strand breaks. It interacts with MRE11 and NBS1 to form a complex. This complex binds to DNA and displays multiple enzymatic activities that are essential for functions such as non-homologous end joining, DNA double-strand break repair, activation of cell cycle checkpoints, maintenance of telomeres, and facilitation of meiotic recombination. This highlights the crucial role of these genes in cell growth and vitality, making it reasonable to predict their SL relationship for cancer therapeutics. In the case study, the predicted result for the KRAS-RAD50 gene pair aligned with the known labels, demonstrating the accurate predictive ability of MPASL for SL pairs and emphasizing the potential therapeutic significance of the predicted KRAS-RAD50 SL pair in cancer treatment.
Table 9 consists of five columns. The first two columns represent the predicted genes that have an SL relationship, and the third column provides the PubMed ID of publications supporting the prediction. The fourth column presents the specific evidence or rationale behind each predicted SL interaction. Finally, the last column indicates the specific cell lines where the SL interaction has been observed.
Figure 5 illustrates the enrichment analysis results of the KRAS SL gene pathway. It highlights several important biological functions, including rRNA processing, protein phosphorylation, cellular response to DNA damage stimulus and histone modification. These enriched biological functions are closely associated with the expression of the KRAS gene and its impact on cellular proliferation or death. rRNA serves as the main component of ribosomes that synthesize proteins in cells. The proteins and enzymes encoded by genes are involved in the synthesis and processing of rRNA, regulating and promoting the maturation of rRNA. Gene expression levels and regulation can also affect the rate and efficiency of rRNA synthesis and processing. Protein phosphorylation is a vital regulatory mechanism involved in modulating diverse cellular signaling pathways. Consequently, protein kinases and phosphatases have emerged as significant targets for the development of therapeutic drugs. The cellular response to DNA damage stimulus necessitates the coordinated action of multiple DNA repair pathways. Exploiting the specific dependency of tumor cells on certain DNA repair pathways forms the basis for developing synthetic lethality-based anti-cancer research approaches. Histones contribute to maintaining DNA structure, safeguarding genetic information, and regulating gene expression, and the imbalance of histone modifications is highly correlated with tumor initiation and progression. KRAS plays a critical role in these processes (Manček-Keber et al., 2012; Brubaker et al., 2019). This enrichment analysis of the KRAS synthetic lethality gene pathway validates the predictive capability of MPASL and offers greater insight into the underlying mechanisms behind synthetic lethality.
4 Conclusion
In recent years, synthetic lethality has been successfully used in targeted therapy of tumors and plays an important role in targeted cancer therapy. In this study, we propose a novel SL interaction prediction model called MPASL. Based on known gene information, MPASL uses features from existing SL interaction preferences to update the gene embeddings. It also incorporates gene-entity interaction and entity-entity interaction to enrich entity embedding representation from the KG. It considers inter-layer entity comparisons and gene-related labels to better explore gene representations, stabilize the learning process on the KG, and enhance the predictive ability of the model. The experimental results show MPASL outperforms existing methods.
Pre-training strategies may help improve model performance and interpretability. Therefore, our future work will explore pre-training techniques that automatically learn features to help solve problems such as prior knowledge to extract high-quality gene embedding representations.
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
GZ: Conceptualization, Funding acquisition, Methodology, Project administration, Software, Supervision, Writing–original draft, Formal Analysis, Visualization, Writing–review and editing. YC: Conceptualization, Formal Analysis, Methodology, Visualization, Writing–original draft, Writing–review and editing, Data curation. CY: Conceptualization, Funding acquisition, Methodology, Supervision, Writing–review and editing. JW: Formal Analysis, Methodology, Supervision, Writing–review and editing. WL: Writing–review and editing. JL: Writing–review and editing. HL: Conceptualization, Formal Analysis, Funding acquisition, Methodology, Supervision, Writing–review and editing.
Funding
The author(s) declare that financial support was received for the research, authorship, and/or publication of this article. This work was supported by the National Natural Science Foundation of China (Nos. 62006070, 61802113); and the Science and Technology Development Plan Project of Henan Province (No. 222102210238). China Postdoctoral Science Foundation (No. 2020M672212).
Acknowledgments
GZ conceived and designed the algorithm and analysis. GZ and YC gathered all the data, designed the study, conduct experiments, and draft manuscripts. GZ, YC, CY, HL, and JW contributed to results analysis and discussions, and gave the final approval of the version to be published. WL and JL supervised the study, revised the manuscript. And we thank LetPub (www.letpub.com) for its linguistic assistance during the preparation of this 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
Abu-El-Haija, S., Perozzi, B., Kapoor, A., Alipourfard, N., Lerman, K., Harutyunyan, H., et al. (2019). “Mixhop: higher-order graph convolutional architectures via sparsified neighborhood mixing,” in International conference on machine learning (China: PMLR), 21–29.
Barabási, A.-L., Gulbahce, N., and Loscalzo, J. (2011). Network medicine: a network-based approach to human disease. Nat. Rev. Genet. 12, 56–68. doi:10.1038/nrg2918
Bartz, S. R., Zhang, Z., Burchard, J., Imakura, M., Martin, M., Palmieri, A., et al. (2006). Small interfering rna screens reveal enhanced cisplatin cytotoxicity in tumor cells having both brca network and tp53 disruptions. Mol. Cell. Biol. 26, 9377–9386. doi:10.1128/MCB.01229-06
Blank, J. L., Liu, X. J., Cosmopoulos, K., Bouck, D. C., Garcia, K., Bernard, H., et al. (2013). Novel dna damage checkpoints mediating cell death induced by the nedd8-activating enzyme inhibitor mln4924. Cancer Res. 73, 225–234. doi:10.1158/0008-5472.CAN-12-1729
Boone, C., Bussey, H., and Andrews, B. J. (2007). Exploring genetic interactions and networks with yeast. Nat. Rev. Genet. 8, 437–449. doi:10.1038/nrg2085
Brubaker, D. K., Paulo, J. A., Sheth, S., Poulin, E. J., Popow, O., Joughin, B. A., et al. (2019). Proteogenomic network analysis of context-specific kras signaling in mouse-to-human cross-species translation. Cell. Syst. 9, 258–270. doi:10.1016/j.cels.2019.07.006
Bruick, R. K. (2000). Expression of the gene encoding the proapoptotic nip3 protein is induced by hypoxia. Proc. Natl. Acad. Sci. 97, 9082–9087. doi:10.1073/pnas.97.16.9082
Cai, R., Chen, X., Fang, Y., Wu, M., and Hao, Y. (2020). Dual-dropout graph convolutional network for predicting synthetic lethality in human cancers. Bioinformatics 36, 4458–4465. doi:10.1093/bioinformatics/btaa211
Chang, J.-G., Chen, C.-C., Wu, Y.-Y., Che, T.-F., Huang, Y.-S., Yeh, K.-T., et al. (2016). Uncovering synthetic lethal interactions for therapeutic targets and predictive markers in lung adenocarcinoma. Oncotarget 7, 73664–73680. doi:10.18632/oncotarget.12046
Dai, Z.-T., Wang, J., Zhao, K., Xiang, Y., Li, J. P., Zhang, H.-M., et al. (2020). Integrated tcga and geo analysis showed that smad7 is an independent prognostic factor for lung adenocarcinoma. Medicine 99, e22861. doi:10.1097/MD.0000000000022861
Das, S., Deng, X., Camphausen, K., and Shankavaram, U. (2019). Discoversl: an r package for multi-omic data driven prediction of synthetic lethality in cancers. Bioinformatics 35, 701–702. doi:10.1093/bioinformatics/bty673
Downward, J. (2015). Ras synthetic lethal screens revisited: still seeking the elusive prize? Clin. Cancer Res. 21, 1802–1809. doi:10.1158/1078-0432.CCR-14-2180
Glorot, X., Bordes, A., and Bengio, Y. (2011). “Deep sparse rectifier neural networks,” in Proceedings of the Fourteenth International Conference on Artificial Intelligence and Statistics, USA, 11-13 April 2011 (JMLR Workshop and Conference Proceedings), 315–323.
Gregory, M. A., Phang, T. L., Neviani, P., Alvarez-Calderon, F., Eide, C. A., O’Hare, T., et al. (2010). Wnt/ca2+/nfat signaling maintains survival of ph+ leukemia cells upon inhibition of bcr-abl. Cancer Cell. 18, 74–87. doi:10.1016/j.ccr.2010.04.025
Han, K., Jeng, E. E., Hess, G. T., Morgens, D. W., Li, A., and Bassik, M. C. (2017). Synergistic drug combinations for cancer identified in a crispr screen for pairwise genetic interactions. Nat. Biotechnol. 35, 463–474. doi:10.1038/nbt.3834
Hanahan, D., and Weinberg, R. A. (2011). Hallmarks of cancer: the next generation. Cell. 144, 646–674. doi:10.1016/j.cell.2011.02.013
Hao, Z., Wu, D., Fang, Y., Wu, M., Cai, R., and Li, X. (2021). Prediction of synthetic lethal interactions in human cancers using multi-view graph auto-encoder. IEEE J. Biomed. Health Inf. 25, 4041–4051. doi:10.1109/JBHI.2021.3079302
Hartwell, L. H., Szankasi, P., Roberts, C. J., Murray, A. W., and Friend, S. H. (1997). Integrating genetic approaches into the discovery of anticancer drugs. Science 278, 1064–1068. doi:10.1126/science.278.5340.1064
Huang, J., Wu, M., Lu, F., Ou-Yang, L., and Zhu, Z. (2019). Predicting synthetic lethal interactions in human cancers using graph regularized self-representative matrix factorization. BMC Bioinforma. 20, 657–658. doi:10.1186/s12859-019-3197-3
Iglehart, J. D., and Silver, D. P. (2009). Synthetic lethality--a new direction in cancer-drug development. cancer-drug Dev. 361, 189–191. doi:10.1056/NEJMe0903044
Kumar, R., Punera, K., Suel, T., and Vassilvitskii, S. (2009). “Top-k aggregation using intersections of ranked inputs,” in Proceedings of the Second ACM International Conference on Web Search and Data Mining, USA, February 5 - 9, 2018 (IEEE), 222–231.
Liany, H., Jeyasekharan, A., and Rajan, V. (2020). Predicting synthetic lethal interactions using heterogeneous data sources. Bioinformatics 36, 2209–2216. doi:10.1093/bioinformatics/btz893
Liu, Y., Wu, M., Liu, C., Li, X.-L., and Zheng, J. (2019). Sl 2 mf: predicting synthetic lethality in human cancers via logistic matrix factorization. IEEE/ACM Trans. Comput. Biol. Bioinforma. 17, 748–757. doi:10.1109/TCBB.2019.2909908
Long, Y., Wu, M., Liu, Y., Zheng, J., Kwoh, C. K., Luo, J., et al. (2021). Graph contextualized attention network for predicting synthetic lethality in human cancers. Bioinformatics 37, 2432–2440. doi:10.1093/bioinformatics/btab110
Lu, X., Li, X., Liu, P., Qian, X., Miao, Q., and Peng, S. (2018). The integrative method based on the module-network for identifying driver genes in cancer subtypes. Molecules 23, 183. doi:10.3390/molecules23020183
Lu, X., Wang, X., Ding, L., Li, J., Gao, Y., and He, K. (2020). frdriver: a functional region driver identification for protein sequence. IEEE/ACM Trans. Comput. Biol. Bioinforma. 18, 1773–1783. doi:10.1109/TCBB.2020.3020096
Luo, J., Emanuele, M. J., Li, D., Creighton, C. J., Schlabach, M. R., Westbrook, T. F., et al. (2009). A genome-wide rnai screen identifies multiple synthetic lethal interactions with the ras oncogene. Cell. 137, 835–848. doi:10.1016/j.cell.2009.05.006
Manček-Keber, M., Benčina, M., Japelj, B., Panter, G., Andrä, J., Brandenburg, K., et al. (2012). Marcks as a negative regulator of lipopolysaccharide signaling. J. Immunol. 188, 3893–3902. doi:10.4049/jimmunol.1003605
Mohamed, S. K., Nováček, V., and Nounu, A. (2020). Discovering protein drug targets using knowledge graph embeddings. Bioinformatics 36, 603–610. doi:10.1093/bioinformatics/btz600
Niu, Y., Lin, Z., Wan, A., Chen, H., Liang, H., Sun, L., et al. (2019). Rna n6-methyladenosine demethylase fto promotes breast tumor progression through inhibiting bnip3. Mol. Cancer 18, 46–16. doi:10.1186/s12943-019-1004-4
Oughtred, R., Stark, C., Breitkreutz, B.-J., Rust, J., Boucher, L., Chang, C., et al. (2019). The biogrid interaction database: 2019 update. Nucleic Acids Res. 47, D529-D541–D541. doi:10.1093/nar/gky1079
Paladugu, S. R., Zhao, S., Ray, A., and Raval, A. (2008). Mining protein networks for synthetic genetic interactions. BMC Bioinforma. 9, 426–514. doi:10.1186/1471-2105-9-426
Pandey, G., Zhang, B., Chang, A. N., Myers, C. L., Zhu, J., Kumar, V., et al. (2010). An integrative multi-network and multi-classifier approach to predict genetic interactions. PLoS Comput. Biol. 6, e1000928. doi:10.1371/journal.pcbi.1000928
Preuer, K., Lewis, R. P., Hochreiter, S., Bender, A., Bulusu, K. C., and Klambauer, G. (2018). Deepsynergy: predicting anti-cancer drug synergy with deep learning. Bioinformatics 34, 1538–1546. doi:10.1093/bioinformatics/btx806
Qi, Y., Suhail, Y., Lin, Y.-y., Boeke, J. D., and Bader, J. S. (2008). Finding friends and enemies in an enemies-only network: a graph diffusion kernel for predicting novel genetic interactions and co-complex membership from yeast genetic interactions. Genome Res. 18, 1991–2004. doi:10.1101/gr.077693.108
Ryan, C. J., Lord, C. J., and Ashworth, A. (2014). Daisy: picking synthetic lethals from cancer genomes. Cancer Cell. 26, 306–308. doi:10.1016/j.ccr.2014.08.008
Schmidt, E. E., Pelz, O., Buhlmann, S., Kerr, G., Horn, T., and Boutros, M. (2013). Genomernai: a database for cell-based and in vivo rnai phenotypes, 2013 update. Nucleic Acids Res. 41, D1021–D1026. doi:10.1093/nar/gks1170
Shen, J. P., Zhao, D., Sasik, R., Luebeck, J., Birmingham, A., Bojorquez-Gomez, A., et al. (2017). Combinatorial crispr–cas9 screens for de novo mapping of genetic interactions. Nat. Methods 14, 573–576. doi:10.1038/nmeth.4225
Srihari, S., Singla, J., Wong, L., and Ragan, M. A. (2015). Inferring synthetic lethal interactions from mutual exclusivity of genetic events in cancer. Biol. Direct 10, 57–18. doi:10.1186/s13062-015-0086-1
Veličković, P., Cucurull, G., Casanova, A., Romero, A., Lio, P., and Bengio, Y. (2017). Graph attention networks. arXiv Prepr. arXiv:1710.10903. doi:10.48550/arXiv.1710.10903
Wang, H., Zhang, F., Zhang, M., Leskovec, J., Zhao, M., Li, W., et al. (2019a). “Knowledge-aware graph neural networks with label smoothness regularization for recommender systems,” in Proceedings of the 25th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining, USA, August 4 - 8, 2019 (IEEE), 968–977.
Wang, H., Zhao, M., Xie, X., Li, W., and Guo, M. (2019b). Knowledge graph convolutional networks for recommender systems. World Wide Web Conf., 3307–3313. doi:10.1145/3308558.3313417
Wang, J., Wu, M., Huang, X., Wang, L., Zhang, S., Liu, H., et al. (2022). Synlethdb 2.0: a web-based knowledge graph database on synthetic lethality for novel anticancer drug discovery. Database 2022, baac030. doi:10.1093/database/baac030
Wang, Q., Mao, Z., Wang, B., and Guo, L. (2017). Knowledge graph embedding: a survey of approaches and applications. IEEE Trans. Knowl. Data Eng. 29, 2724–2743. doi:10.1109/TKDE.2017.2754499
Wang, S., Xu, F., Li, Y., Wang, J., Zhang, K., Liu, Y., et al. (2021). Kg4sl: knowledge graph neural network for synthetic lethality prediction in human cancers. Bioinformatics 37, i418–i425. doi:10.1093/bioinformatics/btab271
Wong, S. L., Zhang, L. V., Tong, A. H., Li, Z., Goldberg, D. S., King, O. D., et al. (2004). Combining biological networks to predict genetic interactions. Proc. Natl. Acad. Sci. 101, 15682–15687. doi:10.1073/pnas.0406614101
Wu, M., Li, X., Zhang, F., Li, X., Kwoh, C.-K., and Zheng, J. (2014). In silico prediction of synthetic lethality by meta-analysis of genetic interactions, functions, and pathways in yeast and human cancer. Cancer Inf. 13, 71–80. CIN–S14026. doi:10.4137/CIN.S14026
Yeung, M.-L., Yao, Y., Jia, L., Chan, J. F., Chan, K.-H., Cheung, K.-F., et al. (2016). Mers coronavirus induces apoptosis in kidney and lung by upregulating smad7 and fgf2. Nat. Microbiol. 1, 16004–16008. doi:10.1038/nmicrobiol.2016.4
Yu, Z., Huang, F., Zhao, X., Xiao, W., and Zhang, W. (2021). Predicting drug–disease associations through layer attention graph convolutional network. Briefings Bioinforma. 22, bbaa243. doi:10.1093/bib/bbaa243
Zhang, F., Wu, M., Li, X.-J., Li, X.-L., Kwoh, C. K., and Zheng, J. (2015). Predicting essential genes and synthetic lethality via influence propagation in signaling pathways of cancer cell fates. J. Bioinforma. Comput. Biol. 13, 1541002. doi:10.1142/S0219720015410024
Zhang, G., Gao, Z., Yan, C., Wang, J., Liang, W., Luo, J., et al. (2023). Kgansynergy: knowledge graph attention network for drug synergy prediction. Briefings Bioinforma. 24, bbad167. doi:10.1093/bib/bbad167
Keywords: synthetic lethality prediction, knowledge graph, multi-perspective learning, deep learning, attention mechanism
Citation: Zhang G, Chen Y, Yan C, Wang J, Liang W, Luo J and Luo H (2024) MPASL: multi-perspective learning knowledge graph attention network for synthetic lethality prediction in human cancer. Front. Pharmacol. 15:1398231. doi: 10.3389/fphar.2024.1398231
Received: 09 March 2024; Accepted: 26 April 2024;
Published: 21 May 2024.
Edited by:
Sajjad Gharaghani, University of Tehran, IranReviewed by:
Chunhou Zheng, Anhui University, ChinaQuan Zou, University of Electronic Science and Technology of China, China
Copyright © 2024 Zhang, Chen, Yan, Wang, Liang, Luo and Luo. 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 Luo, bHVvaHVpbWluQGhlbnUuZWR1LmNu