- Research
- Open access
- Published:
DeepSA: a deep-learning driven predictor of compound synthesis accessibility
Journal of Cheminformatics volume 15, Article number: 103 (2023)
Abstract
With the continuous development of artificial intelligence technology, more and more computational models for generating new molecules are being developed. However, we are often confronted with the question of whether these compounds are easy or difficult to synthesize, which refers to synthetic accessibility of compounds. In this study, a deep learning based computational model called DeepSA, was proposed to predict the synthesis accessibility of compounds, which provides a useful tool to choose molecules. DeepSA is a chemical language model that was developed by training on a dataset of 3,593,053 molecules using various natural language processing (NLP) algorithms, offering advantages over state-of-the-art methods and having a much higher area under the receiver operating characteristic curve (AUROC), i.e., 89.6%, in discriminating those molecules that are difficult to synthesize. This helps users select less expensive molecules for synthesis, reducing the time and cost required for drug discovery and development. Interestingly, a comparison of DeepSA with a Graph Attention-based method shows that using SMILES alone can also efficiently visualize and extract compound’s informative features. DeepSA is available online on the below web server (https://bailab.siais.shanghaitech.edu.cn/services/deepsa/) of our group, and the code is available at https://github.com/Shihang-Wang-58/DeepSA.
Introduction
Computer aided drug design (CADD), especially AI aided drug design (AIDD), has become an important tool in modern innovative drug discovery and development, which can significantly expediate the drug development process and cut investment costs [1,2,3,4]. Fragment-based drug design (FBDD) is a classical CADD strategy. Based on a target structure, FBDD performs virtual screening (VS) from the molecular fragment library to obtain ligand fragments, and many optimization and transformation steps are carried out according to the structural information of the target protein to obtain new compounds with high affinity and achieve the goal of lead compound design [5,6,7]. In this situation, the designed molecules often get stuck with difficulty in synthesizability.
In addition, with the continuous development of artificial intelligence technology, an increasing number of computational molecular generation models are developed based on various of artificial intelligence algorithms, including variational auto encoders (VAE) [8], generation of confrontation networks (GAN) [9], reinforcement learning (RL) [10,11,12], flow-based generation models and diffusion models [13, 14]. These models can generate new hit compounds for the known targets of existing diseases and optimize the structure of existing lead compounds. They help medicinal chemists to find useful molecules from the vast chemical space and shorten the time for drug discovery and development [15, 16]. However, most new molecules created by generation models often face major challenges in terms of synthetic accessibility [17].
The synthesizability prediction can be seen as a large data-required complicated problem, and machine learning is suitable for dealing with such problems. A huge training dataset of molecules and their pre-defined “synthesizability scores” is the prerequisite. Then an artificial intelligence model is able to be designed to learn the relationship between the molecule structures and their synthesizability. So far, several such tools have been developed, such as SAscore (Synthetic Accessibility score), which assesses the compositional fragments and complexity of molecules by analyzing the historical synthesis knowledge obtained from the information of millions of synthesized chemicals, and finally outputs a score in the range of 1 to 10 [18]. This method performs better than the other methods, including SCScore (Synthetic Complexity score) [19], RAscore (Retrosynthetic Accessibility score) [20] and SYBA (SYnthetic Bayesian Accessibility) [21], from an evaluation study from Skoraczyński et al. [22]. SCScore is a method for quantifying synthesis complexity, which uses deep neural networks and trains on a set of 12 million reactions obtained from the Reaxys database and the output score for evaluation ranges from 1 to 5 [19]. RAscore is a machine learning classifier trained with more than 300,000 compounds from the ChEMBL database [20]. SYBA uses Bernoulli Naive Bayes classifier to evaluate whether a given molecule is easy- (ES) or hard-to-synthesize (HS) [21]. Unlike the other mentioned methods, SYBA assesses each fragment of a molecule with an assigned SYBA score to label its synthesizability. RetroGNN is a machine learning-driven method to estimate synthesizability via approximating the outputs of a retrosynthesis planning software within a given search space [23]. The latest synthetic accessibility evaluation model is GASA (Graph Attention-based assessment of Synthetic Accessibility), which is a graph-based method for predicting the synthetic accessibility. Small organic compounds are classified as ES or HS based on the capturing of the local atomic environment by leveraging information from neighboring nodes through attention mechanisms and enrichment of the overall training process by incorporating bond features to obtain a more complete understanding of the global molecular structure [24]. GASA has been reported as one of the state-of-the-art models, which has shown remarkable performance in distinguishing the synthetic accessibility of similar compounds, with strong interpretability and generalization ability, significantly outperforming other existing methods [24]. These methods were trained on diverse compound datasets and could be divided into structure-based (SAscore and SYBA) and reaction-based (SCScore, RAscore, RetroGNN and GASA) [18,19,20,21,22,23,24]. Interestingly, these reaction-based methods used different reaction datasets. SCScore was trained using 12 million chemical reactions from the Reaxys database, while RAscore, RetroGNN, and GASA used three different retrosynthesis analysis softwares, AiZynthFinder [25], Molecule.one (https://www.molecule.one/), and Retro* [26], respectively, to generate synthesis routes for model training.
In this study, we propose a new model for evaluating the synthetic accessibility of compounds based on the chemical language model named DeepSA. This model can differentiate easy-to-synthesize from that are hard-to-synthesize with a much higher accuracy rate. We compared the discriminative ability of DeepSA with other existing models for evaluating the synthetic accessibility of compounds (GASA, SYBA, RAscore, SCScore, and SAscore). The results show that the performance of DeepSA is particularly well as it more accurately assesses the synthetic difficulty of real drug molecules in existing research reports. We have deposited the original code of DeepSA on GitHub (https://github.com/Shihang-Wang-58/DeepSA) and also provided an online platform for the public to use DeepSA (https://bailab.siais.shanghaitech.edu.cn/services/deepsa/).
Materials and methods
Collection of datasets
To ensure a fair comparison with existing methods, we used the same datasets in this study as Yu et al. [24] to train the model for predicting synthesis accessibility of molecules. The datasets consist of two parts. The first part is used for training DeepSA, and the other part is used to evaluate the performance of DeepSA and other synthetic accessibility models. Among them, hard-to-synthesize molecules are marked as positive samples and easy-to-synthesize molecules are marked as negative samples.
The training dataset contains 800,000 molecules, of which 150,000 are from the ChEMBL [27] or GDBChEMBL [28], and has been labeled the synthetic accessibility by a multi-step retrosynthetic planning algorithm called Retro* [26], which is a neural-based A*-like algorithm that can efficiently find simplified synthetic routes for aimed compounds. In this study, we used the default parameters suggested from the developers of Retro* to analyze the synthesis steps. The training data for Retro* are from the USPTO reaction dataset and a list of commercially available building blocks from eMolecules [26]. The detailed description for the parameter settings for Retro* has been listed in Additional file 1: Table S1. Simply input the SMILES of the molecule to Retro *, and it will output the synthesis route of the molecule and the final number of synthesis steps. A molecule requires less than or equal to 10 synthetic steps was labeled as ES, otherwise, if the required step is larger than 10 or can’t be successfully predicted by Retro* was labeled as HS. Another 650,000 molecules were derived from SYBA [21], with positive samples coming from purchasable molecules in the ZINC15 database [29] and negative samples generated by the Nonpher algorithm [30]. All samples were divided into a training set, and a test set was set as 9:1 ratio. Meanwhile, we amplified different SMILES representations of the same molecule to add advanced sampling operations to the dataset.
The independent test sets used to evaluate the performance of the various models consist of three parts. In summary, the three datasets were drawn from three previous published works. Independent test set 1 (TS1) contains 3,581 ES and 3,581 HS molecules that obtained directly from the study of SYBA [21, 24]. The independent test set 2 (TS2) contains 30,348 molecules derived from the study of RAscore [20]. The independent test set 3 (TS3) consists of 900 ES and 900 HS molecules which obtained from the study of GASA [24]. The compounds in TS3 were collected from different sources and have higher similarity of fingerprints, which makes the prediction task more challenging. There was no overlap between the training set and the independent test sets. The data sets used in this study are shown in Additional file 1: Table S2. Finally, to further verify the performance of DeepSA for compounds with real synthetic pathways, we selected 18 compounds with complete synthetic pathways from the published literatures [31,32,33,34,35,36,37,38,39,40,41,42,43,44,45,46,47,48], which will be detailed introduced in the section of Results and Discussion.
Criteria for Performance Evaluation
Model evaluation is an important part for classification tasks. When comparing the predictive performance of different models, most evaluation indicators can only show the predictive performance of the model from a particular aspect. Therefore, we used several statistical indicators, including accuracy (ACC, Eq. (1)), Precision (Eq. (2)), Recall (Eq. (3)), F–score (Eq. (4)) and the AUROC [49,50,51,52]. ACC indicates the prediction accuracy; however, if the sample size belonging to different classes in the data is uneven, the conclusions of the evaluation of ACC may be questionable. Precision represents the proportion of correctly predicted positive set out of all predicted positive set. Recall is the proportion of correctly predicted positive set out of all positive set. The F–score is defined as the harmonic mean of the model’s precision and recall. ROC curve is an important index for evaluating the generalization performance of models.
TP and FN indicate that if the true label of the sample is positive, the prediction labels are positive and negative, respectively. TN and FP indicate that if the true label of the sample is negative, the prediction labels are negative and positive, respectively.
Classification threshold of the models
In this study, compared with DeepSA, GASA and RAscore are binary classification models with an output probability between 0 and 1. However, the output of SYBA, SAscore and SCscore is a non-binary score. To compare the performance of all models more fairly, two classification thresholds (cut-offs) were used to evaluate our method, one is 0.5 which is the same as the other binary-classification methods, e.g., GASA and RAscore, as reported in Yu et al. [24], and the other is 0.47, which was the optimal cut-off of ROC determined using the training data. The prediction results of each method were analyzed using scikit-learn [53] to calculate the ACC, Recall, Precision, and F–score. For DeepSA, SAscore and SCscore, output scores above the threshold are considered as HS and below the threshold are considered as ES. For GASA, RAscore and SYBA, on the contrary, output scores above the threshold are considered as ES and below the threshold are considered as HS.
Network architecture of DeepSA
The DeepSA proposed in this study consists of three modules: the data processing module, the feature embedding module, and the decoder module. The architecture of DeepSA is shown in Fig. 1. We converted the original SMILES in dataset to canonical SMILES, and then the dataset was further expanded by introducing alternative formats of SMILES of some randomly selected molecules by RDKit [54]. The final size of training, and test dataset after data enhancement are 3,593,053 and 399,216. Meanwhile, a Byte-Pair Encoder (BPE) tokenizer from HuggingFace tokenizer library was used to encode the structures for compounds, which can treat the basic atomic and ring structures in the input SMILES as “words” or “sentences” and make meaningful predictions using the previous reported ChemBERTa SMILES-Tokenizer [55, 56]. Firstly, we collected a number of network architectures from different natural language models, including bert-mini (MinBert) [57], bert-tini (TinBert) [57], roberta-base (RoBERTa) [58], deberta-v3-base (DeBERTa) [59], Chem_GraphCodeBert (GraphCodeBert) [60] and electra-small-discriminator (SmELECTRA) [61], and two chemical language models, including ChemBERTa-77M-MTR (ChemMTR) [62] and ChemBERTa-77M-MLM (ChenMLM) [62]. Secondly, we trained DeepSA models based on these different natural language models and two chemical language models using the designed synthetic accessibility dataset of molecules. The architectures of these natural language models were fine-tuned on the enhanced dataset to adopt the synthetic accessibility prediction task. The AutoGluon package [63, 64] was employed to fine-tuning stages. The learning rate was set to 0.001 and adjusted during training process by cosine decay schedule. The training process was performed for a maximum of 20 epochs, and the validated every 0.2 epoch, and up to three checkpoint models with the highest ACC on the validation set were stored. Finally, the top three models were fused by the greedy soup method [65] and the final DeepSA model was generated. The whole training process was performed on a RTX3090 GPU. Detailed information regarding to output dimensions of each layer and hyperparameters utilized in the DeepSA model are listed in Additional file 1: Table S3.
An illustration of the designed architecture for DeepSA. We designed and trained Bidirectional Encoder Representations from Transformers (BERT) model and fine-tuned on our labeled synthesis related data to evaluate synthesizability from the given molecules’ SMILES. A dense layer was added following the BERT layer to perform binary classification task. If the given score is equal to or greater than 0.5, the molecule is considered difficult to synthesize; otherwise, if the score is less than 0.5, it will be easy to obtain
Results and discussion
Proposing the DeepSA models for predicting synthetic accessibility for molecules
In recent years, the development of natural language processing techniques has led to the emergence of numerous natural language models, providing a range of frameworks to process protein sequence data like natural languages. Intuitively, SMILES sequences used to represent compounds share certain similarities with natural language. Both are composed of a diverse vocabulary of simple characters, and generate complex sentences through simple rules. This similarity has inspired researchers to transfer the framework of natural language models to compound data, with the aim of training chemical language models, e.g., SMILES-BERT [66], in order to achieve improved performance in compound-related tasks. Therefore, we aim to explore whether a training strategy similar to text classification tasks in natural language can be employed to the chemical language models for evaluating the synthesizability of molecules. This will further enhance our understanding of chemical language models and the synthesizability of compounds.
In this study, a chemical language framework to predict the synthetic accessibility for molecules was designed, where we tried various language models as the encode layer, such as bert-mini (MinBert) [57], bert-tini (TinBert) [57], roberta-base (RoBERTa) [58], deberta-v3-base (DeBERTa) [59], Chem_GraphCodeBert (GraphCodeBert) [60], electra-small-discriminator (SmELECTRA) [61], ChemBERTa-77M-MTR (ChemMTR) [62] and ChemBERTa-77M-MLM (ChenMLM) [62]. First, molecule structures are converted into SMILES strings, which are then encoded into embeddings using a BPE tokenizer. Subsequently, the embeddings are further processed using various techniques, such as positional embeddings. Finally, through multiple encoding layers and linear layers, the model outputs probabilities for the two classification categories of easy synthesis (ES) and hard synthesis (HS) using a softmax activation function. The performance of DeepSA on the test set was shown in Table 1. It is great to see high ACC, recall, precision, and F–score on the test results. The high precision of the models reduces the risk of misjudging ES compounds as HS, which improves decision accuracy. Additionally, the high recall of the models means that they can identify more truly ES compounds, which improves decision comprehensiveness and reliability. It is also impressive that almost all of the models had AUROC values higher than 0.98. Next, we will further evaluate the model's generalization ability on the independent test sets.
Performance comparison of different synthetic accessibility prediction models
Three independent test sets TS1, TS2, and TS3 are used to compare DeepSA with some state-of-the-art molecular synthesis accessibility assessment methods. The results have been summarized in Table 2, and it is shown that DeepSA can perfectly discriminate between ES and HS on TS1, only slightly lower than SAscore on TS2, and outperforms all existing methods on the most challenging TS3, indicating its excellent performance in identifying the difficulty of synthesis of similar compounds (Table 2 and Additional file 1: Table S4). DeepSA based on SmELECTRA model showed better performance on TS3, reflecting the difficulty of molecular synthesis in the real world (Fig. 2A), so we used DeepSA_SmELECTRA as the standard DeepSA model for the following analysis.
As shown in Fig. 2B, the ROC curves for existing methods that evaluate synthetic accessibility of compounds, including GASA, SYBA, SCscore, SAscore, and RAscore. DeepSA achieves a significantly higher early enrichment rate than GASA and other models in identifying HS.
As shown in Table 2 and Fig. 2, the prediction accuracy of the model decreases sequentially on TS1, TS2 and TS3, which may be due to various molecular properties among these three independent test sets. Therefore, the topological torsion fingerprint and Yule similarity metric were used to calculate the similarity matrix for these three datasets and the similarity matrix was presented as heatmap in Fig. 3. The groups of ES and HS molecules in TS1 show high fingerprint similarity within each group. Comparatively significant differences can be seen between the ES and HS groups. It indicates that the difference in patterns of the molecular embeddings may be great helpful for telling HS from ES (Fig. 3A). Figure 3B presents the fingerprint patterns for the molecules in TS2. Most of them show a clear difference between HS and ES, but a few show similar patterns between HS and ES, which presents some difficulty in prediction. Unlike TS1 and TS2, the fingerprints for HS and ES in TS3 have very similar patterns, indicating the challenges in the prediction (Fig. 3C).
Heatmaps of fingerprint similarities between the ES and HS molecules in three independent test sets: TS1, TS2, and TS3. A The ES and HS compounds in TS1 have high fingerprint similarity within their own groups, but significant different patterns presenting between the groups of ES and HS. B Small portion of molecules of ES and HS show similar fingerprint patterns. C All compounds in TS3 have high fingerprint similarity, indicating that this is the most difficult test set for the classification task
TS3 is the test set created by medicinal chemists that is closer to chemical synthesis tasks. Therefore, TS3 is the one of the most suitable datasets for validating the performance of different models. Since DeepSA is a chemical language model inspired by language models in the field of NLP, intuitionally, the length of the “sentences” (SMILES) may have an impact on the performance of a language model. To answer this question, we took TS3 to investigate the relationship between the model’s performance and the length of SMILES. However, in doing so, we found that there doesn’t appear to be a strong correlation between synthetic complexity and the length of the compounds’ SMILES (Fig. 4A). Although the percentage of False_HS increases somewhat in the long SMILES region (Fig. 4B); we still can’t determine whether the performance of our model is sensitive to the length of SMILE based on the results over such a limited database. Overall, DeepSA passes the test when predicting non-extreme molecules. As the TS3 ROC curves shown in Fig. 2B, DeepSA has a much higher early enrichment rate on discriminating the molecules which are difficult to be synthesized compared to other models, thus helping users to avoid the highly cost molecules for synthesis, thereby saving the resource and reducing the time for the experimental validation of compounds designed from molecule generation model.
Prediction results for 1,800 compounds in TS3. A Score distribution histogram for the results from DeepSA over TS3. B The bubble plot of SMILES length versus synthetic accessibility prediction for 1800 compounds in TS3. The vertical coordinates represent the prediction outcome of the model. True_HS represents true positives, True_ES is true negatives, False_HS indicates false positives, and False_ES represents false negatives. Bubble size represents the number of observations in the SMILES length intervals. The depth of the bubble color represents the proportion of the prediction outcome in each bin of the SMILES length of compounds
Generalization ability and robustness of DeepSA model
To further verify the predictive performance of DeepSA for compounds with real synthetic pathways, we tested 18 compounds which have published synthetic pathways (those are real synthesis pathways instead of retrosynthetic analysis or chemist created) outside of the training set and the independent test set (Table 3), and predicted synthetic accessibility scores for these compounds using DeepSA and other synthetic accessibility assessment methods. The results showed that DeepSA successfully distinguished the synthetic difficulty labels of all compounds when divided by 10 synthetic steps.
Also, we checked the embedding of these compounds in DeepSA, where each compound is represented as a matrix of 256-dimensional vectors. Since DeepSA is a chemical language model, we explored whether difference in randomized SMILES of the same compound make any effects on the embedding. We generated three different randomized SMILES representations for each compound and extracted a total of 54 embeddings of the 18 compounds described above (Additional file 1: Table S5). Ultimately, we normalized all the embeddings and used the heatmap (Fig. 5 and Additional file 2: Fig. S1) to visualize their embedding patterns. We found that the embeddings between HS and ES are significantly different in most regions along the dimension vectors. The vector size of the first hundred dimensions of ES is obviously higher than that of HS, while the opposite is true for the last hundred dimensions. The pattern differences within the group of HS or ES are mainly in the middle range of the dimension vectors. Meanwhile, differences in the embeddings correspond to the predicted scores for molecules’ synthetic accessibility. If a compound is predicted to have a higher probability of being HS or ES, it will be more clearly marked in the embeddings. For the same compound represented by different randomized SMILES, the embeddings mostly showed a high degree of similarity, which might indicate that different randomized SMILES of the same compound don’t affect the prediction accuracy of synthetic accessibility, showing that the DeepSA model has a certain robustness.
Constructing web server for public use
To facilitate the use of our model by biomedical researchers, a trained model was deployed on a web server that can be publicly accessed by https://bailab.siais.shanghaitech.edu.cn/services/deepsa/ (Fig. 6A). Users can upload a molecule file in csv format which contains the SMILES of molecules desired to be evaluated (Fig. 6B). If the submitted file does not conform to the correct format, the web server notifies the user with the message "Failed to upload files" and requests the user to resubmit the compound in its correct format. After clicking the Submit button, the page redirects to a new page from which the user can download the result file (Fig. 6C).
Screenshots of DeepSA web server. A The web interface; B Input data upload and information filling interface; C The rsults download page contains the synthetic accessibility prediction scores for submitted molecules, as well as the structural information of these molecules for the correctness check of the input
Conclusion
In this study, we have presented a novel tool called DeepSA for synthetic accessibility assessment of organic compounds, which offers advantages over previously known techniques. Since DeepSA is a deep learning model developed based on chemical language models, it reflects to some extent that the method of using SMILES to represent and extract features of compounds is not necessarily inferior to the graph representation method.
Although the model is considered successful, there is still room for improvement. Being lack of the data, DeepSA can’t learn real chemical reactions, the actual synthetic pathways, and their relative complexity, but only evaluates how complicated of those synthesis processes. DeepSA outperforms datasets that currently use the number of steps of retrosynthetic analysis as the standard, but has lower predictive power for molecules collected from the literature that have been evaluated by chemists. The reason that limits the generalizability of DeepSA is that the labels for datasets currently used come from the retrosynthetic analysis software evaluations and not all have been assessed by chemists. Determining the standard for evaluating the synthetic difficulty of a compound is still a matter of consideration. In this study, using 10 synthesis steps as the threshold for HS and ES is rather arbitrary, and the number of synthesis steps for a compound is easily influenced by the parameter settings of the retrosynthesis algorithm, especially the raw materials in the database.
Skoraczyński et al. evaluated the performance of the other compound synthesis accessibility prediction tools mentioned in this study, except for DeepSA and GASA [22], and the evaluation results were close to the test results obtained our work (Fig. 2). However, there is still room for improvement of this evaluation method to evaluate more reasonably.
To some extent, when evaluating the ease of synthesis of a compound, one should not only consider the number of steps in the synthesis reaction, but also focus on the yield of the products obtained from each step reaction, the cost of chemical reaction of each step with the experimental conditions, and so on. It is therefore imperative to create a completely new, clean, and informative dataset, but such a database is not currently available to us, which is a formidable challenge. We would like to fully account for the structural information of compounds with the variety of conditions that affect the synthetic reaction, but it clearly requires a great deal of time and patience to solve this problem. However, we believe that assessing the difficulty of synthesizing compounds in the current context of rapid advances in deep generation models is of very high academic and commercial value that merits our continued efforts to do deep thinking and research.
Scientific contribution
In this study, we have developed a chemical language model called DeepSA for compound synthesis accessibility assessment. DeepSA has a high early enrichment rate in discriminating hard-to-synthesize molecules and could help users select less expensive molecules for synthesis. Meanwhile, DeepSA can be used as a useful filter for molecular generation models in computational chemistry.
Availability of data and materials
All the data sets and source code are publicly available through the GitHub (https://github.com/Shihang-Wang-58/DeepSA).
References
Gupta R et al (2021) Artificial intelligence to deep learning: machine intelligence approach for drug discovery. Mol Div 25:1315–1360. https://doiorg.publicaciones.saludcastillayleon.es/10.1007/s11030-021-10217-3
Jimenez-Luna J, Grisoni F, Weskamp N, Schneider G (2021) Artificial intelligence in drug discovery: recent advances and future perspectives. Exp Opin Drug Disc 16:949–959. https://doiorg.publicaciones.saludcastillayleon.es/10.1080/17460441.2021.1909567
Sabe VT et al (2021) Current trends in computer aided drug design and a highlight of drugs discovered via computational techniques: a review. Eur J Med Chem. https://doiorg.publicaciones.saludcastillayleon.es/10.1016/j.ejmech.2021.113705
Salman MM et al (2021) Advances in Applying Computer-Aided Drug Design for Neurodegenerative Diseases. Int J Mol Sci. https://doiorg.publicaciones.saludcastillayleon.es/10.3390/ijms22094688
Chen ZQ, Min MR, Parthasarathy S, Ning X (2021) A deep generative model for molecule optimization via one fragment modification. Nat Mach Intell 3:1040–1049. https://doiorg.publicaciones.saludcastillayleon.es/10.1038/s42256-021-00410-2
Han QL et al (2022) Discovery, evaluation and mechanism study of WDR5-targeted small molecular inhibitors for neuroblastoma. Acta Pharmacologica Sinica. https://doiorg.publicaciones.saludcastillayleon.es/10.1038/s41401-022-00999-z
Wang L et al (2022) Discovery of potential small molecular SARS-CoV-2 entry blockers targeting the spike protein. Acta Pharmacologica Sinica 43:788–796. https://doiorg.publicaciones.saludcastillayleon.es/10.1038/s41401-021-00735-z
Yu JC, Xu TY, Rong Y, Huang JZ, He R (2022) Structure-aware conditional variational auto-encoder for constrained molecule optimization. Pattern Recogn. https://doiorg.publicaciones.saludcastillayleon.es/10.1016/j.patcog.2022.108581
Lee YJ, Kahng H, Kim SB (2021) Generative adversarial networks for de novo molecular design. Mol Inform. https://doiorg.publicaciones.saludcastillayleon.es/10.1002/minf.202100045
Atance SR, Diez JV, Engkvist O, Olsson S, Mercado R. De (2022) Novo drug design using reinforcement learning with graph- based deep generative models. J Chem Inform Model 62:4863–4872. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jcim.2c00838
Lu FQ, Li MF, Min XP, Li CY, De Zeng XX (2021) novo generation of dual-target ligands using adversarial training and reinforcement learning. Brief Bioinform. https://doiorg.publicaciones.saludcastillayleon.es/10.1093/bib/bbab333
Wang JK et al (2021) Multi-constraint molecular generation based on conditional transformer, knowledge distillation and reinforcement learning. Nat Mach Intell 3:914–922. https://doiorg.publicaciones.saludcastillayleon.es/10.1038/s42256-021-00403-1
Yang K, et al. (2021) In IEEE/CVF Conference on Computer Vision and Pattern Recognition (CVPR). 6684–6694
Zang CX, Wang F, Assoc Comp, M (2020) In: 26th ACM SIGKDD International Conference on Knowledge Discovery and Data Mining (KDD). 617–626
Tong XC et al (2021) Generative models for de novo drug design. J Med Chem 64:14011–14027. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jmedchem.1c00927
Sousa T, Correia J, Pereira V, Rocha M (2021) Generative deep learning for targeted compound design. J Chem Inform Model 61:5343–5361. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jcim.0c01496
Bonnet P (2012) Is chemical synthetic accessibility computationally predictable for drug and lead-like molecules? A comparative assessment between medicinal and computational chemists. Eur J Med Chem 54:679–689. https://doiorg.publicaciones.saludcastillayleon.es/10.1016/j.ejmech.2012.06.024
Ertl P, Schuffenhauer A (2009) Estimation of synthetic accessibility score of drug-like molecules based on molecular complexity and fragment contributions. J Cheminform. https://doiorg.publicaciones.saludcastillayleon.es/10.1186/1758-2946-1-8
Coley CW, Rogers L, Green WH, Jensen KF (2018) SCScore: synthetic complexity learned from a reaction corpus. J Chem Inform Model 58:252–261. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jcim.7b00622
Thakkar A, Chadimova V, Bjerrum EJ, Engkvist O, Reymond JL (2021) Retrosynthetic accessibility score (RAscore) - rapid machine learned synthesizability classification from AI driven retrosynthetic planning. Chem Sci 12:3339–3349. https://doiorg.publicaciones.saludcastillayleon.es/10.1039/d0sc05401a
Vorsilak M, Kolar M, Cmelo I, Svozil D (2020) SYBA: Bayesian estimation of synthetic accessibility of organic compounds. J Cheminform. https://doiorg.publicaciones.saludcastillayleon.es/10.1186/s13321-020-00439-2
Skoraczynski G, Kitlas M, Miasojedow B, Gambin A (2023) Critical assessment of synthetic accessibility scores in computer-assisted synthesis planning. J Cheminform. https://doiorg.publicaciones.saludcastillayleon.es/10.1186/s13321-023-00678-z
Liu CH et al (2022) RetroGNN: fast estimation of synthesizability for virtual screening and de novo design by learning from slow retrosynthesis software. J Chem Inform Model 62:2293–2300. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jcim.1c01476
Yu JH et al (2022) Organic compound synthetic accessibility prediction based on the graph attention mechanism. J Chem Inform Model 62:2973–2986. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jcim.2c00038
Genheden S et al (2020) AiZynthFinder: a fast, robust and flexible open-source software for retrosynthetic planning. J Cheminform. https://doiorg.publicaciones.saludcastillayleon.es/10.1186/s13321-020-00472-1
Chen BH, Li CT, Dai HJ, Song L (2020) in International Conference on Machine Learning (ICML)
Mendez D et al (2019) ChEMBL: towards direct deposition of bioassay data. Nucleic Acids Res 47:D930–D940. https://doiorg.publicaciones.saludcastillayleon.es/10.1093/nar/gky1075
Buhlmann S, Reymond JL (2020) ChEMBL-Likeness Score and Database GDBChEMBL. Front Chem. https://doiorg.publicaciones.saludcastillayleon.es/10.3389/fchem.2020.00046
Sterling T, Irwin JJ (2015) ZINC 15-Ligand Discovery for Everyone. J Chem Inform Model 55:2324–2337. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jcim.5b00559
Vorsilak M, Svozil D (2017) Nonpher: computational method for design of hard-to-synthesize structures. J Cheminform. https://doiorg.publicaciones.saludcastillayleon.es/10.1186/s13321-017-0206-2
Huang Z, Ji X, Lumb JP (2021) Total Synthesis of (S)-Cularine via Nucleophilic Substitution on a Catechol. Org Lett 23:236–241. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.orglett.0c04000
Zhou SQ, Jia YX (2014) Total Synthesis of (-)-Goniomitine. Org Lett 16:3416–3418. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/ol501341b
Schmidt AC, Hiersemann M (2022) Total synthesis and structural assignment of (-)-fusaequisin A. Chemistry. https://doiorg.publicaciones.saludcastillayleon.es/10.1002/chem.202103558
Jin Y et al (2021) Total synthesis of haliclonin A. Angewandte Chemie-Int Ed 60:9666–9671. https://doiorg.publicaciones.saludcastillayleon.es/10.1002/anie.202016343
Parmar K, Haghshenas P, Gravel M (2021) Total synthesis of (+)-hyacinthacine a(1) using a chemoselective cross-benzoin reaction and a furan photooxygenation-amine cyclization strategy. Org Lett 23:1416–1421. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.orglett.1c00090
Gharpure SJ, Nanda LN, Shukla MK (2014) Donor-acceptor substituted cyclopropane to butanolide and butenolide natural products: enantiospecific first total synthesis of (+)-hydroxyancepsenolide. Org Lett 16:6424–6427. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/ol503246k
Sieber S et al (2015) Isolation and total synthesis of kirkamide, an aminocyclitol from an obligate leaf nodule symbiont. Angewandte Chemie-Int Ed 54:7968–7970. https://doiorg.publicaciones.saludcastillayleon.es/10.1002/anie.201502696
Perali RS, Kalapati S (2012) First enantioselective total synthesis of (S)-(-)-longianone. Tetrahedron 68:3725–3728. https://doiorg.publicaciones.saludcastillayleon.es/10.1016/j.tet.2012.03.021
Ohtawa M et al (2019) Total synthesis and absolute configuration of simpotentin, a potentiator of amphotericin B activity. Org Lett 21:5596–5599. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.orglett.9b01945
Bucher C, Deans RM, Burns NZ (2015) Highly Selective Synthesis of Halomon, Plocamenone, and Isoplocamenone. J Am Chem Soc 137:12784–12787. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/jacs.5b08398
Yadav NN, Choi J, Ha HJ (2016) One-pot multiple reactions: asymmetric synthesis of 2,6-cis-disubstituted piperidine alkaloids from chiral aziridine. Org Biomol Chemi 14:6426–6434. https://doiorg.publicaciones.saludcastillayleon.es/10.1039/c6ob00806b
Wu GL et al (2022) Enantioselective allenation of terminal alkynes catalyzed by copper halides of mixed oxidation states and its application to the total synthesis of scorodonin. Angewandte Chemie-Int Ed. https://doiorg.publicaciones.saludcastillayleon.es/10.1002/anie.202112427
Tietze LF, Wolfram T, Holstein JJ, Dittrich B (2012) First enantioselective total synthesis of (+)-(r)-pinnatolide using an asymmetric domino allylation reaction. Org Lett 14:4035–4037. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/ol301932d
Gourdet B, Lam HW (2010) Catalytic Asymmetric Dihydroxylation of Enamides and Application to the Total Synthesis of (+)-Tanikolide. Angewandte Chemie-Int Ed 49:8733–8737. https://doiorg.publicaciones.saludcastillayleon.es/10.1002/anie.201004328
Ren H, Wulff WD (2013) Total synthesis of sedum alkaloids via catalyst controlled aza-cope rearrangement and hydroformylation with formaldehyde. Org Lett 15:242–245. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/ol302769r
Purino MA, Ramirez MA, Daranas AH, Martin VS, Padron JI (2012) Iron(III) catalyzed direct synthesis of cis-2,7-Disubstituted Oxepanes. The shortest total synthesis of (+)-Isolaurepan. Organic Letters 14:5904–5907. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/ol3028016
Saito F, Becker J, Schreiner PR (2020) Synthesis and conformational analysis of parent perhydroazulenes reveal an energetically preferred cis ring fusion. J Org Chem 85:4441–4447. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.joc.0c00167
Nagatomo M, Nishiyama H, Fujino H, Inoue M (2015) Decarbonylative radical coupling of alpha-aminoacyl tellurides: single-step preparation of gamma-amino and alpha, beta-diamino acids and rapid synthesis of gabapentin and manzacidin A. Angewandte Chemie-International Edition 54:1537–1541. https://doiorg.publicaciones.saludcastillayleon.es/10.1002/anie.201410186
Chu Y et al (2021) DTI-CDF: a cascade deep forest model towards the prediction of drug-target interactions based on hybrid features. Brief Bioinform 22:451–462. https://doiorg.publicaciones.saludcastillayleon.es/10.1093/bib/bbz152
Shan X et al (2019) Prediction of CYP450 enzyme-substrate selectivity based on the network-based label space division method. J Chem Inform Model 59:4577–4586. https://doiorg.publicaciones.saludcastillayleon.es/10.1021/acs.jcim.9b00749
Cheng X, Wang J, Li QY, Liu TG (2021) BiLSTM-5mC: a bidirectional long short-term memory-based approach for predicting 5-methylcytosine sites in genome-wide DNA promoters. Molecules. https://doiorg.publicaciones.saludcastillayleon.es/10.3390/molecules26247414
Han HT, Ding CC, Cheng X, Sang XZ, Liu TG (2021) iT4SE-EP: accurate identification of bacterial type IV secreted effectors by exploring evolutionary features from two PSI-BLAST Profiles. Molecules. https://doiorg.publicaciones.saludcastillayleon.es/10.3390/molecules26092487
Pedregosa F et al (2011) Scikit-learn: machine learning in python. J Mach Learn Res 12:2825–2830
Landrum G (2022) "RDKit: Open-source cheminformatics. https://www.rdkit.org"
Lee J et al (2020) BioBERT: a pre-trained biomedical language representation model for biomedical text mining. Bioinformatics 36:1234–1240. https://doiorg.publicaciones.saludcastillayleon.es/10.1093/bioinformatics/btz682
Chithrananda S, Grand G, Ramsundar B (2019) ChemBERTa: Large-Scale Self-Supervised Pretraining for Molecular Property Prediction. ArXiv abs/2010.09885
Bhargava P, Drozd A, Rogers A (2021) Generalization in NLI: Ways (Not) To Go Beyond Simple Heuristics. arXiv:2110.01518 (2021). https://ui.adsabs.harvard.edu/abs/2021arXiv211001518B.
Liu Y, et al. (2019) RoBERTa: A Robustly Optimized BERT Pretraining Approach. arXiv:1907.11692. https://ui.adsabs.harvard.edu/abs/2019arXiv190711692L
He P, Liu X, Gao J, Chen W (2020) DeBERTa: Decoding-enhanced BERT with Disentangled Attention. arXiv:2006.03654. https://ui.adsabs.harvard.edu/abs/2020arXiv200603654H.
Guo D, et al. (2020) GraphCodeBERT: Pre-training Code Representations with Data Flow. arXiv:2009.08366. https://ui.adsabs.harvard.edu/abs/2020arXiv200908366G
Clark K, Luong M-T, Le QV, Manning CD (2020) ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators. arXiv:2003.10555. <https://ui.adsabs.harvard.edu/abs/2020arXiv200310555C.
Ahmad W, Simon E, Chithrananda S, Grand G, Ramsundar B (2022) ChemBERTa-2: Towards Chemical Foundation Models. arXiv:2209.01712. https://ui.adsabs.harvard.edu/abs/2022arXiv220901712A
Erickson N, et al. (2020) AutoGluon-Tabular: Robust and Accurate AutoML for Structured Data. ArXiv abs/2003.06505
Shi X, Mueller J, Erickson N, Li M, Smola AJ (2021) Benchmarking Multimodal AutoML for Tabular Data with Text Fields. ArXiv abs/2111.02705
Wortsman M, et al. (2022) Model soups: averaging weights of multiple fine-tuned models improves accuracy without increasing inference time. arXiv:2203.05482. https://ui.adsabs.harvard.edu/abs/2022arXiv220305482W
Wang S, Guo Y, Wang Y, Sun H, Huang J (2019) In Proceedings of the 10th ACM International Conference on Bioinformatics, Computational Biology and Health Informatics 429–436 (Association for Computing Machinery, Niagara Falls, NY, USA, 2019)
Acknowledgements
We would like to thank Dr. Jianjun Cheng and Mr. Zongquan Li from ShanghaiTech University for informative discussion. We are also grateful for the support from HPC Platform of ShanghaiTech University.
Funding
This work was supported by National Key R&D Program of China (Grant IDs: 2022YFC3400501 & 2022YFC3400500), Shanghai Science and Technology Development Funds (Grant IDs: 20QA1406400 and 22ZR1441400), Lingang Laboratory (Grant ID: LG202102-01–03), the National Natural Science Foundation of China (No 82003654), start-up package from ShanghaiTech University, and Shanghai Frontiers Science Center for Biomacromolecules and Precision Medicine at ShanghaiTech University.
Author information
Authors and Affiliations
Contributions
SW, LW, and FB contributed to conceptualization, model development, and test, FL developed the web server, all authors contributed to writing the manuscript.
Corresponding author
Ethics declarations
Competing interests
The authors declare 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
Additional file 1: Table S1.
Detailed information of the parameter settings used for Retro*. Table S2. Detailed information of the data sets used in DeepSA. Table S3. Detailed information of the parameter settings used for DeepSA. Table S4. Performance comparison of the different DeepSA models on the external three test sets. Table S5. Generated three different randomized SMILES representations for each compound and extracted a total of 54 embeddings of the 18 compounds.
Additional file 2: Fig. S1.
Embeddings of 18 different selected compounds in DeepSA.
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.
About this article
Cite this article
Wang, S., Wang, L., Li, F. et al. DeepSA: a deep-learning driven predictor of compound synthesis accessibility. J Cheminform 15, 103 (2023). https://doiorg.publicaciones.saludcastillayleon.es/10.1186/s13321-023-00771-3
Received:
Accepted:
Published:
DOI: https://doiorg.publicaciones.saludcastillayleon.es/10.1186/s13321-023-00771-3