Skip to main content

LVPocket: integrated 3D global-local information to protein binding pockets prediction with transfer learning of protein structure classification

Abstract

Background

Previous deep learning methods for predicting protein binding pockets mainly employed 3D convolution, yet an abundance of convolution operations may lead the model to excessively prioritize local information, thus overlooking global information. Moreover, it is essential for us to account for the influence of diverse protein folding structural classes. Because proteins classified differently structurally exhibit varying biological functions, whereas those within the same structural class share similar functional attributes.

Results

We proposed LVPocket, a novel method that synergistically captures both local and global information of protein structure through the integration of Transformer encoders, which help the model achieve better performance in binding pockets prediction. And then we tailored prediction models for data of four distinct structural classes of proteins using the transfer learning. The four fine-tuned models were trained on the baseline LVPocket model which was trained on the sc-PDB dataset. LVPocket exhibits superior performance on three independent datasets compared to current state-of-the-art methods. Additionally, the fine-tuned model outperforms the baseline model in terms of performance.

Scientific contribution

We present a novel model structure for predicting protein binding pockets that provides a solution for relying on extensive convolutional computation while neglecting global information about protein structures. Furthermore, we tackle the impact of different protein folding structures on binding pocket prediction tasks through the application of transfer learning methods.

Graphical Abstract

Introduction

Proteins are essential components of human cells and are involved in various biological processes within the organism. They play critical roles, such as facilitating the transportation of substances, modulating the immune system, catalyzing reactions, and regulating physiological processes. The identification of protein binding pockets is crucial for guiding drug design, protein function research. The critical step in Traditional Structure-Based Drug Design (SBDD) is to identify potential drug-binding pockets on the target protein and determine the amino acids that constitute these binding pockets [1]. Once the protein drug-binding pockets are identified, specific new small molecules can be designed and generated, thereby guiding and accelerating the drug design process.

The complex spatial configuration resulting from protein folding leads to an uneven protein surface, which in turn gives rise to the formation of cavities. These cavities are often the sites where drugs bind to proteins [2]. Protein binding pockets are cavities located on the protein's surface or interior, which can bind specifically to ligands. In addition, some protein binding pockets have druggability and play a crucial functional role. The amino acid residues around the binding pocket determine its shape, position, physicochemical properties, and functions [2].

Traditional methods for detecting binding pockets encompass geometry-based, energy-based, and template-based techniques. Geometry-based methods typically detect surface pockets in proteins using their 3D structure and rank them based on binding ability. Fpocket [3] is a geometry-based algorithm that utilizes Voronoi tessellation and alpha spheres clustering to detect protein pockets. The ConCavity [4], CriticalFinder [5] and POCKET [6] are also the classical geometry-based methods. The FTSite [7] is a successful energy-based methods that places 16 different probes on the protein grid and clusters them to predict binding sites. The Q-SiteFinder [8], AutoSite [9], EASYMIFs, SITEHOUND [10], SiteMap [11] are also the successful energy-based methods. FINDSITE [12] is a successful template-based method, identifying template proteins that bind to ligands in the PDB database and overlaying the template onto target proteins to ascertain binding sites. The LBias [13], and LIBRA [14] are other successful template-based methods.

In recent years, the advancement of artificial intelligence technology has led to the emergence of numerous new prediction methods for protein binding pockets, leveraging machine learning and deep learning. P2Rank [15] is a machine learning-based method for predicting binding sites from protein structures. P2Rank utilizes a random forest classifier to infer the coordination of local chemical neighborhoods near protein surfaces. DeepSite [16] is a deep learning method which is based on 3D convolutional neural networks. Kalasanty [17], a deep learning prediction method, is built upon the U-Net [18] architecture and utilizes a 3D image segmentation method for predicting protein pockets. PUResNet [19] is another deep learning method for predicting protein binding pockets, constructing a prediction model by integrating ResNet [20] and U-Net. DeepSurf [21] is a surface-based deep learning approach that predicts protein binding pockets by combining surface-based representations. PointSite [22], a point cloud segmentation tool, identifies protein binding pockets using a deep learning method that leverages the local connectivity of atoms within the protein. DeepPocket [23] combines geometric structure method with deep learning method. It utilizes 3D convolutional neural networks for the rescoring of pockets identified by Fpocket and further segments these identified cavities on the protein surface.

While protein binding pockets reside within the local structural domains of proteins, their characteristics are also influenced by the global protein structure. Thus, deep learning models should not focus solely on local information during feature learning but should also consider global information. These above approaches utilized 3D grids to represent protein structures and employed numerous 3D convolution operations for feature learning, which neglected the global information of the protein data. It is widely acknowledged that excessive use of convolutional computations can result in the model learning features that are overly concentrated and limited to specific locations. In response, we proposed a novel method which focused on reinforcing the learning of global information within protein 3D structure data. In our model, we incorporate V-Net [24], residual connections and Transformer encoder to concurrently capture both local and global information from protein data.

The 3D structure of proteins is widely recognized for its complexity, exhibiting significant dissimilarities among various protein structures. From a biological perspective, structural classification is crucial for comprehending the fundamental principles governing protein structure, function, and evolution [25]. Moreover, structure classification provides a valuable source of data for diverse analyses. However, in previous studies on protein pocket prediction, the impact of different structure classes formed by protein folding was not taken into account. Therefore, our study employs transfer learning to fine-tune models for different categories of protein structures. Our approach involves protein structure classification using the SCOP (Structural Classification of Proteins) database [26], constructing a protein binding pocket prediction model, and fine-tuning individual pocket prediction models for each structural categories by employing distinct parameters. Simultaneously, we have developed a protein structural classifier to assist people in identifying the structural classification of proteins. Figure 1 shows the workflow of LVPocket prediction.

Fig. 1
figure 1

The workflow of our work. The input file consists of the 3D protein structure, followed by a data cleaning process. Subsequently, we extract the atomic coordinates from the protein and construct feature tensors comprising 18 attributes derived from these coordinates. Following this, we use a classifier to determine protein structure classification and then select a fine-tuned model or a baseline model based on the protein structure, which then receives the feature tensor of protein as input. Lastly, the model generates the predicted binding pockets

Methods

Dataset preparation

The training dataset for our study was derived from the sc-PDB database [27], which includes the data of proteins, ligands, and pockets. The binding pockets are represented by 3D pocket shapes generated using VolSite [28]. The sc-PDB dataset (v.2017) consists of 17,594 protein–ligand complexes, corresponding to 16,612 protein structures and 5540 UniProt IDs. According to SCOP database, we classify the proteins into four groups based on the type of protein structure: (1) proteins that are predominantly alpha-helical (all α), (2) proteins containing predominantly beta-strands (all β), (3) proteins with alternating alpha-helices and beta-strands (α + β), (4) proteins with segregated alpha-helices and beta-strands (α/β), and the detail statistics are shown in Table 1. The Refined, SC6K and KV3K dataset are the test datasets which is to evaluate the generalization ability of our model. It is noteworthy that the protein binding pockets in these three test datasets were all generated using different tools, but the same parameters were based on ligands. Which could well verify the scalability of our model. The introduction is as follows:

  • Refined: It derived from DeepPocket, a compilation of Refined subsets from v2007, v2013, v2015, and v2016 from PDBbind database [29]. It contains 2793 protein–ligand complexes and the protein binding pockets were generated by the VolSite. We classified the proteins into four classes based on their structure, as detailed in Table 1.

  • SC6K: It also obtained from DeepPocket, which consists of 6285 protein–ligand complexes from the PDB (Protein Data Bank) database [30] between January 1, 2018, and February 28, 2020. The protein binding pockets in this dataset are generated by the IChem Toolkit [31]. The specifics of protein structural classification are elucidated in Table 1.

  • KV3K: It was constructed by ourselves and curated directly from the PDB database, up until April 1, 2023. Then, we filtered the collected dataset according to the following criteria: (1) Removed duplicate data from the training dataset sc-PDB and other test datasets; (2) Eliminated complex polymeric proteins which contain more than 7 chains; (3) Excluded proteins that had read errors detected by OpenBabel [32]; (4) Removed proteins for which a ligand could not be parsed by KVFinder Toolkit [33]. Subsequently, we utilized the KVFinder Toolkit to generate protein binding pockets, employing the same filters and site selection algorithm as those used with the sc-PDB dataset. The dataset comprises 3134 protein–ligand complexes, and detailed structural classification statistics are presented in Table 1.

Table 1 The classification statistics of SCOP in sc-PDB, Refined, SC6K and KV3K datasets

To prevent data leakage, we removed the same protein data from the sc-PDB dataset as the above three test datasets. Additionally, due to a reading error in Open Babel, certain proteins were discarded, the PDB ID of the removed protein can be found in Supplementary Information.

Finally, 15,860 protein structures, aligning with 5473 UniProt entries, were employed for the training phase. Then we artificially select 1/10 data as the internal validation set during the training process and make sure all structures of a single protein must be in this set. This setup was necessary to avoid data leakage [17].

Data processing

Prior to inputting the data into the model, we conducted operations on the 3D structural protein files, including the removal of water molecules and fragmented small molecules [23] to obtain pure protein structure data by using the Biopython library [34].

After cleaning the protein file, the prepared data undergoes tfbio program [35] to extract features such as atomic type and atomic property. Table 2 presents the nine atomic type features utilized in this study, which include boron, carbon, nitrogen, oxygen, phosphorus, sulphur, selenium, halogen, and metal atoms, and the detailed description of the nine atomic property features, namely hybridization, hydrophobicity, partial charge, heteroatoms, non-hydrogens, acceptor, aromatic, donor, and ring. The 18 atomic features were used to depict a protein by the tfbio program. To acquire the atomic features of a protein in 3D space, the positional coordinates of the atoms within the protein need to be obtained. These coordinates are represented by a two-dimensional array of size N*3, where N represents the number of atoms in the 3D protein file, and 3 represents the three-dimensional coordinates (x, y, z) of the atom. After determining the atom coordinates within the protein, the 3D protein structure was regarded as a 3D grid with dimensions of 36 × 36 × 36 × 18. A 3D grid measuring 36 × 36 × 36 was positioned at the center of the protein, with a distance of 70 Å in each direction. The grid representation of protein is the same as Kalasanty and PUResNet. In this 36 × 36 × 36 grid, each atom is assigned a unique value according to its properties at the corresponding voxel, while non-atomic voxels are set to 0. Consequently, the 3D protein structure is represented by a tensor of size 36 × 36 × 36 × 18, where each 36 × 36 × 36 3D tensor corresponds to an atomic feature. The 3D file of the protein binding pockets was represented using a same-sized 3D grid. For each voxel in the grid, a value of 1 was assigned if it belonged to a pocket, otherwise it was assigned 0.

Table 2 The nine atomic type features and nine atomic property features of proteins

Finally, the processed 3D protein gird data will be input to the training model, and the 3D grid data of binding pockets will be input to the model as labels.

Model Structure

LVPocket is constructed on the foundational framework of the V-Net model, incorporating concepts from residual connections and the Transformer [36] model. The V-Net model offers an end-to-end 3D image segmentation approach that effectively address the significant imbalance between foreground and background voxels. In this context, we utilized the V-Net model to predict protein binding pockets. In order to mitigate the loss of original data features caused by an excessive number of convolutional layers, we have introduced residual connections. The intermediate tensor generated during encoding is passed from the encoder to the decoder through the residual connection, enabling the decoder to more refer to the input information during decoding.

The initial V-Net model predominantly focused on localized feature extraction from the data. Consequently, we enhanced the encoder section by introducing an additional pathway involving a limited number of convolution operations. This augmentation aimed to extract global information from the original data. Recognized for its exceptional capacity to directly capture global data information, the Transformer model surpasses conventional convolution operations. Therefore, we added two Former layers in our model, which combined 3D convolution with the encoder of transformer to maximize the extraction of global protein feature information. To balance data information concentration and computational complexity, we placed two Former layers in the middle position of the two encoder paths.

Diverging from the original Transformer encoder, our Former layer integrates a 3D convolutional layer with a kernel size of 1 × 1 × 1 to capture comprehensive global information. Since input tensor consist of 18 36 × 36 × 36 grids, we flattened the 36 × 36 × 36 tensor into one-dimensional form to facilitate the computation of multi-head attention. The formulas of multi-head attention are as follow:

$$Attention(Q, K, V)=\text{softmax}(\frac{\text{Q}{K}^{T}}{\sqrt{{d}_{k}}})V$$
(1)
$${head}_{i}=\text{Attention}(\text{X}{Q}_{i},\text{ X}{K}_{i},\text{X}{V}_{i})$$
(2)
$$MultiHead\left(X\right)=\text{Concat}\left({head}_{1, }\dots \dots ,{head}_{i}\right)$$
(3)

The X is the input tensor, the Q, K, V represent the queries, keys and values of the input tensor, and the dk represents the dimension of the Q, K, V. The headi represents the i-th attention head.

LVPocket consists of two primary components: an encoder and a decoder, as illustrated in Fig. 2, with a detailed structure. Firstly, the encoder section consists of two distinct pathways. The ‘L’ pathway on the left extracts global information by integrating former layer and 3D convolution operations. Conversely, the left section of the V-Net encoder focuses on capturing local protein information using abundant 3D convolution operations. Furthermore, an information exchange takes place between these two pathways. After undergoing 8 convolutions in the encoder part of the V-Net and the former layer, the data is transmitted to the ‘L’ pathway. Then it is concatenated with the tensor passing though the former layer of the ‘L’ pathway. Subsequently, the ultimate output from the two encoder pathways is concatenated and used as the input for the decoder. These two encoder pathways enable the model to concurrently integrate global and local information pertaining the 3D protein structure.

Fig. 2
figure 2

The detailed model structure of LVPocket. The orange arrow signifies a 3D convolution operation with a kernel size of 5 × 5 × 5 and a prelu activation calculation. The green arrow represents a 3D convolution operation with a kernel size of 2 × 2 × 1 and a prelu activation calculation. The red arrow represents a 3D convolution operation with a kernel size of 1 × 1 × 1 and a sigmoid activation calculation. The purple arrow denotes a 3D convtranspose operation with a prelu activation calculation, and the dark blue arrow indicates the Former layer. The blue rectangle represents the data block, and the grey arrow represents the data transfer operation

Model training

We employ the Dice Loss function, derived from the Dice Coefficient, as the loss function [37]. Formula (4) illustrates the relationship between them. The Dice Coefficient is a statistic used to assess the similarity between two samples by quantifying their overlap, with with a value range of [0,1]. Formula (5) presents its definition, where |X ∩ Y| represents the intersection of sets X and Y, and |X| and |Y| represent the number of elements in the respective sets. In the task of predicting protein binding pockets, |X | and |Y| correspond to the actual and predicted protein pockets, respectively. Formula (6) presents the detailed equation for the Dice Loss, in which y represents the predicted value of the model, t represents the actual value, and i, j, and k represent the three-dimensional coordinates of the atom. The interference factor is represented by ɛ.

$$Dice \, Loss=1- Dice \, Coefficient.$$
(4)
$$Dice \, Coefficient=\frac{2 | X\cap Y |}{\left| X \right|+| Y |}.$$
(5)
$$C\left(y,t\right)=1-\frac{2{\sum }_{i,j,k}\left({y}_{i,j,k}\cdot {t}_{i,j,k}\right)+\upvarepsilon }{{\sum }_{i,j,k}\left({y}_{i,j,k}+{t}_{i,j,k}\right)+\upvarepsilon }.$$
(6)

Throughout the training process of the baseline model, we employed the breakpoint continuation training method. The loss value on the internal validation set served as an indicator for the selection of hyperparameters for the model. We fine-tuned the model by leveraging the pre-trained baseline model and incorporating SCOP classification data from the sc-PDB dataset.

When training the model, we used an NVIDIA A100 GPU. The baseline model underwent training for 1800 epochs, while the four SCOP models (all α, all β, α + β, α/β) were fine-tuned for 100, 200, 400, and 500 epochs, respectively. The batch size was set to 10, with each computation round taking 105 s.

Evaluation metrics

Three main metrics are used to evaluate the performance of protein binding pocket detection algorithms. These metrics evaluate the algorithm's ability in detecting the position and shape of the binding pockets. These metrics include:

  • Distance to the center of the binding pocket (DCC) [17, 19, 23]. It is the distance between the center of the predicted binding pocket and the center of the real protein binding pocket. If the distance is less than 4 Å, it will be determined to be a successfully predicted pocket. We calculate the success rate of the entire prediction dataset by DCC. This is shown in Eq. (7).

    $$Success \, Rate= \frac{Number \, of \, pocket \, having \, DCC\le 4\text{ \AA }}{Total \, number \, of \, pockets}$$
    (7)
  • Discretized volume overlap (DVO) [17, 19, 23]. It is the ratio between the volumetric intersection between the predicted (Vpbs) and actual binding site (Vabs) to their union. The volume is the set of voxels with a value of 1. We calculate it by the Jaccard index formula, as shown in Eq. (8).

    $$DVO= \frac{{V}_{pbs}\cap {V}_{abs}}{{V}_{pbs} \cup {V}_{abs}}$$
    (8)
  • Distance to any atom of the ligand (DCA) [23]. It is defined as the minimum distance between the predicted pocket center and any atom within the ligand. Predictions with DCA ≤ 4 Å are considered successful.

The SCOP classifier

The model structure of the classifier, along with evaluation performance information, can be found in the Additional file.

Results and discussion

The comparison between baseline model and other methods

In order to comprehensively evaluate the performance of the model, we compared baseline model with three deep learning methods Kalasanty, PUResNet, and DeepPocket using the three aforementioned metrics on the Refined, SC6K and KV3K datasets. We employed open-source code and trained model files from these completed methods for predicting protein pockets. We inputted the protein data from the three test datasets into different models for prediction, and then compared their predicted pockets with the actual binding pockets in the test datasets.

We conducted a comparison of DCC success rate and DCA success rate for both the methods on the Refined, SC6K and KV3K datasets, as detailed in Table 3. When DCC ≤ 4 Å, LVPocket attains the highest success rate among the three datasets. When DCA ≤ 4 Å, LVPocket demonstrates the highest success rate on the Refined and KV3K datasets. On the SC6K dataset, its success rate closely approaches that of DeepPocket, outperforming other methods. DVO values were calculated for predicted pockets with DCC ≤ 4 Å. Table 4 displays the number of binding pockets predicted by different methods when DVO ≥ 0.4. A higher DVO value indicates a greater similarity between the predicted pocket shape and the actual pocket shape.

Table 3 The success rate of LVPocket and other methods when DCC, DCA ≤ 4 Å
Table 4 The number of the predicted pockets with different methods when DVO ≥ 0.4

In general, the predictions of LVPocket are closer to real protein binding pockets in comparison to other methods. We believe that LVPocket captures more globally useful information through the introduction of another encoder path, and the Former plays an important role.

The ablation experiment and visualization comparison with V-Net

In our initial endeavors, we utilized the V-Net model for the training of 3D structural protein data. Nevertheless, the model's performance proved to be unsatisfactory. A thorough examination of the encoder section revealed an excessive number of convolutional layers. This configuration caused the model to predominantly emphasize local information within the 3D protein structure, neglecting global information. To address this issue, we introduced an additional pathway to the encoder, with the aim of enhancing its ability to capture global information. Ultimately, we integrated a novel encoding pathway into the V-Net model's encoder section, resulting in a model structure shaped like ‘LV.’ Subsequently, we drew inspiration from the Transformer model and gained insights into its advantages in extracting global information from data. We constructed a new layer, the Former layer, which is modified by the encoder of Transformer. To assess the effectiveness of the modifications to the V-Net, we conducted ablation experiments on the internal validation dataset, comparing them based on loss value, DCC, DCA, average DVO and predicted pockets count metrics. The internal validation dataset contains a total of 1586 entries data and the three models of V-Net, LV-Net(without Former layer) and LV-Net(with Former layer) predicted the number of binding pockets on the internal validation dataset to be 1460, 1520, 1583, which indicates the generation ability of LV-Net(with Former layer) in learning global information. The results of the ablation experiments demonstrated the effectiveness of our modifications and optimizations to the V-Net, as presented in Table 5.

Table 5 The results of ablation experiments

Figure 3 provides a visualization comparison of binding pockets predicted by LV-Net (with Former layer) and V-Net on three complex proteins. LV-Net (with Former layer) demonstrates a comparative advantage when dealing with the complex protein structures. Such as the protein 4Y08 (PDB ID), 7ENL (PDB ID) and 8CGT (PDB ID), the predicted pocket of LVPocket is coincident with the real pockets, but the predicted pocket of V-Net is far from the real pocket.

Fig. 3
figure 3

The comparison of the ability of dealing with complex proteins between LV-Net and V-NET. The blue pentagrams are the position of real protein binding pockets, the yellow triangles are the position of pocket predicted by LV-Net and the red dots are the position of pocket predicted by V-Net

The comparison between baseline model and SCOP models

The SCOP models build upon the baseline model by fine-tuning the model parameters for SCOP data in order to increase prediction specificity. We performed SCOP classification on the Refined, SC6K and KV3K datasets, employing SCOP models to predict protein pockets accordingly, and compared the performance in identifying binding pockets with the baseline model on three test datasets.

The DCC success rate in all SCOP classifications are reported in Table 6, the fine-tuned model exhibits superior success rates to the baseline model when DCC is ≤ 4 Å. The DCC visual comparison of baseline model and other SCOP fine-tuned model are shown in Additional Fig. 3. Notably, the success rates of α/β classifications are inferior compared to other classes. We deduce that the reason for this is that the proteins in α/β class are more complex than others. We also calculated the DCA success rate metric on the baseline model and fine-tuning model as presented in Table 7. Similarly, the SCOP fine-tuned models surpassing the baseline model, and the DCA visual comparison of LVPocket and SCOP fine-tuned model are shown in Additional Fig. 4. Table 8 displays the number of the predicted pockets with baseline model and four fine-tuned models on the Refined, SC6K and KV3K datasets. It is evident that the performance of fine-tuned model has a certain improvement.

Table 6 When DCC ≤ 4 Å, the success rate of baseline model and fine-tuned model
Table 7 When DCA ≤ 4 Å, the success rate of baseline model and fine-tuned model
Fig. 4
figure 4

The visualization of the prediction pockets of baseline model and SCOP fine-tuned model. The green grid is the prediction pocket of fine-tuned model, the gray grid is the prediction pocket of baseline model and the red and blue spheres represent the real pocket in the protein

Table 8 The number of the predicted pockets with baseline model and four fine-tuned models when DVO ≥ 0.4

In summary, a comparison with the baseline model demonstrating that after fine-tuning, the performance of the SCOP fine-tuned model significantly outperforms the baseline model. Notably, even in the most complex protein class α/β, fine-tuned model exhibits superior predictions compared to the baseline model. The experiment comparing the baseline model and SCOP models aims to demonstrate our idea that variations among different protein folding structural classes affect protein binding pocket prediction. And we believe that our idea can also be applied in other concurrent methods.

Application of transfer learning strategy

Our study stands out from previous approaches by considering the influence of protein secondary structure classification on dealing with the protein data. The challenge in learning model features is intricately linked to the complexity inherent in protein structures. To address this, we classified proteins into four SCOP classes, enabling the model to discern distinctive features within each class. This approach significantly augments the model's specificity. Our specific methodology involves fine-tuning a pre-trained baseline model using classified data. This process allows the model to focus on features associated with a specific structural class, leading to improved prediction performance of model in that structural class. In some cases, the baseline model failed to accurately predict the positions of specific protein binding pockets, whereas the SCOP fine-tuned model excelled. As depicted in Fig. 4, for proteins 2WK6 (PDB ID), 1IGJ (PDB ID), 3G5K (PDB ID), and 3EB1 (PDB ID), the baseline model inaccurately predicted the binding pocket, while the fine-tuned model exhibited precise predictions. For proteins 4Z6H (PDB ID), 2V58 (PDB ID), 2WER (PDB ID), and 4B6R (PDB ID), although the baseline model generated a prediction pocket, it deviated significantly from the real pocket.

Considering this the method of transfer learning can be extended to protein data with other classification standards. For instance, in the task of predicting binding pockets for protein kinases (PK), the model can undergo fine-tuning using protein data, resulting in a highly specific pocket prediction model tailored for PK proteins.

Analysis of protein multi-pocket prediction results

LVPocket possesses the ability to generate either a single or multiple protein pockets for a given protein. Figure 5-a illustrates accurate prediction by LVPocket of a single binding pocket for the 1DKQ (PDB ID), aligning with the real pocket. In certain instances, LVPocket predicts two binding pockets for a protein, with one aligning accurately and the other not. However, we posited that the non-coinciding binding pocket may signify an undiscovered novel binding pocket for the protein. This speculation arises from the acknowledgment that presently identified protein binding pockets are not exhaustive, as depicted in Fig. 5-b, Fig. 5-c, Fig. 5-d. Naturally, there are instances where both of LVPocket's predicted pockets align perfectly with the two real pockets, as shown in Fig. 5-e, Fig. 5-f. In scenarios where LVPocket predicts multiple protein binding pockets, the presence of at least one predicted pocket coinciding with the real pocket holds greater significance. This is because if one predicted pocket aligns with the real pocket, it serves as evidence of LVPocket's could accurately deal with this protein. Furthermore, the additional binding pockets predicted by LVPocket provide valuable reference points.

Fig. 5
figure 5

The visualization of multi-prediction pockets of LVPocket. The white spheres are the predicted binding pockets, and the red and blue spheres are the real binding pockets

Conclusion

In this study, we introduced a innovative model structure for predicting protein binding pockets, incorporating the transfer learning to enhance the prediction performance on different protein structure. Comparisons with similar existing methods have demonstrated that heightened focus on global information in protein structure data enhances the predictive performance of the model. Our SCOP fine-tuned model exhibits significant improvements compared to the baseline model. While our model adeptly handles the 3D structures of intricate proteins, there remains room for refinement in predicting binding pockets, particularly for complex polymeric proteins. Based on our study, we consider it is crucial to explore methods for enhancing the accuracy of predictions for complex polymeric proteins. Currently, our predicted protein binding pockets only include their 3D spatial coordinates. Our future research aims to identify the types of atoms suitable for placement at each position within the protein binding pocket.

Availability of data and materials

All the codes related to this method are publicly available at https://github.com/ZRF-ZRF/LVpocket. The training dataset and KV3K dataset are available at: https://doi.org/10.5281/zenodo.10633986. The pretrained model files are available at https://doi.org/10.5281/zenodo.10633690.

Abbreviations

SCOP:

Structural classification of proteins

SBDD:

Structure-Based Drug Design

DCC:

Distance to the center of the binding pocket

DVO:

Discretized volume overlap

DCA:

Distance to any atom of the ligand

References

  1. Anderson AC (2003) The process of structure-based drug design. Chem Biol 10:787–797

    Article  CAS  PubMed  Google Scholar 

  2. Zhao J, Cao Y, Zhang L (2020) Exploring the computational methods for protein-ligand binding site prediction. Comput Struct Biotechnol J 18:417–426

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  3. Le Guilloux V, Schmidtke P, Tuffery P (2009) Fpocket: an open source platform for ligand pocket detection. BMC Bioinform 10:168

    Article  Google Scholar 

  4. Capra JA, Laskowski RA, Thornton JM, Singh M, Funkhouser TA (2009) Predicting protein ligand binding sites by combining evolutionary sequence conservation and 3D structure. Plos Comput Biol. https://doi.org/10.1371/journal.pcbi.1000585

    Article  PubMed  PubMed Central  Google Scholar 

  5. Dias SED, Nguyen QT, Jorge JA, Gomes AJP (2017) Multi-GPU-based detection of protein cavities using critical points. Future Gener Comp Sy 67:430–440

    Article  Google Scholar 

  6. Levitt DG, Banaszak LJ (1992) POCKET: a computer graphics method for identifying and displaying protein cavities and their surrounding amino acids. J Mol Graph 10:229–234

    Article  CAS  PubMed  Google Scholar 

  7. Ngan CH, Hall DR, Zerbe B, Grove LE, Kozakov D, Vajda S (2012) FTSite: high accuracy detection of ligand binding sites on unbound protein structures. Bioinformatics 28:286–287

    Article  CAS  PubMed  Google Scholar 

  8. Laurie ATR, Jackson RM (2005) Q-SiteFinder: an energy-based method for the prediction of protein-ligand binding sites. Bioinformatics 21:1908–1916

    Article  CAS  PubMed  Google Scholar 

  9. Ravindranath PA, Sanner MF (2016) AutoSite: an automated approach for pseudo-ligands prediction-from ligand-binding sites identification to predicting key ligand atoms. Bioinformatics 32:3142–3149

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  10. Ghersi D, Sanchez R (2009) EasyMIFS and SiteHound: a toolkit for the identification of ligand-binding sites in protein structures. Bioinformatics 25:3185–3186

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  11. Halgren T (2007) New method for fast and accurate binding-site identification and analysis. Chem Biol Drug Des 69(2):146–148

    Article  CAS  PubMed  Google Scholar 

  12. Brylinski M, Skolnick J (2008) A threading-based method (FINDSITE) for ligand-binding site prediction and functional annotation. Proc Natl Acad Sci U S A 105:129–134

    Article  CAS  PubMed  Google Scholar 

  13. Hwang H, Dey F, Petrey D, Honig B (2017) Structure-based prediction of ligand-protein interactions on a genome-wide scale. Proc Natl Acad Sci U S A 114:13685–13690

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  14. Toti D, Viet Hung L, Tortosa V, Brandi V, Polticelli F (2018) LIBRA-WA: a web application for ligand binding site detection and protein function recognition. Bioinformatics 34:878–880

    Article  CAS  PubMed  Google Scholar 

  15. Krivak R, Hoksza D (2018) P2Rank: machine learning based tool for rapid and accurate prediction of ligand binding sites from protein structure. J Cheminform 10:39

    Article  PubMed  PubMed Central  Google Scholar 

  16. Jiménez J, Doerr S, Martínez-Rosell G, Rose AS, De Fabritiis G (2017) DeepSite: protein-binding site predictor using 3D-convolutional neural networks. Bioinformatics 33:3036–3042

    Article  PubMed  Google Scholar 

  17. Stepniewska-Dziubinska MM, Zielenkiewicz P, Siedlecki P (2020) Improving detection of protein-ligand binding sites with 3D segmentation. Sci Rep 10:5035

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  18. Ronneberger O, Fischer P, Brox T (2015) U-net: convolutional networks for biomedical image segmentation. In: Navab N, Hornegger J, Wells WM, Frangi AF (eds) International conference on medical image computing and computer-assisted intervention. Springer, New York, pp 234–241

    Google Scholar 

  19. Kandel J, Tayara H, Chong KT (2021) PUResNet: prediction of protein-ligand binding sites using deep residual neural network. J Cheminform 13:65

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  20. He K, Zhang X, Ren S et al (2016) Deep residual learning for image recognition. IEEE. https://doi.org/10.1109/CVPR.2016.90

  21. Mylonas SK, Axenopoulos A, Daras P (2021) DeepSurf: a surface-based deep learning approach for the prediction of ligand binding sites on proteins. Bioinformatics 37:1681–1690

    Article  CAS  PubMed  Google Scholar 

  22. Yan X, Lu YF, Li Z, Wei Q, Gao X, Wang S, Wu S, Cui SG (2022) Pointsite: a point cloud segmentation tool for identification of protein ligand binding atoms. J Chem Inf Model 62:2835–2845

    Article  CAS  PubMed  Google Scholar 

  23. Aggarwal R, Gupta A, Chelur V, Jawahar CV, Priyakumar UD (2022) Deeppocket: ligand binding site detection and segmentation using 3d convolutional neural networks. J Chem Inf Model 62:5069–5079

    Article  CAS  PubMed  Google Scholar 

  24. Milletari F, Navab N, Ahmadi SA (2016) V-net: fully convolutional neural networks for volumetric medical image segmentation. In: Milletari F, Navab N, Ahmadi SA (eds) 2016 fourth international conference on 3D vision (3DV). IEEE, New York, pp 565–571

    Chapter  Google Scholar 

  25. Chandonia JM, Guan L, Lin SY, Yu CH, Fox NK, Brenner SE (2022) SCOPe: improvements to the structural classification of proteins - extended database to facilitate variant interpretation and machine learning. Nucleic Acid Res 50:D553–D559

    Article  CAS  PubMed  Google Scholar 

  26. Hubbard TJ, Murzin AG, Brenner SE, Chothia C (1997) SCOP: a structural classification of proteins database. Nucleic Acid Res 25(1):236–239

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  27. Desaphy J, Bret G, Rognan D, Kellenberger E (2015) sc-PDB: a 3D-database of ligandable binding sites–10 years on. Nucleic Acid Res. https://doi.org/10.1093/nar/gku928

    Article  PubMed  Google Scholar 

  28. Desaphy J, Azdimousa K, Kellenberger E, Rognan D (2012) Comparison and druggability prediction of protein-ligand binding sites from pharmacophore-annotated cavity shapes. J Chem Inf Model 52:2287–2299

    Article  CAS  PubMed  Google Scholar 

  29. Wang R, Fang X, Lu Y, Yang CY, Wang S (2005) The PDBbind database: methodologies and updates. J Med Chem 48:4111–4119

    Article  CAS  PubMed  Google Scholar 

  30. Bernstein FC, Koetzle TF, Williams GJ, Meyer Jr EF, Brice MD, Rodgers JR, Kennard O, Shimanouchi T, Tasumi M (1977) The protein data bank. A computer-based archival file for macromolecular structures. Eur J Biochem 80:319–324

    Article  CAS  PubMed  Google Scholar 

  31. Da Silva F, Desaphy J, Rognan D (2018) IChem: a versatile toolkit for detecting, comparing, and predicting protein-ligand interactions. ChemMedChem 13:507–510

    Article  PubMed  Google Scholar 

  32. O’Boyle NM, Banck M, James CA, Morley C, Vandermeersch T, Hutchison GR (2011) Open babel: an open chemical toolbox. J Cheminformatics. https://doi.org/10.1186/1758-2946-3-33

    Article  Google Scholar 

  33. Guerra JVS, Ribeiro HV, Pereira JGC, Lopes-de-Oliveira PS (2023) KVFinder-web: a web-based application for detecting and characterizing biomolecular cavities. Nucleic Acid Res 51:W289–W297

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  34. Cock PJA, Antao T, Chang JT, Chapman BA, Cox CJ, Dalke A, Friedberg I, Hamelryck T, Kauff F, Wilczynski B, de Hoon MJL (2009) Biopython: freely available python tools for computational molecular biology and bioinformatics. Bioinformatics 25:1422–1423

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  35. Stepniewska-Dziubinska MM, Zielenkiewicz P, Siedlecki P (2018) Development and evaluation of a deep learning model for protein-ligand binding affinity prediction. Bioinformatics 34:3666–3674

    Article  CAS  PubMed  PubMed Central  Google Scholar 

  36. Vaswani A, Shazeer N, Parmar N et al (2017) Attention is all you need. https://doi.org/10.48550/arXiv.1706.03762

  37. Sudre CH, Li WQ, Vercauteren T, Ourselin S, Cardoso MJ (2017) Generalised dice overlap as a deep learning loss function for highly unbalanced segmentations. Lect Note Comput Sc 10553:240–248

    Article  Google Scholar 

Download references

Acknowledgements

We thank for the High Performance Computing Center, China Pharmaceutical University and all those who have helped with this work.

Funding

This work was supported by ZHEJIANG LAB, the program of Ab initio design and generation of AI models for small molecule ligands based on target structures (2022PE0AC03), the program of A study on the diagnosis of addiction to synthetic cannabinoids and methods of assessing the risk of abuse (2022YFC3300905) and the research on key technologies for monitoring and identifying drug abuse of anesthetic drugs and psychotropic drugs, and intervention for addiction (2023YFC3304200).

Author information

Authors and Affiliations

Authors

Contributions

Zhou Ruifeng introduced the model structure, designed and implemented the algorithms, and performed experiments. Fan Jing processed the used data and the experiment results. Li Sishu designed the SCOP classifier. Zeng Wengjie collected the data for evaluation. Chen Hongyang and Liao Jun supervised the project. Chen Yilun and Zheng Xiaoshan provided support in experiment part. All authors contributed to the writing of the paper. All authors read and approved the final manuscript.

Corresponding authors

Correspondence to Hongyang Chen or Jun Liao.

Ethics declarations

Competing interests

No competing interests.

Additional information

Publisher's Note

Springer Nature remains neutral with regard to jurisdictional claims in published maps and institutional affiliations.

Supplementary Information

Rights and permissions

Open Access This article is licensed under a Creative Commons Attribution 4.0 International License, which permits use, sharing, adaptation, distribution and reproduction in any medium or format, as long as you give appropriate credit to the original author(s) and the source, provide a link to the Creative Commons licence, and indicate if changes were made. The images or other third party material in this article are included in the article's Creative Commons licence, unless indicated otherwise in a credit line to the material. If material is not included in the article's Creative Commons licence and your intended use is not permitted by statutory regulation or exceeds the permitted use, you will need to obtain permission directly from the copyright holder. To view a copy of this licence, visit http://creativecommons.org/licenses/by/4.0/. The Creative Commons Public Domain Dedication waiver (http://creativecommons.org/publicdomain/zero/1.0/) applies to the data made available in this article, unless otherwise stated in a credit line to the data.

Reprints and permissions

About this article

Check for updates. Verify currency and authenticity via CrossMark

Cite this article

Zhou, R., Fan, J., Li, S. et al. LVPocket: integrated 3D global-local information to protein binding pockets prediction with transfer learning of protein structure classification. J Cheminform 16, 79 (2024). https://doi.org/10.1186/s13321-024-00871-8

Download citation

  • Received:

  • Accepted:

  • Published:

  • DOI: https://doi.org/10.1186/s13321-024-00871-8

Keywords