Next Article in Journal
Dual Therapy in Inflammatory Bowel Disease
Previous Article in Journal
The Inhibitory Effect of Peptide Hydrolysate of Type I Collagen Derived from Pig Skin on Melanogenesis in B16F10 Melanoma Cells
 
 
Font Type:
Arial Georgia Verdana
Font Size:
Aa Aa Aa
Line Spacing:
Column Width:
Background:
Article

Improving Identification of Drug-Target Binding Sites Based on Structures of Targets Using Residual Graph Transformer Network

1
Faculty of Surveying and Information Engineering, West Yunnan University of Applied Sciences, Dali 671000, China
2
College of Mathematics and Computer Science, Dali University, Dali 671003, China
3
State Key Laboratory for Conservation and Utilization of Bio-Resources in Yunnan, Yunnan University, Kunming 650000, China
*
Authors to whom correspondence should be addressed.
These authors are co-first authors and contributed equally to this work.
Biomolecules 2025, 15(2), 221; https://doi.org/10.3390/biom15020221
Submission received: 11 December 2024 / Revised: 28 January 2025 / Accepted: 28 January 2025 / Published: 3 February 2025
(This article belongs to the Section Bioinformatics and Systems Biology)

Abstract

:
Improving identification of drug-target binding sites can significantly aid in drug screening and design, thereby accelerating the drug development process. However, due to challenges such as insufficient fusion of multimodal information from targets and imbalanced datasets, enhancing the performance of drug-target binding sites prediction models remains exceptionally difficult. Leveraging structures of targets, we proposed a novel deep learning framework, RGTsite, which employed a Residual Graph Transformer Network to improve the identification of drug-target binding sites. First, a residual 1D convolutional neural network (1D-CNN) and the pre-trained model ProtT5 were employed to extract the local and global sequence features from the target, respectively. These features were then combined with the physicochemical properties of amino acid residues to serve as the vertex features in graph. Next, the edge features were incorporated, and the residual graph transformer network (GTN) was applied to extract the more comprehensive vertex features. Finally, a fully connected network was used to classify whether the vertex was a binding site. Experimental results showed that RGTsite outperformed the existing state-of-the-art methods in key evaluation metrics, such as F1-score (F1) and Matthews Correlation Coefficient (MCC), across multiple benchmark datasets. Additionally, we conducted interpretability analysis for RGTsite through the real-world cases, and the results confirmed that RGTsite can effectively identify drug-target binding sites in practical applications.

1. Introduction

Identification of drug-target binding sites (also known as pockets) is of great significance in drug screening and design [1,2]. For example, ATP (Adenosine triphosphate) binding sites play a crucial role in cellular-energy metabolism, signal transduction, and protein function. Over the years, the computational methods for identifying drug-target binding sites have evolved and can be broadly divided into two categories: traditional methods [3] and machine learning approaches [4,5,6,7]. Traditional methods include an energy-based approach Q-SiteFinder [8], which uses the interaction energy between the protein and a simple van der Waals probe to identify energetically favorable binding sites, a docking-based approach [9], which utilizes docking tools to locate the binding sites, and Fpocket, which is based on Voronoi tessellation and alpha spheres [10,11]. While some of these methods, such as Fpocket, have demonstrated strong performance in the identification of binding sites and are widely used, traditional methods are increasingly showing limitations, including insufficient information fusion and slow computational speed as the number of target structures grows. In contrast, machine learning methods have shown superior performance in identifying binding sites and faster computational efficiency, especially when handling large-scale and complex datasets [12,13,14]. As a result, the continued development of machine learning methods for drug-target binding sites identification is expected to accelerate the drug discovery process [15]. For instance, prediction models of ATP binding sites can not only improve the efficiency of drug screening, but also assist in identifying potential drug targets, designing more accurate targeted drugs, and supporting new drug development.
In modern drug development, computation-based drug screening and wet-lab experiments for drug activity verification are two critical steps, with drug screening playing a critical role in narrowing the scope of wet-lab experiments. Computation-based drug screening process can be divided into three main components: drug-target interaction prediction, drug-target binding affinity prediction, and drug-target binding sites prediction. Research in these areas heavily relies on machine learning techniques. Drug-target interaction prediction models help screen small molecules with activity against specific targets from large molecular databases [16,17,18]. Once potential active small molecules are identified, the next step is to filter out those with weak binding affinities. As a result, machine learning models for predicting drug-target binding affinity have garnered significant attention, including models like MDF-DTA [19], MMDTA [20], and MvGraphDTA [21]. Although drug-target interaction and affinity prediction models can substantially reduce the pool of potential candidates, accurately identifying the specific binding sites of small molecules remains a significant challenge. This is due to the presence of multiple binding pockets on the surface of a target. Consequently, drug-target binding sites prediction models become particularly important. These models can be classified into two categories: classic machine learning methods and deep learning approaches. Classic machine learning methods predict drug-target binding sites by incorporating the shallow features of drugs and targets, such as molecular fingerprints, physicochemical properties of amino acid residues, sequence encodings, etc., into models like random forest [22], support vector machine [23], and XGBoost [24,25]. While these approaches have contributed valuable insights into binding sites identification, their performance is reaching a bottleneck due to their reliance on shallow feature representations of both drugs and targets. In contrast, deep learning methods can leverage not only shallow features but also extract deep-level features that affect binding sites identification. For example, methods [26,27,28] employed 3D convolutional neural networks to extract structural features from the 3D structures of targets. Additionally, models [29,30,31,32] represented the 3D structures of targets as graphs, using graph neural networks to extract structural features and classifying vertices in the graph. Moreover, some methods enhance their prediction capabilities by incorporating deep neural networks and self-attention mechanisms to capture deep-level features of targets [33,34,35]. Despite the advancements made by current drug-target binding sites prediction models, particularly through the integration of diverse data modalities such as physicochemical properties of amino acid residues, target sequences, and target 3D structures, there remains considerable room for performance improvement. Challenges such as insufficient deep-level feature extraction, dataset imbalances, and incomplete model development continue to hinder the full potential of these models in drug-target binding sites prediction.
To further improve the performance of drug-target binding sites identification, we proposed a novel deep learning framework called RGTsite. This framework combined a residual 1D convolutional neural network (1D-CNN) with a residual graph transformer network (GTN) to extract deep-level features from both the sequences and structures of targets. Ultimately, drug-target binding sites were predicted through a fully connected network. Overall, RGTsite made three key contributions as follows.
(1)
RGTsite employed a residual 1D-CNN along with the pre-trained model ProtT5 to extract the local and global sequence features from the target. These sequence features were then combined with the physicochemical properties of amino acid residues to construct comprehensive feature representations for each vertex in a target chain graph. Additionally, RGTsite incorporated six-dimensional edge features. These enhancements further strengthened the representational capacity of graph.
(2)
Building upon the standard GTN, we introduced a residual technique to aggregate edge features into the vertex features, forming a novel residual GTN. This innovation allowed for a more thorough capture of structural information.
(3)
On multiple benchmark datasets, RGTsite exhibited the superior performance compared to the state-of-the-art methods, despite class imbalance, in terms of Matthews Correlation Coefficient (MCC) and F1-score (F1). Furthermore, we conducted interpretability analysis for RGTsite through the specific cases, which further validated the efficiency and effectiveness of RGTsite as a tool for drug-target binding sites identification.

2. Materials and Methods

2.1. Proposed Model

In this study, we proposed a drug-target binding sites identification model, RGTsite (Figure 1), which was based on a GTN architecture. The input to RGTsite consisted of three components: target chain graph, vertex features, and edge features. The construction of the target chain graph and edge features are detailed in Section 2.3, while the vertex features were composed of both sequence features and physicochemical features of amino acid residues: (1) A label encoding representation of the target sequence, which was first mapped into a 1024-dimensional feature matrix through a predefined vocabulary and embedding dimension (embedding layer). This feature matrix was then passed through a 3-layer residual 1D-CNN, with padding sizes of 1, 2, and 3 for each layer and convolution kernels of 3 × 3, 5 × 5, and 7 × 7 for the respective layers. This process resulted in a 1024-dimensional representation of local sequence features. (2) After inputting the target sequence into the pre-trained model ProtT5, a 1024-dimensional global sequence feature matrix was obtained for each amino acid residue. (3) Finally, by concatenating the 36-dimensional physicochemical features of amino acid residue with the obtained sequence features, a 2084-dimensional feature matrix was generated and used as the vertex features for the target chain graph.
The target chain graph, vertex features, and edge features were fed into the residual GTN. First, a multi-head attention mechanism (with 8 heads) was employed to extract the vertex and edge features, which were then linearly transformed through a fully connected layer. Using the residual connection method, the original vertex features and edge features were added element-wise to the transformed features, updating both the vertex features and edge features. Next, the updated features were passed into a graph convolutional network with a single hidden layer (256 neurons) to extract the deeper vertex features. Simultaneously, the updated vertex features were input into a fully connected network for linear transformation and then added to the vertex features output by the graph convolutional network. Finally, after undergoing normalization, dropout, feedforward neural network processing, and residual operation, the network output a 256-dimensional vertex feature matrix. This matrix was then fed into a three-layer fully connected network, with sigmoid activation functions applied between layers. The network architecture comprised 64, 16, and 1 neuron in each layer, respectively, to predict drug-target binding sites.

2.2. Datasets

In this study, we employed three standard datasets, including PATP-429, PATP-1930, and PATP-NW30 (Table 1). These datasets consisted of target sequences bound to ATP, and these sequences were sourced from the Protein Data Bank (PDB), with variations in data collection years and preprocessing methods. As of 5 November 2016, PATP-429 was constructed, containing 429 sequences. Redundant sequences with greater than 40% sequence consistency were removed using the CD-HIT tool [36]. By 23 June 2023, the NW-Align tool [37] was used to cluster sequences at 40% sequence identity, resulting in the creation of PATP-1930. Additionally, using NW-Align with a 30% sequence identify threshold, PATP-NW30 was generated. As shown in Table 1, it was noted that PATP-1930 was not divided into an independent test set, instead, it directly used the test set of PATP-429. In this process, amino acid residues that bind to ATP were labeled as positive samples, while other residues in the chain served as negative samples. There were significant differences in the positive-to-negative sample ratios in the training and test sets across PATP-429, PATP-1930, and PATP-NW30, all of which were typical imbalanced datasets.

2.3. Feature Representation

We employed two ways to represent the sequence features of a target chain. (1) Label encoding: Each target chain generally contained 20 common amino acids, each represented by a number from 1 to 20. Any uncommon amino acids were grouped together and represented by the number 21. (2) Pre-trained model for feature extraction: Given the large number of target sequences, relying solely on extracting deep-level features from a limited set of sequences would not provide comprehensive representations. To address this issue, we leveraged the widely used pre-trained model ProtT5-XL-U50 (ProtT5) [38], which was pre-trained and fine-tuned on BFD (Big Fantastic Database) [39] and UniRef50 [40], covering target sequences of multiple biological species. ProtT5 was applied to extract a 1024-dimensional feature vector for each amino acid residue in a target chain.
First, we utilized AlphaFold2 [41] to predict the 3D structures of targets. There are two key reasons for choosing AlphaFold2: (1) The 3D structures predicted by AlphaFold2 are particularly useful for identifying binding sites on an ATP-target with unknown structures, and it has strong universality. (2) AlphaFold2, developed by DeepMind, can predict 98.5% of human protein structures. In collaboration with EMBL-EBI, DeepMind has constructed the AlphaFold DB database, which contains a large amount of high-precision protein structure prediction data. While there may be cases where the predicted structure of certain proteins (or parts of them) is inaccurate or “degraded”, such occurrences are rare. Next, we treated the C α atoms of amino acid residues in a target chain as vertices of a graph. The Euclidean distance between every pair of vertices was then calculated. If the distance was less than or equal to 8 Å, an edge was considered to exist between them, and the corresponding entry in the adjacency matrix representing the graph was set to 1. Otherwise, the entry was set to 0.
Physicochemical features of amino acid residues were represented by 16 categories, yielding a total of 36 dimensions (Table 2).
Edge features between amino acid residues were characterized by 6 dimensions (Table 2).

2.4. Residual Graph Transformer Network

In the target chain graph G T , the features of vertex i are represented by α i R d n × 1 ( d n is the vertex feature dimension), and the edge features between vertices i and j are represented by β i j R d e × 1 ( d e is the edge feature dimension). After linear projection, the implicit representations of the vertex and edge features are h i 0 (Formula (1)) and e ¯ i j 0 (Formula (2)), respectively.
h i 0 = A 0 α i + a 0
e ¯ i j 0 = B 0 β i j + b 0
Among them, A 0 R d × d n and B 0 R d × d e are learnable parameters, while a 0 ,   b 0 R d are biases ( d is the dimension of the feature matrix). To incorporate positional encoding into the vertex features, we use the Laplacian vector as the positional encoding in the graph transformer network. The Laplacian feature vector ∆ of each graph is pre-calculated through the factorization of the graph’s Laplacian matrix (Formulas (3)–(5)).
λ ¯ i 0 = C 0 λ i + c 0
h ¯ i 0 = h i 0 + λ ¯ i 0
Δ = I D 1 2 A D 1 2 = U T F U
In Formulas (3) and (4), k minimum non-trivial feature vectors of i are used to form its corresponding positional encoding representation λ i ( λ i R k × 1 ). Here, C 0 R d n × k is a learnable parameter, c 0 R d n represents the bias, h ¯ i 0 and λ ¯ i 0 denote the vertex feature matrix and the positional encoding feature matrix, respectively. In Formula (5), I is the identity matrix, A is the adjacency matrix of graph, D is the degree matrix of graph, and F and U represent the eigenvalues and eigenvectors, respectively. Graph transformer updates the vertex and edge features primarily through the multi-head attention mechanism. The update process for vertex and edge features at the l + 1 -th layer is shown in Formulas (6)–(8).
w i j k , l = s o f t m a x j Q k , l h ¯ i l K k , l h ¯ j l d k E k , l e ¯ i j l
h ~ i l + 1 = h ¯ i l + O h l C o n c a t e k = 1 g t j ϵ N i w i j k , l V k , l h ¯ i l
e ~ i j l + 1 = e ¯ i j l + O e l C o n c a t k = 1 g t w i j k , l
Q k , l , K k , l , V k , l , E k , l R d k × d , O h l , and O e l R d × d are learnable parameters, where k 1 ,   g t represents the number of heads and d k indicates the dimension of each head. w i j k , l signifies the self-attention weight matrix incorporating the edge features. The resulting edge feature matrix is used as the edge weight matrix A e w T R N x T × N x T , from which the adjacency matrix A ~ x e w T of the Laplacian edge weighted vertex x is derived (Formula (9)).
A ~ x e w T = D x T 1 2 A x T + I N x T T A e w T + I N x T T D x T 1 2
D x T is the diagonal matrix of A x T + I N x T T , where A x T and I N x T T represent the adjacency matrix and identity matrix, respectively. N x T denotes the dimension of the feature matrix, e w represents the edge weight, and T indicates the target. By using A ~ x e w T and the residual vertex feature H x T l from the l -th layer, the residual vertex feature h ~ i l + 1 of the l + 1 -th layer is obtained (Formula (10)).
h ~ i l + 1 = σ A ~ x e w T H x T l W x T + M L P H x T l
W x T represents the learnable parameter matrix. h ~ i l + 1 is fed into the feedforward neural network, where the vertex features h i l + 1 are obtained through normalization and activation function operations (Formula (11)).
h i l + 1 = h ~ i l + 1 + W h ~ 1 l R e L U W h ~ 2 l N o r m h ~ i l + 1
W h ~ 1 l and W h ~ 2 l are the learnable parameter matrices.

2.5. Model Training

In this study, to prevent overfitting, we adopted an early-stopping mechanism during RGTsite training. The early-stopping strategy was as follows: 10% of target chains from the training set were randomly selected as the validation set. If the validation loss did not decrease for 10 consecutive epochs during training, the process was terminated. The optimizer, activation function, and asymmetric loss function used in RGTsite were Adam, ReLU, and Asymmetric Loss (ASL) [42] (Formula (12)), respectively. The learning rate, weight decay, numerical stability parameters, and momentum coefficient were set to 0.0001, 5 × 10−5, 1 × 10−7, and (0.9, 0.999), respectively. The batch size and dropout rate were set to 1 and 0.3, respectively.
A S L = L + = 1 p γ + log p   L = p m γ log 1 p m
Among them, p represents the model’s prediction probability, γ is the focusing parameter, p m is the offset-adjusted probability, and L + and L denote the positive and negative loss components, respectively.

2.6. Evaluation Metrics

To evaluate the model’s performance, we used sensitivity (Sen), specificity (Spe), accuracy (Acc), precision (Pre), Matthews Correlation Coefficient (MCC), and F1-score (F1).
S e n = T P T P + F N × 100
S p e = T N T N + F P × 100
A c c = T P + T N T P + T N + F P + F N × 100
P r e = T P T P + F P × 100
M C C = T P · T N F P · F N ( T P + F N ) · ( T P + F P ) · ( T N + F N ) · ( T N + F P )
F 1 = 2 · S e n · P r e S e n + P r e × 100
Among them, T P , F N , T N , and F P represent true positives, false negatives, true negatives, and false positives, respectively. Both F1 and MCC provide a more accurate assessment of the model’s performance on imbalanced datasets.

3. Results

3.1. Performance Comparison Between RGTsite and State-of-the-Art Methods

In this section, we evaluated the performance of RGTsite by comparing it with existing state-of-the-art methods for predicting protein-ATP binding sites, both sequence-based and structure-based.
Sequence-based methods included NsitePred [43], TargetS [44], ATPseq [45], DELIA (seq) [46], DeepATPseq [47], and E2EATP (388, 1930) [12]. Among these, DELIA (seq) referred to DELIA trained only on sequence-based features, and E2EATP (388, 1930) represented the versions of E2EATP trained on PATP-388 and PATP-1930, respectively. We compared the performance of these methods against RGTsite on the independent test set PATP-41. To provide a comprehensive evaluation for RGTsite, we also trained RGTsite (388) and RGTsite (1930) on PATP-388 and PATP-1930, respectively. Experimental results (Table 3) showed that RGTsite (388) outperformed NsitePred, TargetS, ATPseq, DELIA (seq), DeepATPseq, and E2EATP (388) across all evaluation metrics. Notably, RGTsite (388) exhibited improvements in key metrics, achieving F1 (70.16%) and MCC (0.699), surpassing the best-performing methods by 4.14% and 6.72%, respectively, compared to their optimal values (66.02%, 0.655). RGTsite (1930) also outperformed all comparison methods, with the exception of a slight decrease in Spe by 0.18% and Pre by 0.56% compared to ATPseq. In particular, RGTsite (1930) improved F1 (68.21%) and MCC (0.668) by 3.1% and 5.24%, respectively. The comparison results indicated that incorporating 3D structural information of the target enhanced the performance of drug-target binding sites prediction, when compared to sequence-based methods alone.
Structure-based methods included COACH (ITA, AF2) [48], ATPbind (ITA, AF2) [45], and DELIA (ITA, AF2), where ITA and AF2 indicated that the target 3D structures required for these methods were derived from the structure prediction tools I-TASSER [49] and AlphaFold2 [41], respectively. The independent test set used was PATP-41. In the comparative experiment with structure-based methods, all target 3D structures for RGTsite were sourced from the predicted results of AlphaFold2, without using experimentally determined 3D structures. This approach was also designed to provide services for targets lacking experimental 3D structures. Experimental results (Table 4) revealed that RGTsite (388) outperformed existing structure-based state-of-the-art methods across all evaluation metrices, except for Sen. RGTsite (388) excelled in F1 and MCC metrices, showing improvements of 3.1% and 5.27%, respectively, compared to the best-performing method, ATPbind (AF2). Overall, RGTsite’s performance surpassed that of these methods. Specifically, RGTsite (388) achieved an F1 score of 70.16%, and an MCC value of 0.699. RGTsite (1930) showed a 2.67% decrease in Sen compared to COACH (AF2), and a 0.1% in Spe and a 0.05% decrease in Pre, compared to ATPbind (AF2), but outperformed all state-of-the-art methods across other evaluation metrics, particularly in F1 (71.31%) and MCC (0.703), with improvements of 4.25% and 5.87%, respectively, over the best-performing method ATPbind (AF2). Comparisons with state-of-the-art structure-based methods had demonstrated that RGTsite was highly effective in extracting features from vertices (amino acid residues) and in making more accurate predictions regarding binding sites. Additionally, the advantage of applying residue GTN in RGTsite had been confirmed.
To further comprehensively evaluate the performance of RGTsite, we compared it with a series of state-of-the-art methods using the independent test set PATP-NW30-103. Both E2EATP (NW30) and RGTsite (NW30) were trained on PATP-NW30-1861, while the experimental results of other methods were cited from E2EATP. As shown in the results (Table 5), RGTsite (NW30) achieved the highest F1 (60.02%) and MCC (0.595) among all methods, with improvements of 2.63% and 5.12%, respectively, compared to the top-performing method. In addition, RGTsite’s performance across the remaining evaluation metrics also reached the levels comparable to the best values. Overall, RGTsite’s excellent performance on PATP-NW30 demonstrated that the residual GTN-based approach effectively extracted the key features influencing vertex (amino acid residue) classification across different datasets. This highlighted RGTsite’s strong vertex classification capabilities, making it suitable for analysis tasks on complex datasets.

3.2. Impact of Three Types of Features That Make up the Vertex Features on the Model’s Performance

In this study, we integrated the global sequence features output by ProtT5, the local sequence features extracted by a residual 1D-CNN, and the physicochemical features of amino acid residues as the vertex features within the residual GTN. To assess the effectiveness of these three types of features, we combined them and constructed six different variant models (Variant 1–Variant 6). Using PATP-1930 as the training set and PATP-41 as the independent test set, we conducted comparative experiments between RGTsite and six variant models. Experimental results (Table 6) revealed that while RGTsite, which combined all three types of features, achieved comparable or slightly inferior performance compared to the variant models in terms of Sen, Spe, Acc, and Pre, it outperformed all variant models in F1 and MCC. Specifically, RGTsite achieved F1 (71.31%) and MCC (0.703), which were 1.24% and 0.57% higher, respectively, than the corresponding best results obtained by the variant models. These findings clearly showed that combining the three types of features had a positive impact on enhancing the overall performance of the model.

3.3. Residual 1D-CNN Helps Improve the Model’s Performance

Here, residual 1D-CNN was employed to extract the local sequence features. However, there were various models available for extracting the sequence features of target, such as 1D-CNN, recurrent neural networks (RNN), and transformer. Given that transformer was already incorporated in the residual GTN, we aimed to avoid redundant feature extraction and therefore only conducted comparative experiments with RNN and 1D-CNN to validate the effectiveness of residual 1D-CNN. It was worth noting that we adapted an improved three-layer residual 1D-CNN architecture which incorporated two residual connections built upon 1D-CNN. Under the experimental conditions of using PATP-1930 and PATP-41 as the training and test sets, respectively, experimental results (Table 7) showed that RNN outperformed 1D-CNN in terms of Sen, but 1D-CNN showed superior performance across the remaining evaluation metrics. This outcome may be attributed to the redundancy between the global sequence features extracted by RNN and those output by ProtT5, while the local sequence features extracted by 1D-CNN complement the global features from ProtT5 more effectively. Although 1D-CNN demonstrated better performance compared to RNN, the residual 1D-CNN introduced in RGTsite outperformed 1D-CNN in two key evaluation metrics: F1 and MCC. This suggested that the local sequence features extracted by the residual 1D-CNN played a significant role in improving the performance of drug-target binding sites prediction model.

3.4. Residual Graph Transformer Network Is Beneficial for Identifying Binding Sites

Residual GTN served as the core architecture in RGTsite, capturing the vertex feature information by inputting a target chain graph, vertex features, and edge features. To verify the effectiveness of this core architecture, we conducted comparative experiments using widely adopted graph neural network models, including graph convolutional network (GCN), graph attention network (GAT), graph isomorphism network (GIN), GraphSAGE, and GTN, on the training set PATP-1930 and test set PATP-41. Experimental results (Table 8) revealed that GCN and GAT performed relatively poorly, while GIN, GraphSAGE, and GTN all achieved an F1 above 60% and an MCC above 0.6, with the other evaluation metrics being comparable across these models. Notably, GTN outperformed the others in both F1 and MCC, achieving scores of 68.97% and 0.692, respectively. Although GTN exhibited strong performance, it did not incorporate edge features. In contrast, RGTsite, which leveraged residual GTN as its core architecture, introduced the edge features through residual connections, thereby enriching the vertex-feature extraction process. Experimental results confirmed that RGTsite not only performed on par with or better than GTN in four evaluation metrics: Sen, Spe, Acc, and Pre, but also surpassed GTN in F1 and MCC. Specifically, RGTsite showed improvements of 2.34% in F1 and 1.59% in MCC.

3.5. Case Study

To evaluate the performance of RGTsite in practical applications, we selected 20 and 149 target chains from the dataset used by the state-of-the-art method ATP-Deep [50] and constructed two external validation datasets PATP_20 (Table 9) and PATP_149, respectively. All chains in these datasets were excluded from any benchmark sets used in this study. For each chain, PATP_20 contained the following information: target_chain_name, the number of non-binding sites (True_label_0), and the number of binding sites (True_label_1). We processed these chains one by one through RGTsite and recorded the predicted number of non-binding sites (Predicted_label_0), the predicted number of binding sites (Predicted_label_1), the F1, and the MCC. Experimental results (Table 9) showed that RGTsite achieved an F1 of over 80% for 80% of the target chains, and an MCC of over 0.8 for 75% of the target chains. Moreover, the mean F1 and MCC values of all target chains were 86.72% and 0.867, respectively, both of which outperformed RGTsite’s performance on its benchmark test sets. Furthermore, we visualized the binding sites identification by RGTsite on three target chains (Figure 2). By examining the colors of the identified amino acid residues (green: True Negative (TN), red: True Positive (TP), blue: False Positive (FP), and purple: False Negative (FN)) around ATP (yellow), it was intuitively clear that the true binding sites (red) of ATP had been accurately identified. RGTsite’s outstanding performance on PATP_20 demonstrated its reliability as a drug-target binding site prediction tool in practical applications.
We also assessed the practical application capability of RGTsite using PATP_149. Experimental results (Table 10) showed that RGTsite performed well across all evaluation metrics. RGTsite’s outstanding performance on PATP_20 and PATP_149 demonstrated its reliability as a drug-target binding sites prediction tool in practical applications.
Additionally, to further confirm that RGTsite can predict the binding sites of small molecules beyond ATP, we trained RGTsite on the Pro_Train_335 dataset from the advanced method DeepProSite and assessed its performance with the Pro_Test_60 and Pro_Test_315 test sets. Experimental results (Table 11) showed that RGTsite can predict binding sites for small molecules other than ATP, while also exhibiting good performance.

3.6. Interpretability Analysis of RGTsite

To explain the effectiveness of RGTsite, we saved models trained on PATP-1930 at epochs 20, 40, 60, and 83. We then randomly selected two target chains 1OJL_E and 2Z08_A from PATP_20 and ran these models on them. For each model, we counted the number of amino acid residues classified as TN, FN, FP, and TP, as well as the corresponding F1 and MCC values (Table 12). Statistical results showed that with an increasing number of training epochs, RGTsite gradually reduced the misidentification of FP amino acid residues and improved the accuracy of true-binding sites identification. In addition to the statistical data, we visualized the identification results of RGTsite for the target chains after training at epochs 20, 40, 60, and 83 (Figure 3). Among them, gray-white, green, yellow, and red represented amino acid residues classified as TN, TP, FP, and FN, respectively. From the visualization results, it was evident that after 20 epochs of training, RGTsite had mostly identified the binding sites of TP class but still misclassified some non-binding sites as binding sites. As the training epochs increased, the misidentified FP amino acid residues (yellow) gradually decreased, and both the F1 and MCC values improved, ultimately resulting in the accurate identification of binding sites for 1OJL-E and 2Z08-A. Through a comprehensive analysis of both the statistical data and visualization results across different training epochs, it was clear that RGTsite exhibited high effectiveness in predicting drug-target binding sites.

4. Conclusions

RGTsite was a deep learning-based tool for identifying drug-target binding sites, employing a residual 1D-CNN, the pre-trained model ProtT5, and a residual GTN to extract sequence and structural features from targets. Experimental results on multiple benchmark datasets showed that RGTsite outperformed existing state-of-the-art methods in two key evaluation metrics: F1 and MCC. Practical application results and interpretability analysis confirmed that RGTsite was an effective and reliable tool for drug-target binding sites identification. Additionally, RGTsite is also effective for identifying binding sites of small molecules beyond ATP.
In the future, we plan to further improve the performance of drug-target binding sites identification in the following five aspects: (1) After decomposing the target into target chains, all amino acid residues in some chains do not participate in binding sites formation. These chains can be preprocessed to reduce the number of negative samples, thereby alleviating the class imbalance in the dataset; (2) RGTsite is currently a single task model focused solely on predicting drug-target binding sites. We will explore to introduce a drug-target binding affinity prediction task, fusing the deep features extracted from both tasks to create a mutually reinforcing multi-task learning model; (3) While RGTsite has achieved performance improvement in drug-target binding sites identification through the residual GTN architecture, its F1 and MCC are just exceeded 70%, still falling short of user expectations. Continued advancements in deep learning techniques are needed to design innovative drug-target binding sites identification models that can further enhance the prediction performance; (4) We will incorporate the effects of conformational changes on binding site variations to broaden the application scope of RGTsite; (5) Exploring the similarities between different binding pockets to enhance RGTsite’s ability to learn key implicit features.

Author Contributions

Conceptualization, S.-Q.L. and X.Z.; methodology, G.-P.S.; validation, S.-Q.L. and W.-F.D.; formal analysis, Y.L.; investigation, M.-L.W.; resources, G.-P.S.; data curation, G.-P.S.; writing—original draft preparation, S.-Q.L. and X.Z.; writing—review and editing, S.-Q.L.; supervision, Y.L. and M.-L.W. All authors have read and agreed to the published version of the manuscript.

Funding

This work was supported by the National Natural Sciences Foundation of China (No. 62366002), the Yunnan Young and Middle-aged Academic and Technical Leaders Reserve Talent Project in China (No. 202405AC350023), the Talent introduction and scientific research start-up fund project WYUAS (No. 2022RCKY0001), the Research Project on Undergraduate Education and Teaching Reform in Yunnan Province in 2024 (No. JG2024088), and a grant (No. 2023KF005) from State Key Laboratory for Conservation and Utilization of Bio-Resources in Yunnan, Yunnan University.

Institutional Review Board Statement

Not applicable.

Informed Consent Statement

Not applicable.

Data Availability Statement

The dataset, source code, and trained RGTsite model are available at https://github.com/dldxzx/RGTsite (accessed on 17 January 2025).

Conflicts of Interest

The authors declare that they have no known competing financial interests or personal relationships that could have appeared to influence the work reported in this paper.

References

  1. Zhang, O.; Zhang, J.; Jin, J.; Zhang, X.; Hu, R.; Shen, C.; Cao, H.; Du, H.; Kang, Y.; Deng, Y.; et al. ResGen Is a Pocket-Aware 3D Molecular Generation Model Based on Parallel Multiscale Modelling. Nat. Mach. Intell. 2023, 5, 1020–1030. [Google Scholar] [CrossRef]
  2. Vemula, D.; Jayasurya, P.; Sushmitha, V.; Kumar, Y.N.; Bhandari, V. CADD, AI and ML in Drug Discovery: A Comprehensive Review. Eur. J. Pharm. Sci. 2023, 181, 106324. [Google Scholar] [CrossRef] [PubMed]
  3. Xia, Y.; Pan, X.; Shen, H.-B. A Comprehensive Survey on Protein-Ligand Binding Site Prediction. Curr. Opin. Struct. Biol. 2024, 86, 102793. [Google Scholar] [CrossRef] [PubMed]
  4. Jakubec, D.; Skoda, P.; Krivak, R.; Novotny, M.; Hoksza, D. PrankWeb 3: Accelerated Ligand-Binding Site Predictions for Experimental and Modelled Protein Structures. Nucleic Acids Res. 2022, 50, W593–W597. [Google Scholar] [CrossRef] [PubMed]
  5. McGreig, J.E.; Uri, H.; Antczak, M.; Sternberg, M.J.E.; Michaelis, M.; Wass, M.N. 3DLigandSite: Structure-Based Prediction of Protein–Ligand Binding Sites. Nucleic Acids Res. 2022, 50, W13–W20. [Google Scholar] [CrossRef] [PubMed]
  6. Nazem, F.; Ghasemi, F.; Fassihi, A.; Rasti, R.; Dehnavi, A.M. A GU-Net-Based Architecture Predicting Ligand–Protein-Binding Atoms. J. Med. Signals Sens. 2023, 13, 1–10. [Google Scholar] [CrossRef] [PubMed]
  7. Piazza, I.; Beaton, N.; Bruderer, R.; Knobloch, T.; Barbisan, C.; Chandat, L.; Sudau, A.; Siepe, I.; Rinner, O.; De Souza, N.; et al. A Machine Learning-Based Chemoproteomic Approach to Identify Drug Targets and Binding Sites in Complex Proteomes. Nat. Commun. 2020, 11, 4200. [Google Scholar] [CrossRef] [PubMed]
  8. Laurie, A.T.R.; Jackson, R.M. Q-SiteFinder: An Energy-Based Method for the Prediction of Protein-Ligand Binding Sites. Bioinformatics 2005, 21, 1908–1916. [Google Scholar] [CrossRef]
  9. Heo, L.; Shin, W.-H.; Lee, M.S.; Seok, C. GalaxySite: Ligand-Binding-Site Prediction by Using Molecular Docking. Nucleic Acids Res. 2014, 42, W210–W214. [Google Scholar] [CrossRef] [PubMed]
  10. Le Guilloux, V.; Schmidtke, P.; Tuffery, P. Fpocket: An Open Source Platform for Ligand Pocket Detection. BMC Bioinform. 2009, 10, 168. [Google Scholar] [CrossRef]
  11. Kochnev, Y.; Durrant, J.D. FPocketWeb: Protein Pocket Hunting in a Web Browser. J. Cheminform. 2022, 14, 58. [Google Scholar] [CrossRef] [PubMed]
  12. Rao, B.; Yu, X.; Bai, J.; Hu, J. E2EATP: Fast and High-Accuracy Protein–ATP Binding Residue Prediction via Protein Language Model Embedding. J. Chem. Inf. Model. 2024, 64, 289–300. [Google Scholar] [CrossRef] [PubMed]
  13. Stepniewska-Dziubinska, M.M.; Zielenkiewicz, P.; Siedlecki, P. Improving Detection of Protein-Ligand Binding Sites with 3D Segmentation. Sci. Rep. 2020, 10, 5035. [Google Scholar] [CrossRef]
  14. Krivák, R.; Hoksza, D. P2Rank: Machine Learning Based Tool for Rapid and Accurate Prediction of Ligand Binding Sites from Protein Structure. J. Cheminform. 2018, 10, 39. [Google Scholar] [CrossRef]
  15. Naderi, M.; Lemoine, J.M.; Govindaraj, R.G.; Kana, O.Z.; Feinstein, W.P.; Brylinski, M. Binding Site Matching in Rational Drug Design: Algorithms and Applications. Brief. Bioinform. 2019, 20, 2167–2184. [Google Scholar] [CrossRef] [PubMed]
  16. Bian, J.; Zhang, X.; Zhang, X.; Xu, D.; Wang, G. MCANet: Shared-Weight-Based MultiheadCrossAttention Network for Drug–Target Interaction Prediction. Brief. Bioinform. 2023, 24, bbad082. [Google Scholar] [CrossRef] [PubMed]
  17. Zhao, Q.; Zhao, H.; Zheng, K.; Wang, J. HyperAttentionDTI: Improving Drug–Protein Interaction Prediction by Sequence-Based Deep Learning with Attention Mechanism. Bioinformatics 2022, 38, 655–662. [Google Scholar] [CrossRef] [PubMed]
  18. Zeng, X.; Feng, P.; Li, S.; Lv, S.; Wen, M.; Li, Y. GNNDDAS: Drug Discovery for Identifying Anti-schistosome Small Molecules Based on Graph Neural Network. J. Comput. Chem. 2024, 45, 2825–2834. [Google Scholar] [CrossRef]
  19. Ranjan, A.; Bess, A.; Alvin, C.; Mukhopadhyay, S. MDF-DTA: A Multi-Dimensional Fusion Approach for Drug-Target Binding Affinity Prediction. J. Chem. Inf. Model. 2024, 64, 4980–4990. [Google Scholar] [CrossRef] [PubMed]
  20. Zhong, K.-Y.; Wen, M.-L.; Meng, F.-F.; Li, X.; Jiang, B.; Zeng, X.; Li, Y. MMDTA: A Multimodal Deep Model for Drug-Target Affinity with a Hybrid Fusion Strategy. J. Chem. Inf. Model. 2024, 64, 2878–2888. [Google Scholar] [CrossRef] [PubMed]
  21. Zeng, X.; Zhong, K.-Y.; Meng, P.-Y.; Li, S.-J.; Lv, S.-Q.; Wen, M.-L.; Li, Y. MvGraphDTA: Multi-View-Based Graph Deep Model for Drug-Target Affinity Prediction by Introducing the Graphs and Line Graphs. BMC Biol. 2024, 22, 182. [Google Scholar] [CrossRef] [PubMed]
  22. Qiu, Z.; Wang, X. Improved Prediction of Protein Ligand-Binding Sites Using Random Forests. Protein Pept. Lett. 2011, 18, 1212–1218. [Google Scholar] [CrossRef]
  23. Wong, G.Y.; Leung, F.H.F.; Ling, S.H. Predicting Protein-Ligand Binding Site Using Support Vector Machine with Protein Properties. IEEE/ACM Trans. Comput. Biol. Bioinf. 2013, 10, 1517–1529. [Google Scholar] [CrossRef] [PubMed]
  24. Wang, W.; Li, K.; Lv, H.; Zhang, H.; Wang, S.; Huang, J. SmoPSI: Analysis and Prediction of Small Molecule Binding Sites Based on Protein Sequence Information. Comput. Math. Methods Med. 2019, 2019, 1926156. [Google Scholar] [CrossRef] [PubMed]
  25. Zhao, Z.; Xu, Y.; Zhao, Y. SXGBsite: Prediction of Protein–Ligand Binding Sites Using Sequence Information and Extreme Gradient Boosting. Genes 2019, 10, 965. [Google Scholar] [CrossRef]
  26. Aggarwal, R.; Gupta, A.; Chelur, V.; Jawahar, C.V.; Priyakumar, U.D. DeepPocket: Ligand Binding Site Detection and Segmentation Using 3D Convolutional Neural Networks. J. Chem. Inf. Model. 2022, 62, 5069–5079. [Google Scholar] [CrossRef] [PubMed]
  27. Kozlovskii, I.; Popov, P. Protein–Peptide Binding Site Detection Using 3D Convolutional Neural Networks. J. Chem. Inf. Model. 2021, 61, 3814–3823. [Google Scholar] [CrossRef] [PubMed]
  28. Jiménez, J.; Doerr, S.; Martínez-Rosell, G.; Rose, A.S.; De Fabritiis, G. DeepSite: Protein-Binding Site Predictor Using 3D-Convolutional Neural Networks. Bioinformatics 2017, 33, 3036–3042. [Google Scholar] [CrossRef] [PubMed]
  29. Crampon, K.; Bourrasset, C.; Baud, S.; Steffenel, L.A. SGPocket: A New Graph Convolutional Neural Network forLigand-Protein Binding Site Prediction. Curr. Med. Chem. CMC 2024, 31. [Google Scholar] [CrossRef]
  30. Evteev, S.A.; Ereshchenko, A.V.; Ivanenkov, Y.A. SiteRadar: Utilizing Graph Machine Learning for Precise Mapping of Protein–Ligand-Binding Sites. J. Chem. Inf. Model. 2023, 63, 1124–1132. [Google Scholar] [CrossRef] [PubMed]
  31. Shi, W.; Singha, M.; Pu, L.; Srivastava, G.; Ramanujam, J.; Brylinski, M. GraphSite: Ligand Binding Site Classification with Deep Graph Learning. Biomolecules 2022, 12, 1053. [Google Scholar] [CrossRef] [PubMed]
  32. Fang, Y.; Jiang, Y.; Wei, L.; Ma, Q.; Ren, Z.; Yuan, Q.; Wei, D.-Q. DeepProSite: Structure-Aware Protein Binding Site Prediction Using ESMFold and Pretrained Language Model. Bioinformatics 2023, 39, btad718. [Google Scholar] [CrossRef]
  33. Kandel, J.; Tayara, H.; Chong, K.T. PUResNet: Prediction of Protein-Ligand Binding Sites Using Deep Residual Neural Network. J. Cheminform. 2021, 13, 65. [Google Scholar] [CrossRef] [PubMed]
  34. Shi, W.; Lemoine, J.M.; Shawky, A.-E.-M.A.; Singha, M.; Pu, L.; Yang, S.; Ramanujam, J.; Brylinski, M. BionoiNet: Ligand-Binding Site Classification with off-the-Shelf Deep Neural Network. Bioinformatics 2020, 36, 3077–3083. [Google Scholar] [CrossRef] [PubMed]
  35. Liu, Y.; Li, P.; Tu, S.; Xu, L. RefinePocket: An Attention-Enhanced and Mask-Guided Deep Learning Approach for Protein Binding Site Prediction. IEEE/ACM Trans. Comput. Biol. Bioinf. 2023, 20, 3314–3321. [Google Scholar] [CrossRef]
  36. Fu, L.; Niu, B.; Zhu, Z.; Wu, S.; Li, W. CD-HIT: Accelerated for Clustering the next-Generation Sequencing Data. Bioinformatics 2012, 28, 3150–3152. [Google Scholar] [CrossRef] [PubMed]
  37. Hu, J.; Li, Z.; Rao, B.; Thafar, M.A.; Arif, M. Improving Protein-Protein Interaction Prediction Using Protein Language Model and Protein Network Features. Anal. Biochem. 2024, 693, 115550. [Google Scholar] [CrossRef]
  38. Elnaggar, A.; Heinzinger, M.; Dallago, C.; Rehawi, G.; Wang, Y.; Jones, L.; Gibbs, T.; Feher, T.; Angerer, C.; Steinegger, M.; et al. ProtTrans: Toward Understanding the Language of Life Through Self-Supervised Learning. IEEE Trans. Pattern Anal. Mach. Intell. 2022, 44, 7112–7127. [Google Scholar] [CrossRef] [PubMed]
  39. Steinegger, M.; Mirdita, M.; Söding, J. Protein-Level Assembly Increases Protein Sequence Recovery from Metagenomic Samples Manyfold. Nat. Methods 2019, 16, 603–606. [Google Scholar] [CrossRef] [PubMed]
  40. Suzek, B.E.; Wang, Y.; Huang, H.; McGarvey, P.B.; Wu, C.H.; the UniProt Consortium. UniRef Clusters: A Comprehensive and Scalable Alternative for Improving Sequence Similarity Searches. Bioinformatics 2015, 31, 926–932. [Google Scholar] [CrossRef] [PubMed]
  41. Jumper, J.; Evans, R.; Pritzel, A.; Green, T.; Figurnov, M.; Ronneberger, O.; Tunyasuvunakool, K.; Bates, R.; Žídek, A.; Potapenko, A.; et al. Highly Accurate Protein Structure Prediction with AlphaFold. Nature 2021, 596, 583–589. [Google Scholar] [CrossRef] [PubMed]
  42. Ridnik, T.; Ben-Baruch, E.; Zamir, N.; Noy, A.; Friedman, I.; Protter, M.; Zelnik-Manor, L. Asymmetric Loss For Multi-Label Classification. In Proceedings of the 2021 IEEE/CVF International Conference on Computer Vision (ICCV), Montreal, QC, Canada, 11–17 October 2021; pp. 82–91. [Google Scholar]
  43. Chen, K.; Mizianty, M.J.; Kurgan, L. Prediction and Analysis of Nucleotide-Binding Residues Using Sequence and Sequence-Derived Structural Descriptors. Bioinformatics 2012, 28, 331–341. [Google Scholar] [CrossRef] [PubMed]
  44. Yu, D.-J.; Hu, J.; Yang, J.; Shen, H.-B.; Tang, J.; Yang, J.-Y. Designing Template-Free Predictor for Targeting Protein-Ligand Binding Sites with Classifier Ensemble and Spatial Clustering. IEEE/ACM Trans. Comput. Biol. Bioinf. 2013, 10, 994–1008. [Google Scholar] [CrossRef] [PubMed]
  45. Hu, J.; Li, Y.; Zhang, Y.; Yu, D.-J. ATPbind: Accurate Protein–ATP Binding Site Prediction by Combining Sequence-Profiling and Structure-Based Comparisons. J. Chem. Inf. Model. 2018, 58, 501–510. [Google Scholar] [CrossRef]
  46. Xia, C.-Q.; Pan, X.; Shen, H.-B. Protein–Ligand Binding Residue Prediction Enhancement through Hybrid Deep Heterogeneous Learning of Sequence and Structure Data. Bioinformatics 2020, 36, 3018–3027. [Google Scholar] [CrossRef] [PubMed]
  47. Hu, J.; Zheng, L.-L.; Bai, Y.-S.; Zhang, K.-W.; Yu, D.-J.; Zhang, G.-J. Accurate Prediction of Protein-ATP Binding Residues Using Position-Specific Frequency Matrix. Anal. Biochem. 2021, 626, 114241. [Google Scholar] [CrossRef]
  48. Yang, J.; Roy, A.; Zhang, Y. Protein–Ligand Binding Site Recognition Using Complementary Binding-Specific Substructure Comparison and Sequence Profile Alignment. Bioinformatics 2013, 29, 2588–2595. [Google Scholar] [CrossRef]
  49. Yang, J.; Yan, R.; Roy, A.; Xu, D.; Poisson, J.; Zhang, Y. The I-TASSER Suite: Protein Structure and Function Prediction. Nat. Methods 2015, 12, 7–8. [Google Scholar] [CrossRef]
  50. Wu, J.-S.; Liu, Y.; Ge, F.; Yu, D.-J. Prediction of Protein-ATP Binding Residues Using Multi-View Feature Learning via Contextual-Based Co-Attention Network. Comput. Biol. Med. 2024, 172, 108227. [Google Scholar] [CrossRef] [PubMed]
Figure 1. Overview of RGTsite architecture. (A) Local and global sequence features extracted by a residual 1D convolutional neural network (1D-CNN) and the pre-trained model ProtT5, respectively, were concatenated with the physicochemical features of amino acid residues to form the vertex features of a target chain graph. After introducing the edge features, a residual graph transformer network (GTN) was employed to obtain the more comprehensive vertex features, which were then processed by a fully connected network to predict whether the vertex represented a binding site. (B) A residual GTN was leveraged to integrate edge features into vertex features, thereby enhancing the comprehensiveness of the vertex features and improving the network’s ability to predict binding sites.
Figure 1. Overview of RGTsite architecture. (A) Local and global sequence features extracted by a residual 1D convolutional neural network (1D-CNN) and the pre-trained model ProtT5, respectively, were concatenated with the physicochemical features of amino acid residues to form the vertex features of a target chain graph. After introducing the edge features, a residual graph transformer network (GTN) was employed to obtain the more comprehensive vertex features, which were then processed by a fully connected network to predict whether the vertex represented a binding site. (B) A residual GTN was leveraged to integrate edge features into vertex features, thereby enhancing the comprehensiveness of the vertex features and improving the network’s ability to predict binding sites.
Biomolecules 15 00221 g001
Figure 2. Visual results of binding sites identified by RGTsite, with yellow representing ATP, and green, red, blue, and purple corresponding to amino acid residues classified as TN (True Negative), TP (True Positive), FP (False Positive), and FN (False Negative), respectively. The identification results for TN, TP, FP, and FN amino acid residues on target chains 1ESQ_A, 1YID_B, and 1Y8Q_B were presented in (AC), respectively.
Figure 2. Visual results of binding sites identified by RGTsite, with yellow representing ATP, and green, red, blue, and purple corresponding to amino acid residues classified as TN (True Negative), TP (True Positive), FP (False Positive), and FN (False Negative), respectively. The identification results for TN, TP, FP, and FN amino acid residues on target chains 1ESQ_A, 1YID_B, and 1Y8Q_B were presented in (AC), respectively.
Biomolecules 15 00221 g002
Figure 3. Visualization of amino acid residues identified by RGTsite in the TN (True Negative), TP (True Positive), FP (False Positive), and FN (False Negative) categories at different training epochs. Among them, gray-white, green, yellow, and red represented amino acid residues classified as TN, TP, FP, and FN, respectively. The upper row (A_1A_4) and lower row (B_1B_4) presented the identification results of RGTsite for the amino acid residues in these categories for the target chains 1OJL_E and 2Z08_A after 20, 40, 60, and 83 training epochs, respectively.
Figure 3. Visualization of amino acid residues identified by RGTsite in the TN (True Negative), TP (True Positive), FP (False Positive), and FN (False Negative) categories at different training epochs. Among them, gray-white, green, yellow, and red represented amino acid residues classified as TN, TP, FP, and FN, respectively. The upper row (A_1A_4) and lower row (B_1B_4) presented the identification results of RGTsite for the amino acid residues in these categories for the target chains 1OJL_E and 2Z08_A after 20, 40, 60, and 83 training epochs, respectively.
Biomolecules 15 00221 g003
Table 1. Statistical analysis of benchmark datasets.
Table 1. Statistical analysis of benchmark datasets.
DatasetsSequencesTraining SetTest SetSamples in Training SetSamples in Test Set
Positive SamplesNegative SamplesPositive-Negative RatioPositive SamplesNegative SamplesPositive-Negative Ratio
PATP-429429388415657142,0861:25.1267414,1591:21.01
PATP-1930193019304132,695709,7471:21.7167414,1591:21.01
PATP-NW301964186110330,550813,5871:26.63155242,0341:28.08
Table 2. Physicochemical features of amino acid residues and edge features.
Table 2. Physicochemical features of amino acid residues and edge features.
TypeFeatureDescriptionDimension
Physicochemical featuresResidue type‘A’, ‘C’, ‘D’, ‘E’, ‘F’, ‘G’, ‘H’, ‘I’, ‘K’, ‘L’, ‘M’, ‘N’, ‘P’, ‘Q’, ‘R’, ‘S’, ‘T’, ‘V’, ‘W’, ‘Y’, ‘X’21
Residue molecular weightmolecular weight values1
Residue pKapKa values1
Residue pKbpKb values1
Residue pKxpKx values1
Residue hydrophobicity (pH = 2)hydrophobicity values with pH = 21
Residue hydrophobicity (pH = 7)hydrophobicity values with pH = 71
Residue max_distancemax_distance value of all atoms within the residue1
Residue min_distancemin_distance value of all atoms within the residue1
Residue CA-O distancedistance values1
Residue O-N distancedistance values1
Residue N-C distancedistance values1
Phi angle (φ angle)0 or Phi values1
Psi angle (ψ angle)0 or Psi values1
Omega angle (ω angle)0 or Omega values1
Chi1 angle (χ1 angle)0 or Chi1 values1
Edge featuresEdge connection0 or 11
Distancedistance between the C α atoms1
Distancedistance between the C α Center Position1
Minimum residue distancemin_distance between all residues1
Maximum residue distancemax_distances between all residues1
Similaritycalculating the cosine similarity of the angle between the vectors of two residues1
Table 3. Performance comparison between RGTsite and sequence-based state-of-the-art methods.
Table 3. Performance comparison between RGTsite and sequence-based state-of-the-art methods.
ModelSen (%)Spe (%)Acc (%)Pre (%)F1 (%)MCC
NsitePred46.7497.7095.3949.2247.950.456
TargetS51.6398.8996.4768.9159.030.580
ATPseq54.4599.2797.2478.0964.160.639
DELIA (seq)55.00N/AN/A71.5062.170.612
DeepATPseq57.2499.2297.3277.7165.920.655
E2EATP (388)60.3998.9397.1872.8166.020.649
E2EATP (1930)65.5898.7397.2271.0668.210.668
RGTsite (388)60.5399.4397.6683.4470.160.699
RGTsite (1930)66.0299.0997.5977.5371.310.703
Table 4. Performance comparison between RGTsite and structure-based state-of-the-art methods.
Table 4. Performance comparison between RGTsite and structure-based state-of-the-art methods.
ModelSen (%)Spe (%)Acc (%)Pre (%)F1 (%)MCC
COACH (ITA)58.1698.5996.7666.3361.980.604
COACH (AF2)68.6998.0596.7262.6565.530.639
ATPbind (ITA)62.3198.8597.1972.0466.820.656
ATPbind (AF2)59.0599.1997.3677.5867.060.664
DELIA (ITA)62.1798.6797.0169.0365.420.640
DELIA (AF2)62.4698.8297.1771.6066.720.654
RGTsite (388)60.5399.4397.6683.4470.160.699
RGTsite (1930)66.0299.0997.5977.5371.310.703
Table 5. Performance comparison between RGTsite and state-of-the-art methods based on PATP-NW30-103.
Table 5. Performance comparison between RGTsite and state-of-the-art methods based on PATP-NW30-103.
ModelSen (%)Spe (%)Acc (%)Pre (%)F1 (%)MCC
DeepATPseq35.7699.5897.3175.8248.600.510
ATPseq33.3899.1196.7758.1342.410.425
COACH (AF2)55.6798.1696.6552.8754.240.525
ATPbind (AF2)43.2399.4497.4373.8954.550.553
DELIA (AF2)44.5998.8996.9659.8151.090.501
E2EATP (NW30)50.6499.0597.3266.2257.390.566
RGTsite (NW30)52.0099.2197.5370.9860.020.595
Table 6. Performance comparison of different combinations of three types of features that make up vertex features.
Table 6. Performance comparison of different combinations of three types of features that make up vertex features.
ModelABCSen (%)Spe (%)Acc (%)Pre (%)F1 (%)MCC
Variant 1××82.4992.1491.7033.3147.460.492
Variant 2××64.0999.1097.5177.2870.070.691
Variant 3××83.3891.9491.5533.0047.290.492
Variant 4×56.2399.7097.7390.0269.220.692
Variant 5×81.9096.1695.5150.3662.370.621
Variant 6×58.3199.5797.6986.5669.680.699
RGTsite66.0299.0997.5977.5371.310.703
A: The global sequence features output by ProtT5. B: The local sequence features extracted by a residual 1D-CNN. C: The physicochemical features of amino acid residues.
Table 7. Performance comparison of commonly sequence feature extraction models of target.
Table 7. Performance comparison of commonly sequence feature extraction models of target.
ModelSen (%)Spe (%)Acc (%)Pre (%)F1 (%)MCC
RNN61.8798.3296.6663.6662.750.610
1D-CNN54.0199.8197.7393.0968.360.700
RGTsite66.0299.0997.5977.5371.310.703
Table 8. Performance comparison of different graph neural network models.
Table 8. Performance comparison of different graph neural network models.
ModelSen (%)Spe (%)Acc (%)Pre (%)F1 (%)MCC
GCN53.1298.8596.7768.7159.920.588
GAT1.000.004.544.548.69N/A
GIN56.5398.7396.8167.9161.700.603
GraphSAGE60.2499.2397.4678.8368.290.677
GTN57.8699.5397.6385.3468.970.692
RGTsite66.0299.0997.5977.5371.310.703
Table 9. Statistical results of RGTsite based on PATP_20.
Table 9. Statistical results of RGTsite based on PATP_20.
Target_Chain_NameTrue_Label_0Predicted_Label_0True_Label_1Predicted_Label_1F1 (%)MCC
2BEK_A23823819191001
1OJL_E289289151593.330.93
1Y56_A472465212885.710.86
1N5I_A2102074772.730.751
3HAV_A2862871312960.959
1Y8Q_B621620192092.310.921
1A49_A516514141693.330.934
2HS0_A570563334082.190.815
1ESQ_A269267151787.50.869
1YID_B340333111868.970.7
1NSF_A2532532020800.784
1QHG_A714705101968.970.721
1H4Q_B462461151677.420.767
1KVK_A379375162083.330.831
1JJV_A194194121291.670.912
1MJH_A142141202192.680.917
3K5H_A3833832020950.947
2Z08_A118114192385.710.837
3MEY_A328329181797.140.97
3C5E_A551547192390.480.906
Table 10. Practical application capability of RGTsite under PATP_149.
Table 10. Practical application capability of RGTsite under PATP_149.
ModelSen (%)Spe (%)Acc (%)Pre (%)F1 (%)MCC
RGTsite87.1598.7998.3473.9680.010.794
Table 11. Performance comparison of RGTsite and DeepProSite.
Table 11. Performance comparison of RGTsite and DeepProSite.
ModelDatasetAcc (%)Pre (%)F1 (%)MCCAUC
DeepProSite Pro_Test_6084.2%50.1%47.0%0.3790.813
RGTsite 84.2%49.8%46.1%0.3700.710
DeepProSite Pro_Test_31580.4%37.8%45.7%0.3550.805
RGTsite 86.9%56.6%43.5%0.3780.722
Table 12. Performance comparison of RGTsite under different training epochs.
Table 12. Performance comparison of RGTsite under different training epochs.
Target_Chain_NameEpochsTNFNFPTPF1 (%)MCC
1OJL_E2026212714500.533
40281081578.950.796
60285141484.850.844
83288111493.330.93
2Z08_A208313518500.462
401052131769.390.656
60112261780.950.78
83113151885.710.837
Disclaimer/Publisher’s Note: The statements, opinions and data contained in all publications are solely those of the individual author(s) and contributor(s) and not of MDPI and/or the editor(s). MDPI and/or the editor(s) disclaim responsibility for any injury to people or property resulting from any ideas, methods, instructions or products referred to in the content.

Share and Cite

MDPI and ACS Style

Lv, S.-Q.; Zeng, X.; Su, G.-P.; Du, W.-F.; Li, Y.; Wen, M.-L. Improving Identification of Drug-Target Binding Sites Based on Structures of Targets Using Residual Graph Transformer Network. Biomolecules 2025, 15, 221. https://doi.org/10.3390/biom15020221

AMA Style

Lv S-Q, Zeng X, Su G-P, Du W-F, Li Y, Wen M-L. Improving Identification of Drug-Target Binding Sites Based on Structures of Targets Using Residual Graph Transformer Network. Biomolecules. 2025; 15(2):221. https://doi.org/10.3390/biom15020221

Chicago/Turabian Style

Lv, Shuang-Qing, Xin Zeng, Guang-Peng Su, Wen-Feng Du, Yi Li, and Meng-Liang Wen. 2025. "Improving Identification of Drug-Target Binding Sites Based on Structures of Targets Using Residual Graph Transformer Network" Biomolecules 15, no. 2: 221. https://doi.org/10.3390/biom15020221

APA Style

Lv, S.-Q., Zeng, X., Su, G.-P., Du, W.-F., Li, Y., & Wen, M.-L. (2025). Improving Identification of Drug-Target Binding Sites Based on Structures of Targets Using Residual Graph Transformer Network. Biomolecules, 15(2), 221. https://doi.org/10.3390/biom15020221

Note that from the first issue of 2016, this journal uses article numbers instead of page numbers. See further details here.

Article Metrics

Back to TopTop