Exploiting pretrained biochemical language models for targeted drug design

 Gökçe Uludoğan
Department of Computer Engineering
Bogazici University
Istanbul 34342, Turkey
gokce.uludogan@boun.edu.tr
\And Elif Ozkirimli
Data and Analytics Chapter
Pharma International Informatics
F. Hoffmann-La Roche AG 4303, Switzerland
elif.ozkirimli@roche.com
\AND Kutlu O. Ulgen
Department of Chemical Engineering
Bogazici University
Istanbul 34342, Turkey
ulgenk@boun.edu.tr
\And Nilgün Karalı
Department of Pharmaceutical Chemistry
Istanbul University
Istanbul 34116, Turkey
karalin@istanbul.edu.tr
\And Arzucan Özgür
Department of Computer Engineering
Bogazici University
Istanbul 34342, Turkey
arzucan.ozgur@boun.edu.tr
Abstract

Motivation: The development of novel compounds targeting proteins of interest is one of the most important tasks in the pharmaceutical industry. Deep generative models have been applied to targeted molecular design and have shown promising results. Recently, target-specific molecule generation has been viewed as a translation between the protein language and the chemical language. However, such a model is limited by the availability of interacting protein-ligand pairs. On the other hand, large amounts of unlabeled protein sequences and chemical compounds are available and have been used to train language models that learn useful representations. In this study, we propose exploiting pretrained biochemical language models to initialize (i.e. warm start) targeted molecule generation models. We investigate two warm start strategies: (i) a one-stage strategy where the initialized model is trained on targeted molecule generation (ii) a two-stage strategy containing a pre-finetuning on molecular generation followed by target specific training. We also compare two decoding strategies to generate compounds: beam search and sampling.

Results: The results show that the warm-started models perform better than a baseline model trained from scratch. The two proposed warm-start strategies achieve similar results to each other with respect to widely used metrics from benchmarks. However, docking evaluation of the generated compounds for a number of novel proteins suggests that the one-stage strategy generalizes better than the two-stage strategy. Additionally, we observe that beam search outperforms sampling in both docking evaluation and benchmark metrics for assessing compound quality.

Availability and implementation: The source code is available at https://github.com/boun-tabi/biochemical-lms-for-drug-design and the materials (i.e., data, models, and outputs) are archived in Zenodo at https://doi.org/10.5281/zenodo.6832145.

**footnotetext: This article has been accepted for publication in Bioinformatics Published by Oxford University Press.\keywords

Deep generative models Pretrained Biochemical Language Models Targeted Drug Design

1 Introduction

The discovery of molecules with desired properties is a crucial task in drug discovery. To find molecules biased towards a biological target, candidate compounds must be identified from the vast space of potential drug-like molecules, estimated to be in the order of 10^{60} (polishchuk2013estimation). Although advances in high-throughput screening allow screening of a large number of molecules against a biological target, these experiments are expensive, and the space is still too large for screening. Another challenge arises from the promiscuity of small drug molecules, i.e., their ability to interact with many targets. Drugs designed for one target have been shown to be active against an average of 11 other targets (peon2017predicting). The promiscuity of molecules could lead to unexpected toxicity, one of the primary causes of attrition in drug discovery (kramer2007application). These issues and the complexity of human biology present a challenge and an opportunity for the development of scalable and efficient drug discovery tools.

Over the last decades, computational methods have been utilized to accelerate drug discovery and minimize costs. More recently, deep generative models have been used for de novo drug design (aumentado2018latent; Skalic2019; Moret2020; Born2021; Chenthamarakshan2020). These models are data-driven and scalable, and also allow efficient navigation in chemical space. Such generative models can be broadly classified into two groups based on the usage of the target information. The first group of models utilizes known compounds to guide generation. In this line of work, the models are first trained with a large number of molecules to learn the chemical space. Later, they are fine-tuned with several approaches such as transfer learning, reinforcement learning, and Bayesian optimization for biased molecule generation. However, these approaches either require molecules with activity against the target of interest, which are not available for novel proteins, or a predictive model that biases generation, which is shown to be problematic (renz2020failure). Another line of work consists of models leveraging the structure of the target. However, the major limitation of these models is the scarcity of structural information for targets. Contrary to these studies, Grechishnikova2021 proposed using the sequences of proteins for target-specific molecule generation. The study viewed the targeted molecule generation problem as a translation task between protein and molecular languages and adopted the transformer architecture. The major limitation of this study is the training data set, which consists of 200K protein-ligand interactions belonging to around 1000 proteins. Compared to the vast amounts of unlabeled sequences available, the data set is small, limiting the model’s generalizability.

Lately, self-supervised pretraining has become the dominant paradigm in natural language processing (NLP). Self-supervised methods exploit large amounts of unlabeled data for pretraining. The pretrained models are then fine-tuned on another task to save computational time and benefit from representations learned from large amounts of data. This paradigm has obtained state-of-the-art results in many NLP tasks (Devlin2019). The rapidly growing data of biochemical entities and the analogies between human languages and biochemical languages have enabled the application of these methods in bio/cheminformatics (ozccelik2021chemboost; Chithrananda; Filipavicius2020; rives2021biological; elnaggar2020prottrans). By viewing protein sequences as sentences and one or several amino acid residues as words, these techniques have been adopted in protein language modelling and shown to learn useful representations and improve the state-of-the-art in a number of protein engineering tasks (rives2021biological). Similarly, by treating the Simplified Molecular Input Line Entry System (SMILES) (weininger1988smiles) string of each molecule as a sentence and each symbol or subsequent symbols as a word, chemical language models have been trained and shown to obtain promising results on downstream tasks (Chithrananda).

We view target-specific molecule generation as a translation task from protein language to chemical language. To overcome the challenge of limited data, we propose exploiting biochemical language models pretrained on large scale sequences to initialize (i.e., warm start) target-specific molecule generation models. We hypothesize that warm starting will allow the model to benefit from the representations learned by the pretrained models on diverse sequences, thereby enhancing generalizability and boosting performance.

We employ a Transformer based sequence-to-sequence model (rothe2020leveraging) and initialize the encoder and the decoder components with pretrained models on large-scale data. We investigate two warm start strategies: one-stage strategy where the initialized model is fine-tuned on protein-ligand pairs filtered from BindingDB (Gilson2016), and two-stage strategy including an initial fine-tuning with compounds from MOSES (Polykovskiy2020) followed by training with interacting protein-compounds pairs. To compare with the warm-started models, we adopt the T5 Transformer model (Raffel2019). The results show that the proposed approach is effective, as the warm-started models achieved better performance compared to the model trained from scratch. The introduced warm-start strategies perform similarly to each other with respect to the metrics of the MOSES benchmark. However, docking evaluation of the designed compounds for a set of novel proteins suggests that the one-stage strategy generalizes better than the two-stage strategy. We also compare two decoding strategies, beam search and sampling, for generating molecules, and show that beam search outperforms sampling based on both the docking evaluation and the benchmark metrics for assessing the quality of generated chemical molecules.

2 Materials and Methods

2.1 Data

To train and assess targeted generative models, we used protein-ligand interactions filtered from BindingDB (Gilson2016) which contains measured binding affinities between proteins and small molecules. First, we filtered out the interactions missing either protein or SMILES sequence. In 95% of the reported interactions, the proteins were assayed a single chain, so we dropped multichain proteins for simplicity. We used UniProt identifiers of proteins to obtain families from Pfam (mistry2021pfam); thus, we also excluded the proteins without UniProt identifier or Pfam family. After omitting the interactions not having any affinity measurement, the remaining interactions were labelled as active or inactive based on affinity scores. BindingDB includes several affinity metrics (K_{i}, K_{d}, IC_{50}, EC_{50}) which are not directly comparable. K_{i} and K_{d} values are first converted to IC_{50} by a factor 2 by following (jansson2020does) to set an affinity threshold. Then, we labelled the interactions with affinity scores below 100 nm as active, and those with affinity scores above 10000 nm as inactive (gao2018interpretable). For the protein-ligand pairs with multiple reported affinity scores and assay, we calculated the geometric mean of these values and compared this score with the thresholds to label these interactions (jansson2020does). The statistics of the resulting data set are reported in in Table 1.

Table 1:  Statistics of the data set extracted from BindingDB
Label # Interactions # Unique Proteins # Unique Ligands
Active 428067 3099 331942
Inactive 64696 3817 123763

We relied on sequence similarities and Pfam families of proteins while splitting active interactions. The similarity of protein sequences were computed using Needleman-Wunsch global alignment with BioPython (10.1093/bioinformatics/btp163) wrapper of EMBOSS (rice2000emboss). We aimed to create diverse validation and test sets. To this end, we sampled 10% of proteins in each Pfam family and computed similarities between sampled proteins and the remaining proteins. Then, the selected proteins were binned based on maximum similarities to the remaining proteins. From these bins, 200 proteins were chosen in total with weighted random sampling based on the inverse frequency of the bins. The interactions of these proteins constitute the validation set. The steps described above were repeated with the remaining proteins to form the test set. Distributions of sequence similarities between and within these splits are shown in Figure A.1. The summary of the splits is presented in Table 2.

Table 2:  Summary of splits
Split # Interactions # Unique Proteins # Unique Ligands
Training 310300 2337 257348
Validation 25335 200 24121
Test 21350 200 20675

Aside from BindingDB data, we also used MOSES dataset (Polykovskiy2020) filtered from the ZINC database (sterling2015zinc) since the two stage warm start strategy requires a collection of compounds. This dataset contains 1,936,962 drug-like molecules split into training (1.6M), test (176K) and scaffold tests (176K).

2.2 Representation

The view of targeted drug design as a translation task relies on the analogies between biochemical languages (i.e., protein and chemical languages) and human languages. Proteins and chemical compounds can be represented as sequences like sentences in human languages. Furthermore, proteins are composed of functional units shared between different proteins. Likewise, chemical compounds consist of subfragments that have been shown to follow power-law similarly to natural languages (wozniak_linguistic_2018). Numerious studies adopted methods from natural language processing (NLP) to process biochemical sequences and identify meaningful units of these languages (ozccelik2021chemboost; Chithrananda; Filipavicius2020; rives2021biological; elnaggar2020prottrans). Recent studies have applied subword segmentation for splitting sequences into tokens and have shown that this approach performs better compared to character-level tokens (li2021smiles; asgari_probabilistic_2019). Therefore, we consider protein and chemical units identified by subword segmentation algorithms as tokens rather than individual characters, unlike the previous work (Grechishnikova2021). This reduces the length of the sequences and allows better capturing of long-range dependencies, which is crucial for this problem. We used the vocabularies constructed with the Byte Pair Encoding (BPE) algorithm (Sennrich et al., 2015) by the pretrained models, which we employed for warm starting. The protein vocabulary contains 10K protein words, while the chemical vocabulary comprises 8K chemical words.

2.3 Models

We applied a Transformer-based sequence-to-sequence model on target-specific molecule generation with warm starting from the pretrained models. The model is based on encoder-decoder architecture, the prevalent approach for sequence-to-sequence tasks in NLP. In this paradigm, the encoder takes an input sequence and encodes it to a sequence of hidden states while the decoder produces an output sequence autoregressively given the encoder’s hidden states. We used pretrained Transformer variants for initializing our model to benefit from the representations learned on diverse sequences.

The original Transformer is introduced by Vaswani2017 and shown to be effective in various NLP tasks and adapted in different domains (Mahmood2020; Fabian; Chithrananda; Filipavicius2020; Devlin2019). The key component of this model is self-attention which allows the model to relate different parts of the sequence while computing the representation of the sequence. Relying on attention blocks makes the model computationally efficient and helps capture long-range dependencies. The model is composed of encoder and decoder stacks containing self-attention and feed-forward layers. The self-attention mechanism in the encoder and the decoder is similar; however, the decoder uses a causal attention mask to prevent attending to the next words for autoregressive generation. In addition, the decoder has cross attention layers that attend to the encoder’s hidden states.

In this study, we leveraged Transformer variants pretrained on large datasets to initialize models. For the encoder part, we utilized the checkpoints of Protein RoBERTa (Filipavicius2020). Protein RoBERTa model is pretrained with the masked language modeling on 5M binding/non-binding protein sequence-pairs collected from the STRING database (Szklarczyk2019). Contrary to other pretrained protein models, this model represents proteins with subwords identified by the BPE algorithm, and thus, supports long sequences without increasing memory requirements. These properties of the model align with our problem formulation. Protein RoBERTa uses the encoder part of the Transformers, and all encoder parameters required by our model can be transferred from this model. To initialize the decoder of our model, we adopted the ChemBERTa model (Chithrananda) pretrained on 10M PubChem compounds (Kim2019) with BPE tokenization. The model does not achieve state-of-the-art performance; however, it has been shown to learn better representations as is trained with additional data. Similar to Protein RoBERTa, ChemBERTa also uses RoBERTa model (liu2019roberta) based on Transformer encoder and is pretrained with masked language modeling. Since ChemBERTa consists of only encoder blocks, ChemBERTa weights can be used to initialize self-attention and feed-forward layers of the decoder only. The cross attention (i.e., encoder-decoder attention) and language model head (i.e., the layers mapping representations to output word probabilities) are initialized randomly.

We proposed two warm start strategies for training the encoder-decoder model. The first strategy is one stage finetuning where the model weights are initialized with Protein RoBERTa and ChemBERTa checkpoints, and then, the warm-started model is trained on protein-ligand interactions filtered from BindingDB. We refer to the model trained with this strategy as EncDecBase. Two-stage finetuning is another warm start strategy, including an initial finetuning of ChemBERTa on MOSES dataset to obtain a generic molecule generator, namely ChemBERTaLM. In this strategy, ChemBERTaLM is used to initialize the decoder instead of the original ChemBERTa. Then the initialized model is trained with interacting protein-ligand pairs similar to the one-stage strategy. We call this model EncDecLM.

Figure 1: Warm start strategies

To compare with the warm-started models, the T5 Transformer model is used (Raffel2019). This model achieved state-of-the-art results in generation tasks and differs slightly from the original Transformer, which is also used in previous work for protein-specific molecule generation (Grechishnikova2021). Recent studies showed that training bigger models with early stopping is the best compute-efficient training strategy. For this reason, we build a slightly larger model compared to those in the previous work. Our T5 model uses four layers with a hidden size of 256, a feed-forward layer size of 512, and 6 attention heads.

We implemented all models using HuggingFace’s transformers library (Wolf2020). ChemBERTaLM was finetuned for 10 epochs with default settings. The warm started models were finetuned using Adam optimizer with a linear learning rate schedule with 2000 warm-up steps followed by a linear decay. The batch size was set to 8, and the gradients were accumulated every 8 steps to obtain an effective batch size of 64. Encoder decoder models (i.e., EncDecBase and EncDecLM) were trained for 5 epochs. On the other hand, the T5 model was trained from scratch and needed more epochs to converge. This model was trained for 10 epochs. Once the models were trained, the checkpoints with the best validation performance were used to generate molecules.

2.4 Evaluation

2.4.1 Benchmarking metrics

We used a set of metrics from MOSES benchmark to assess the quality and diversity of the generated chemical compounds.

  • Validity: The percentage of valid compounds. A compound is considered valid if it can be parsed by RDKit (Landrum2016RDKit2016_09_4).

  • Uniqueness: The percentage of unique molecules.

  • Novelty: The percentage of novel compounds (i.e., not present in the training set).

  • Fréchet ChemNet distance (FCD) (Preuer2018): A distance metric computing chemical and biological similarity between two sets of compounds.

  • Scaffold Similarity: Cosine similarity of Bemis-Murcko scaffold (Bemis1996) frequencies between two groups of compounds.

  • Fragment Similarity: Cosine similarity between frequencies of BRICS fragments (degen2008art) of two compound sets.

  • Nearest Neighbor Tanimoto Similarity (SNN): The average Tanimoto similarity between a set of compounds and their nearest neighbours in another set of compounds.

  • Internal Diversity: the average Tanimoto distance within a set of compounds where Tanitomo distance is equal to 1 minus Tanimoto similarity. This metric can be computed with powers of Tanimoto similarity.

  • Filters: The percentage of compounds passing a set of filters.

2.4.2 Docking

To assess the generated chemical compounds in terms of binding affinity, we performed docking for a number of novel proteins. To measure the discriminative ability of the docking tool between groups of compounds, we used Receiver Operating Characteristic (ROC) and the corresponding area under the curve (AUC).

3 Results

ChemBERTaLM outperforms baseline models

ChemBERTaLM model was trained for warm-starting the targeted generative model. To assess ChemBERTaLM, we generated 30K molecules by sampling and benchmarked the model using MOSES. Table 3 reports the performance of ChemBERTaLM model along with baseline models in the benchmark.

Table 3: Performance metrics for ChemBERTaLM and baseline models: fraction of valid molecules, fraction of molecules passing filters, fraction of novel molecules, internal diversity, Fréchet ChemNet Distance (FCD), Similarity to the nearest neighbor (SNN), Fragment similarity (Frag) and Scaffold similarity (Scaff). Test and TestSF denote MOSES random test set and scaffold split set respectively.
Model Valid Filters Novelty IntDiv Test TestSF
FCD (↓) SNN (↑) Frag (↑) Scaf (↑) FCD (↓) SNN (↑) Frag (↑) Scaf (↑)
Train 1 1 1 0.857 0.008 0.642 1 0.991 0.476 0.586 0.999 1
AAE 0.937 0.996 0.793 0.856 0.556 0.608 0.991 0.902 1.057 0.568 0.990 0.079
CharRNN 0.975 0.994 0.842 0.856 0.073 0.601 1 0.924 0.520 0.565 0.998 0.110
VAE 0.977 0.997 0.695 0.856 0.099 0.626 0.999 0.939 0.567 0.578 0.998 0.059
LatentGAN 0.897 0.973 0.949 0.857 0.296 0.538 0.999 0.886 0.824 0.514 0.998 0.100
JTN-VAE 1 0.978 0.914 0.851 0.422 0.556 0.996 0.892 0.996 0.527 0.995 0.100
ChemBERTaLM 0.991 0.997 0.844 0.855 0.090 0.609 1 0.917 0.515 0.572 0.998 0.101

ChemBERTaLM outperformed the baseline models in terms of validity and performs on par in terms of the fraction of compounds passing filters and internal diversity. Although the model showed a lower novelty score than LatentGAN and JTN-VAE, it obtained the best FCD score on the scaffold split test set, which aims to assess generalizability of the model. ChemBERTaLM was also comparable to the baselines with respect to other similarity metrics (i.e. SNN, Frag, Scaf) on the test sets. These results indicate ChemBERTaLM generalizes well. We should also note that ChemBERTaLM model was fine-tuned for only 10 epochs while the baseline models were trained for 80-120 epochs.

Warm started models perform the best or on par across metrics

To investigate the utility of the warm start strategies, we trained the targeted generative models (i.e., EncDecBase, EncDecLM and T5). Then, we generated 20 molecules for each protein in the test set with two decoding methods, beam search and sampling. To assess the model performances, we first computed a set of metrics assessing the feasibility of the generated molecules and their similarity to the molecules in the test set. The results are shown in Table 4. The warm-started models outperformed T5 model trained from scratch. EncDecLM model performed the best or on par with EncDecBase across metrics, suggesting the utility of initial finetuning on molecules. However, the gain obtained by the pre-finetuning was limited, especially in terms of the similarity metrics (i.e., FCD, Scaf, SNN). EncDecBase model outperformed EncDecLM model with respect to the scaffold similarity (Scaf) and the nearest neighbour Tanimoto similarity (SNN).

Table 4:  Performance metrics for target specific generative models across decoding strategies
Decoding Model Valid Unique Novel FCD (↓) Scaf (↑) SNN (↑)
Beam Search EncDecLM 0.984 0.795 0.965 9.454 0.090 0.560
EncDecBase 0.961 0.780 0.978 11.652 0.100 0.572
T5 0.862 0.909 0.999 19.520 0.043 0.506
Sampling EncDecLM 0.908 0.967 0.992 4.519 0.088 0.413
EncDecBase 0.840 0.986 0.996 4.366 0.085 0.389
T5 0.664 1.000 1.000 4.688 0.032 0.341

The lowest FCD scores were obtained with the molecules generated by sampling. This means that the sampling method produces more diverse molecules compared to the beam search.

To further investigate the performance of the models, we computed the evaluation metrics at the protein level. We computed FCD score between the generated compounds and the interacting compounds (i.e., those labeled as active) for each protein in the test set. For reference, we selected 20 interacting compounds for each protein in the training set and computed FCD score between the selected compounds and the rest of the active compounds of the corresponding protein. The distribution of FCD scores across the decoding strategies are shown in Figure 1(a). The results show that the warm-started models achieved lower FCDs than the T5 model at the target level. We also followed the same procedure to compute SNN scores for the test proteins. SNN distributions also confirm that the warm started models perform better than the T5 model (see Figure 1(b)).

To compare the models at the protein level quantitatively, we computed Jensen-Shannon divergence (JSD) between FCD scores of the compounds generated by the models and those of the compounds interacting with the train proteins. The results are presented in Table 5. We observed that the compounds decoded with the beam search obtained a lower JSD score for the warm started models, while the compounds decoded with the sampling strategy resulted in lower JSD for the T5 models.

Table 5: Jensen Shannon distance between FCD scores of the compounds generated for the test proteins and the scores of the compounds interacting with the train proteins.
Model Beam Sampling

EncDecBase
0.546 0.592
EncDecLM 0.557 0.573
T5 0.694 0.683

Warm started models can generate target specific molecules

Next, we performed docking to assess if generated chemical compounds are active against proteins of interest. The target proteins were selected randomly from the test proteins with at least 50 interacting compounds and a 3D structure in complex with a ligand. Given that docking is a computationally costly process, we limited the number of proteins to 12 for docking evaluation. For each protein, we selected one structure from PDB (Burley2019). The PDB codes for the selected proteins are as follows: 1ERE, 2WO6, 4B6L, 4I23, 5K0K, 5TUY, 5V1B, 5XY1, 6LVL, 6WJ5, 6Z1Q, 2PJL.

To test whether the generated compounds have binding affinity to the target protein of interest, we compiled three groups of compounds for each protein: i) the compounds having activity towards the target protein, ii) the compounds randomly selected from BindingDB, iii) the generated molecules for the target protein. Due to the technical limitations, a maximum of 100 compounds are included in each group.

The ligands in each group were docked into corresponding protein structures with GNINA (McNutt2021) which is a molecular docking tool based on deep learning. To this end, we extracted bound ligands from PDB structures using PyMol (PyMOL). The extracted ligands were used to define the binding site of the target for docking. We used RDKit (Landrum2016RDKit2016_09_4) to generate conformers for the chemical compounds. Docking was performed with the default parameters of GNINA by specifying the extracted ligands to define binding sites. For docking of each compound into its target, the tool generates multiple poses with two scores: the one used to rank the poses of the ligand (i.e. CNNscore) and the one estimating the affinity of the docked complex (i.e. CNNaffinity). Since we are interested in the binding affinity of compounds against targets, we selected the pose with the highest affinity for each ligand-protein complex.

Next, we first assessed the discriminative ability of this docking tool by comparing the predicted affinity scores of compounds active towards a target with the scores of randomly sampled compounds for each structure. We chose Receiving Operating Characteristic (ROC) curve and Area Under the ROC Curve (AUC) as the evaluation metrics considering the active compounds as positive examples and randomly selected compounds as negative examples. These metrics measure whether this tool is able to distinguish between positive and negative classes. We also performed Mann-Whitney’s U test to check the discrimination between the compounds is significant or not. For 11 out of 12 proteins, the tool was able to discriminate between the active compounds and random ones. Since the active compounds and randomly selected ones cannot be distinguished for the structure with PDB code 2PJL, we excluded it from the rest of the experiments.

We next investigated whether the generated compounds are likely to bind to the targets of interest. To this end, we compared these compounds with randomly selected compounds and the active compounds of the protein of interest. If two sets of compounds cannot be distinguished from one another, this suggests that these sets of compounds have a close binding affinity toward the target protein. On the other hand, one group is more or less likely to bind to the target than the other group depending on the AUC score if such groups can be discriminated.

To determine the overall model performance, we computed the number of proteins for which the model can generate compounds that can be distinguished from randomly selected compounds and bind to the corresponding target as likely as or more likely than the known binders of that target. The results are reported in Table 6. The highest number of proteins (11), for which generated compounds are more likely to bind to a target of interest than randomly selected compounds were obtained with the compounds generated by the EncDecBase model with beam decoding. This result is consistent with the target level evaluation based on FCD scores and suggests that this model can generate chemical compounds with binding affinity to the target of interest.

Table 6: Number of proteins in which generated compounds can be distinguished from random compounds for each model and decoding strategy.
Decoding Model Generated vs Random Generated vs Active
Beam EncDecBase 11 8
EncDecLM 8 6
T5 7 5
Sampling EncDecBase 8 4
EncDecLM 8 4
T5 2 1

EncDecBase model performed the best and generated compounds with binding affinity to a target of interest when decoded with beam search. However, the generated compounds must also be specific to the target to avoid undesired side effects caused by binding to others. To assess the target specificity, we selected 100 compounds for each protein among compounds generated for the other ten proteins and docked such compounds to the protein of interest. Then, we compared the binding affinity of such compounds to that of the following sets we compiled earlier: the compounds generated for the target of interest and the compounds active towards the target. The results are summarized in Table 7. For reference, we also included the result of the generated compounds for the targets compared to the active compounds.

Table 7: Comparison of activity against target of interest between the active compounds, the generated ones for the target and the generated ones for the other proteins. Others refer to a random subset of the compounds generated for the other ten proteins.
Target Active vs Generated Active vs Others Generated vs Others
p value AUC p value AUC p value AUC
1ERE 1.74E-05 0.79 1.73E-06 0.69 0.418 0.52
2WO6 0.013 0.33 0.007 0.6 0.001 0.74
4B6L 0.014 0.33 1.98E-13 0.87 1.81E-08 0.9
4I23 0.027 0.36 4.46E-08 0.72 2.11E-06 0.83
5K0K 0.332 0.47 2.84E-09 0.74 9.28E-05 0.77
5TUY 4.90E-06 0.83 2.77E-14 0.85 0.001 0.73
5V1B 2.28E-06 0.17 0.035 0.58 4.76E-07 0.85
5XY1 0.018 0.65 1.56E-11 0.79 0.001 0.72
6LVL 0.389 0.48 4.50E-13 0.8 3.95E-06 0.82
6WJ5 4.58E-05 0.22 0.012 0.59 2.69E-06 0.82
6Z1Q 0.454 0.49 0.053 0.57 0.175 0.57

We observed that high AUC values were obtained when comparing the active compounds versus the compounds generated for others. This indicates that the docking tool is more likely to classify the compounds targeting others as nonbinders for the target of interest. By contrast, the generated compounds for only three targets (1ERE, 5TUY, 5XY1) were more likely to be classified as nonbinders. Additionally, the comparison between the compounds generated for the target of interest and those generated for others shows that these compound sets are significantly different for all targets except for 1ERE and 6Z1Q. Taken together, these results suggest that this model can generate target specific compounds for the majority of the targets.

4 Discussion

Our findings suggest that the proposed warm starting strategies to initialize models outperform the T5 model trained from scratch across decoding methods. The proposed method might be beneficial for other tasks in cheminformatics where labelled data are limited. Even in the presence of a large amount of data, it can be used to reduce the computational burden. However, we should also note that pretrained models used to initialize models require much more space than the baseline model. The results demonstrate that the model warm started with the one-stage strategy can generate target specific compounds for most of the set of novel proteins. Thus, it might be practical at the beginning of the drug design with little information regarding the target of interest.

Despite the potential benefits, the proposed model has certain limitations. The compounds generated by beam search are predicted to be able to bind to the protein of interest but have low diversity. The deterministic nature of the model combined with the variability of protein interactions hinders further generalizability of the model. To overcome this issue, one may incorporate stochastic latent variables into the model to improve the capability to learn the variability of interactions (Lin2020; Arroyo). Another direction for improving the diversity of compounds is to use ancestral sampling methods, which have been proposed recently and have been shown to generate high diversity samples in neural machine translation (kool2020ancestral; Eikema).

5 Conclusion

In this study, we proposed warm-start strategies to initialize models for target specific molecule generation. We compared two strategies: one stage strategy where the model is initialized with pretrained checkpoints and trained on targeted molecule generation (EncDecBase) and two-stage strategy where the model is first finetuned on molecular generation and then trained on targeted drug design (EncDecLM). To generate molecules, we employed beam search and sampling. We evaluated the generated molecules with metrics assessing the quality, diversity and performing docking. The results showed the efficacy of the warm-starting approach. The warm-started models obtained significantly better scores than the baseline model (i.e., T5) across decoding methods and performed on par with each other with respect to the benchmarking metrics. However, based on docking results, the one-stage warm-start strategy generated molecules likely to bind to the target of interest for more proteins, indicating that the model generalizes better than the two-stage strategy and the baseline. For future work, we plan to investigate adding stochastic latent variables into our models to increase the diversity of compounds similar to Variational Transformer models (Lin2020; Arroyo).

Acknowledgements

We thank Asu Büşra Temizer and Taha Koulani for their help with evaluation and Riza Özçelik for his help in data preprocessing. TUBA-GEBIP Award of the Turkish Science Academy (to A.O.) is gratefully acknowledged. This work was supported by the Scientific and Technological Research Council of Turkey [Grant Numbers 119E133 and 2211-A to G.U.].

Conflict of Interest: E.O. is an employee of Roche AG.

References

Appendix A Appendix

A.1 Data Split Sequence Similarities

Distributions of sequence similarities between and within data splits are shown in Figure A.1.

Figure A.1: Distribution of protein sequence similarities between and within datasets (training, validation, test)

A.2 Protein Level Score Distribution

Generated molecules were also assessed at protein level. For each protein in the test set, we computed Fréchet ChemNet distance (FCD) [Preuer2018] between the compounds generated for this protein and the compounds interacting with this protein (i.e. those labeled as active). For reference, we computed FCD scores for the proteins in training set by randomly selecting 20 interacting compounds and computing FCD between the selected chemical compounds and the remaining active compounds towards the target protein. Figure 1(a) shows the distribution of FCD scores across the decoding strategies. We also followed the same procedure to compute nearest neighbour Tanimoto similarity (SNN) scores for the proteins. The distributions of SNN scores are shown in Figure 1(b).

(a) FCD distribution
(b) SNN distribution
Figure A.2: Score distributions of chemical compounds generated for the test proteins across models and decoding strategies along with the distribution of the scores within interacting compounds of the train proteins.