- Research
- Open access
- Published:
Improving VAE based molecular representations for compound property prediction
Journal of Cheminformatics volume 14, Article number: 69 (2022)
Abstract
Collecting labeled data for many important tasks in chemoinformatics is time consuming and requires expensive experiments. In recent years, machine learning has been used to learn rich representations of molecules using large scale unlabeled molecular datasets and transfer the knowledge to solve the more challenging tasks with limited datasets. Variational autoencoders are one of the tools that have been proposed to perform the transfer for both chemical property prediction and molecular generation tasks. In this work we propose a simple method to improve chemical property prediction performance of machine learning models by incorporating additional information on correlated molecular descriptors in the representations learned by variational autoencoders. We verify the method on three property prediction tasks. We explore the impact of the number of incorporated descriptors, correlation between the descriptors and the target properties, sizes of the datasets etc. Finally, we show the relation between the performance of property prediction models and the distance between property prediction dataset and the larger unlabeled dataset in the representation space.
Introduction
One of the challenging tasks in chemoinformatics and molecular modeling is the prediction of physicochemical properties and/or biological activities of chemical compounds from their molecular/chemical features. Quantitative structure–activity/property relationship (QSAR/QSPR) modeling based on machine learning (ML) methods, though, achieved a certain amount of success [1,2,3], but still suffer from a number of issues. Prediction efficacy and performance of ML methods is often limited by the availability of labeled datasets. The size of the training data is acknowledged as a key property for reliable and accurate predictions [4, 5]. Another obstacle of classical machine learning is reliance on similarity of chemical/biological space occupied by training and test datasets [6, 7]. Difference in training and test data distribution may lead to faulty extrapolation of the model and even degradation [8]. This scenario implies collection of a new training dataset, which in practice is hard to achieve due to expensive and time-consuming experimental procedures. One of the proposed solutions is called transfer learning, which consists of model pre-training on a large scale dataset with cheap or free labels and a further fine-tuning on a smaller target dataset [9, 10]. Ideally, this pre-training causes the model to develop general-purpose abilities and knowledge that can then be transferred to downstream tasks. Recent developments in transfer learning techniques have shown competitive results in QSAR/QSPR modeling [11,12,13]. Additionally, the performance of an ML algorithm depends to a large extent on the way input data is represented. Consequently, various descriptors and fingerprints engineered by experts have been widely employed for properties predictions [14, 15].
Achievements in deep neural networks put forward data-driven representation learning based on molecular graphs [16,17,18] or sequence-based strings, like SMILES (Simplified Molecular Input Line Entry Specification) [19, 20]. In recent years, unsupervised latent representation of molecules extracted from variational autoencoders (VAEs) with encoder-decoder architecture for QSAR/QSPR tasks has gained significant attention. One of the earliest works in this area is chemical VAE (CVAE) proposed by Gómez-Bombarelli et al. [21], which converts a SMILES sequence to and from a fixed sized continuous vectors. Though the main purpose of the developed version of VAE was de novo molecule generation, the authors also utilized latent representations for property predictions. Joint training of VAE with a property predictor results in a latent space organized in a way that the molecules are ordered according to their property values. Since then, various adaptations and modifications of VAEs have been proposed, aiming to improve latent space organization [22,23,24,25,26]. Despite huge efforts, the performance of VAEs is still far from perfect. Recently, latent representations extracted from VAEs pre-trained on large datasets have been exploited as a basis for transfer learning [27, 28]. It was shown that although this approach resulted in reasonable performance, simpler ML models like gradient boosting or graph convolutional networks without transfer learning still outperform it.
In the present work, we aim to test the hypothesis that jointly training a VAE with an additional predictor of descriptors specifically correlated with the property of interest may impact the latent space quality and, consequently, improve the prediction accuracy of the downstream task. For this, we adopted the following approach (Fig. 1): first we identified a subset of descriptors mostly correlated with a particular target in downstream tasks, then we pre-trained a VAE along with a predictor of the chosen descriptors on the data-rich ZINC dataset. Afterwards, extracted embeddings were utilized in building models for the target regression and classification tasks.
Methods
Datasets and preprocessing
Throughout the paper, the term “source dataset” refers to a large unlabeled dataset of small molecules which can be utilized in learning molecular representations. While the source dataset is unlabeled, we can still compute values of many descriptors for all the molecules using chemical software libraries. The “target dataset” refers to a small-scale labeled dataset for a particular downstream task which will be used in QSAR/QSPR modeling.
Following previous studies [21, 22], we have used a ZINC-250 K as a source dataset. It consists of 250,000 drug-like molecules downloaded from the ZINC15 database [29].
The proposed approach was tested in two regression and one classification QSAR/QSPR problems. Table 1 shows the sizes of relevant target datasets. Aqueous solubility (logS) data were adopted from Cui et al. [30], which was collected from ChemIDplus database and literature search. The experimental lipophilicity (logD) data were retrieved from ChEMBL (version 29). The data was curated so that only results for octanol/aqueous buffer determined by conventional shake-flask method at pH 7.4 were kept. Blood–brain barrier penetration (logBB) data was obtained and integrated from various studies [31,32,33,34,35,36,37]. For the initial data processing, the duplicates from all datasets were removed by InChiKeys comparisons, using RDKit [38]. Compounds with equivocal values or contradicting data were discarded. Additionally, all salts and mixtures were excluded. Furthermore, since most of the collected logBB data were divided into two classes, we applied the same threshold used in the sourced publications to classify compounds into BBB + and BBB- classes based on the criterion logBB ≥ − 1 or logBB < − 1, respectively. We note that logBB prediction is significantly harder than the other two tasks as it involves complex biological processes. The datasets are accessible from our github repository (https://github.com/znavoyan/vae-embeddings).
Descriptors selection
For each of the target datasets, we have computed molecular descriptors for all compounds via RDkit package [38]. The computed data was inspected for outliers and missing values, which were dropped off from the dataset. A variance threshold of 0.5 was used to remove all descriptors with low variance. Afterwards, the optimal subset of descriptors for each of the tasks was determined by the filter-based linear correlation method [39]. Note that for the logBB dataset, the correlation was computed only for the subset of compounds for which we had numeric values. The intercorrelated descriptors with the Pearson correlation coefficient r > 0.9 were eliminated by excluding one of the descriptors (correlation heatmaps are presented in Additional file 1: Fig. S1). Finally, three descriptors mostly relevant with a target task were selected (Table 2).
Variational autoencoders
Variational autoencoders (VAEs) are generative models designed to model an unknown data distribution using a finite sample from the distribution. A regular VAE consists of an encoder which maps every input sample to a normal distribution over the continuous latent space, and a decoder which maps every point of the latent space to a point in the input space [40]. Encoder and decoder are defined as neural networks and are jointly trained to optimize a lower bound on the likelihood of the input samples. In practice it is implemented by minimization of a loss function with two terms: a reconstruction term, which forces the decoder to correctly reconstruct the input given its latent representation, and a regularization term which is the Kullback–Leibler (KL) divergence between the conditional distributions given by the encoder and some predefined prior distribution.
Chemical VAE (CVAE) adapts this architecture for small molecules [21]. The inputs to the VAEs are small molecules represented by a SMILES string. CVAE also adds an additional predictor module on top of the latent representation which can be used to predict a set of properties for the input molecules. The predictor is implemented as a multi-layer perceptron (MLP) with 3 hidden layers.
Penalized VAE (PVAE) applies weights on the output alphabet of the decoder depending on the prevalence of characters in SMILES strings [26]. It helps to significantly improve the reconstruction accuracy of the model. CVAE uses a convolutional network for the encoder and Gated recurrent units (GRU) [41] for the decoder. PVAE uses GRU networks for both, and a single linear layer for the predictor. We use both CVAE and PVAE in our experiments. The latent space is 196-dimensional, hence each molecule will be represented by 196-dimensional vectors in the downstream tasks. The hyperparameters of VAEs used in this work are presented in Additional file 1: Table S1.
QSAR models
Three ML models were applied on latent representations: Multilayer Perceptron (MLP), Linear Regression (LR) and deep neural network based on 1D ResNet (residual network) architecture. The first two are conventional algorithms in ML, while the usage of 1D ResNet in prediction of compound’s physico-chemical properties have been proposed by Cui et al. [30] and showed competitive results in aqueous solubility prediction. Since the source code for 1D ResNet was not available, we have re-implemented the architecture by following the instructions in the paper. The models were optimized with respect to their hyperparameters (Additional file 1: Table S2). The training was done using the tenfold cross validation method with the scikit-learn library for Python [42].
Evaluation metrics and distance measurements
The predictive performance of the models was evaluated by the coefficient of determination (R2) and root mean squared error (RMSE) for regression tasks, while accuracy and F1(harmonic mean of the precision and recall) was used for classification task.
For performance comparison, ML models applied on VAE-based latent representations were benchmarked against the same models applied on ECFP4 (1024) fingerprint. The statistical significance was evaluated by pairwise comparison using bootstrap resampling. For 1000 trials, a random sample was selected with replacement from each of ten-fold cross validation sets and R2 or accuracy was calculated for each pair of submissions. Further, in these 1000 trials we calculated the proportion of times that R2 or accuracy of one candidate in the pair exceeded corresponding evaluation metrics of the other candidate. The pair was considered significantly different, if the proportion was higher than 95%.Additionally we were interested in the performance of the models on parts of the target dataset with respect to their distance from the source dataset. Formally, we clustered the target dataset using K-Means algorithm, and calculated the distance between the cluster and the source dataset.
There are many ways to compute the distance between two sets of molecules. Recently K. Preuer et al. proposed Fréchet ChemNet Distance [43]. It assumes that the distributions of the molecules are Gaussian in the latent space, estimates the means and covariance matrices of the Gaussians, and calculates the Fréchet distance between them. We believe this assumption is unrealistic and suggest measuring the distance using the tools provided by VAEs. The encoder of a VAE maps every input molecule to a Gaussian distribution in the latent space parametrized by the encoder’s outputs. VAEs minimize the expected distance between these Gaussians to the prior distribution measured by KL divergence. We suggest using the same expected KL divergence to measure the distance between target dataset and the prior, and compare it to the distance between source dataset and the prior. Note that unlike Fréchet ChemNet Distance, this definition of the distance between distributions in the latent space is applicable only to VAE-based models.
Results and discussion
The influence of the most correlated descriptor
In order to investigate the influence of VAE pre-training with relevant descriptors on the quality of latent space, a set of experiments were carried out. First, both types of VAEs were pre-trained with the most correlated task-specific descriptor on the ZINC-250 K source dataset. The extracted embeddings were utilized in the three target tasks. As a baseline, 1D ResNet, MLP and linear regression models trained on the ECPF4 circular fingerprint.
As evident from Fig. 2, performance of all three QSAR models utilizing embeddings extracted from jointly pre-trained VAEs was statistically higher (p < 0.05) as compared to the baseline fingerprint for logS dataset. In contrast, for logD endpoint the baseline model was found to be superior, while comparable results were obtained for logBB task. Detailed performance metrics are presented in the Additional file 1: Tables S3 and S4.
Jointly pre-training with the most relevant property significantly improved downstream prediction performance of PVAE based latent representations applied on MLP and linear regression models for both logS and logD tasks (Fig. 2 and Additional file 1: Table S3 and S4), while with 1D ResNet though improvement was observed it did not reach statistical significance. This trend was even more evident in the case of the CVAE, reaching statistical significance (p < 0.05) across all QSAR models. The pattern was observed even for a relatively weak correlation seen between logD and MolLogP (r = -0.43). The only exception was logBB dataset, where no significant improvement was found across both types of VAEs and three QSAR models.Overall, our results indicate that PVAE outperformed the CVAE in all three tasks. Among the studied QSAR models, the best performance was achieved with 1D ResNet, followed by MLP. In logBB prediction tasks, all models gave similar results.
While the logBB prediction task is the hardest task we examined, we attempt to analyse what factors could explain the poor influence of the joint pre-training with the correlated descriptor in case of PVAE. One possible explanation is that the molecule's structural features and the chemical property, i.e. topological surface area (TPSA), are already embedded in the PVAE space even without explicitly training it with the TPSA predictor. To verify this hypothesis, we measured how much information about the TPSA descriptor is contained in the embeddings by training a linear model on top of the embeddings to predict TPSA. Table 3 shows that although adding a TPSA predictor to PVAE improves TPSA predicting performance of PVAE embeddings, the difference is much smaller than in CVAE. Indeed, the raw PVAE has more information about TPSA than the raw CVAE.
Another difference between logS and logBB prediction tasks is the size of the target datasets. Table 4 shows that if we train a ResNet model to predict logS on a dataset with the same size as the logBB dataset, still the version of PVAE with a descriptor predictor performs better. So while the size of the target dataset is important, it does not explain the poor influence of the TPSA predictor.
Finally, we note that our logBB dataset contains compounds that penetrate blood–brain barrier via both passive diffusion and active transport (i.e. through “structure-specific” transporters) mechanisms, which makes structure based information even more relevant than property-based one [36].
Variance of the models
In our experiments we have noticed a high variance in the performance of VAE-based QSAR models. In this section we discuss the sources of the observed variance in detail. Our experimental setup induces four such sources:
-
1.
Pre-training of the VAE, which comes from the initialization of its weights and the stochastisticity of the training batches,
-
2.
The noise induced by VAE’s encoder when obtaining the embeddings of molecules,
-
3.
Training / test split of the target dataset,
-
4.
Training of the downstream QSAR/QSPR model.
To save time and compute, we focus on linear regression models in this section. They are trained in a deterministic fashion and hence eliminate the fourth source of the variance.
We obtain embeddings of the molecules by passing the entire target dataset through the encoder of a pre-trained PVAE (with MolLogP) five times, split the dataset into 10 folds and train linear regression models to predict the target property. The results are displayed on Fig. 3. While the standard deviation of the R2 of the models across the folds is 0.023 and 0.034 for logS and logD, respectively (on average), we report the mean R2 of the 10 folds, and the standard deviation of these means across different embeddings is only 0.001 and 0.003 for logS and logD, respectively.
To measure the variance coming from the first source, we train five PVAEs of two types: without a predictor, and with a MolLogP-predictor. Then we train linear regression models on the representations taken from each of these VAEs (only one embedding per VAE) and visualize the evaluation metrics. As always, we perform tenfold cross-validation, and average the scores across the folds. The Bell curves in Fig. 4 represent normal distributions computed by the mean and the variance of five scores, one per each PVAE. The variance coming from the pre-training of VAEs is much larger than the variance coming from the encoder’s outputs.
Leveraging multiple correlated descriptors
Since better results were achieved with the PVAE, it was used in all further experiments. To push the strategy of incorporating descriptor information into VAEs to its limit, we tried to arrange the chemical space by a subset of descriptors. For this, the PVAE was pre-trained with the top two and top three descriptors correlated with the target variable. The behavior varied a lot across the setups. As evident from the results (Table 5), adding the second most correlated descriptor improved logS prediction performance for the ResNet model, while for linear regression, adding the third one was necessary to see a gain. For MLP, further addition of the descriptors did not lead to significant changes. In case of logD prediction, addition of the second descriptor helped only in MLP model, while two other models got worse with the additional descriptors. In logBB prediction adding new descriptors does not significantly affect the performance (Table 6).
To explain why the pre-training with the top three correlated descriptors gives opposite effects for the linear regression model of logS and logD prediction tasks, we hypothesize that PVAE struggles to smoothly organize the latent space with multiple descriptors in case of the logD-correlated descriptors, but not in case of the logS-correlated descriptors. One way to measure it is to see whether the representations retain information about MolLogP when more descriptors are used in the pre-training phase. We trained linear regression models to predict MolLogP from various representations and calculated their RMSE errors. Table 7 shows that logD-correlated descriptors do not reduce the quality of representations in terms of the information kept about MolLogP, so this experiment did not support our hypothesis.
Previously, it has been suggested that multi task-learning neural networks can benefit only from training with correlated features, otherwise causing model degradation [44, 45]. Our results indicate that this is not always the case. The embeddings extracted from the PVAE jointly pre-trained with multiple descriptors with low intercorrelation were able to achieve predictive power comparable to single-task pre-training in many cases, while in other cases they achieved a noticeable stronger performance.
The impact of the correlation coefficient
To evaluate the association between predictive performance and the correlation between the target variable and the descriptor, we pre-trained PVAE with several descriptors with descending correlation coefficients. The predictive performance of the extracted embedding was evaluated for logS and logD datasets using ResNet models. We expected the performance to decrease when pre-training with less correlated descriptors. Additionally, we tried to verify whether the correlation was the only factor affecting the downstream performance. To do that we have created “synthetic” descriptors with lower correlation to the target variable by adding random noise to the MolLogP descriptor. The noise reduced the descriptor’s correlation to match the corresponding values of the selected real descriptors.
As expected, predictive performance of the models generally worsened as the correlation coefficient decreased, both in case of real descriptors and synthetic descriptors with noisy MolLogP (Fig. 5). We have identified a few exceptions. In particular, logS prediction performance (Fig. 5a) was better when the PVAE was pre-trained with MolWt (r = 0.59) compared to the PVAE pre-trained with PEOE_VSA6 (r = 0.61). This is the first evidence that while the correlation coefficient is important, it is not the sole factor. The other factors might be connected to the underlying physics of the particular descriptors. The other, stronger evidence comes from the experiments with the synthetic descriptors. In 7 out of 8 experiments, the PVAEs pre-trained with noisy MolLogP predictors performed better than the PVAEs pre-trained with descriptors having the same correlation coefficient. In general, the mentioned patterns are less expressed on logD prediction tasks (Fig. 5b) possibly due to the higher variance of the performance of VAE-based models (Subsection “Variance of the models”).
The impact of the source dataset’s size
Furthermore, we aimed to assess how the size of the source dataset affects the reconstruction accuracy and prediction quality in a downstream task. Here, two versions of PVAE, with and without joint training with a descriptor, were pre-trained on the random subsets of ZINC-250 K dataset, with the sizes ranging between 2 and 100% of the original size. Molecular embedding extracted from the pre-trained PVAEs were utilized in the logS prediction task. As can be seen from Fig. 6a, in both setups of PVAE pre-training, the reconstruction accuracy gradually increased from 2.5 up to 76.8% when the size of the source dataset was increased from 5 to 250 K. In contrast, predictive performance reached the plateau at the 25 K and further increase of the source training set led to only slight perturbation in models predictive power (Fig. 6b). The similar pattern was preserved in case of joint pre-training.
Latent space structure
First we visualize how the added property affects the order of molecules in the latent space. For that, we forward pass the test set of the ZINC-250 K source dataset through the encoders of pre-trained VAEs, perform a 2-dimensional PCA on the 196-dimensional vectors and color them by the value of the respective descriptor. The results are shown on Fig. 7. Adding the descriptor always makes similarly colored points to get closer, similar to what was observed by Gómez-Bombarelli et al. [21] On the other hand, for the VAEs trained with and without TPSA we see a large difference between CVAE models and a smaller difference between PVAE models, which is consistent with the results seen in Table 5.
Next, we visualize how the target datasets are spread in the latent space with respect to the source dataset. It is interesting to note that in case of both types of PVAEs (with and without descriptor predictor modules) parts of the target datasets lay outside the source dataset according to the two principal components (Fig. 8).
To further explore how the distance from the source dataset affects the performance of the downstream QSAR models, we split the embeddings of the logS dataset into 10 clusters using K-Means clustering. For each cluster we compute the distance from the source dataset and the average RMSE error of the prediction (note that we have predictions for all molecules, as each molecule belongs to the test split of one fold).
The results are shown in Fig. 9. The distance between the source dataset and the prior is 0.058. RMSE on the closest clusters (KL divergence < 0.1) is roughly between 0.5 and 0.7. RMSE for further clusters (KL divergence > 0.15) is larger than 0.8 with one exception: there is one cluster far from the prior (KL divergence = 0.22) and very low RMSE (0.43). Manual inspection shows that this “easy” cluster contains very small molecules mostly having less than 10 atoms. The choice of the number of clusters does not affect this conclusion, as shown in Additional file 1: Fig. S2.
Conclusions
Encoding molecules into fixed-sized continuous representations is crucially important for the development of physicochemical and biological property prediction algorithms. The main focus of this study was transferability of the embeddings extracted from VAEs rather than a comparison with the top machine learning approaches. We have demonstrated that the joint pre-training of VAE with the most relevant descriptor increased its predictive performance in the downstream tasks. The increase in computational cost compared to the plain VAE is negligible, as it is possible to compute hundreds of descriptors for the entire datasets in a few minutes, and the predictor module added to the VAE does not increase its training time. We have also analysed the different sources of variance in the performance of the QSAR models.
We have further analysed the effect of using multiple descriptors at once. In some cases it improved downstream performance. We have shown that while more correlated descriptors tend to have stronger improvement on the performance of QSAR models, the correlation coefficient is not the sole factor affecting the performance.
We have seen that the size of the source dataset impacts reconstruction accuracy of the VAE, but does not affect downstream performance. We have confirmed that the joint pre-training of VAE with a descriptor predictor results in more smoothly organized latent space with respect to the selected descriptor.
Finally, we have identified that the source dataset ZINC-250 K does not fully cover the target datasets in the space of molecular representations learned by VAE. The QSAR models we have analysed tend to have worse performance on the parts of the target datasets that are further from the source dataset, with an exception of a subset of very small molecules, indicating that choosing the source dataset in a way that the learned representations are diverse enough to cover target datasets might improve the performance of downstream QSAR models.
Availability of data and materials
The datasets, codes/scripts required to reproduce the results of this article are available in our GitHub repository: https://github.com/znavoyan/vae-embeddings.
Abbreviations
- QSAR:
-
Quantitative structure–activity relationship
- QSPR:
-
Quantitative structure–property relationship
- ML:
-
Machine learning
- SMILES:
-
Simplified molecular input line entry specification
- VAE:
-
Variational autoencoder
- CVAE:
-
Chemical variational autoencoder
- logS:
-
Aqueous solubility
- logD:
-
Lipophilicity
- logBB:
-
Blood–brain barrier penetration
- PVAE:
-
Penalized variational autoencoder
- GRU:
-
Gated Recurrent Units
- MLP:
-
Multilayer Perceptron
- LR:
-
Linear Regression
- ResNet:
-
Residual network
- RMSE:
-
Root mean squared error
- KL:
-
Kullback–Leibler
- TPSA:
-
Topological surface area
References
Cherkasov A, Muratov EN, Fourches D, Varnek A, Baskin II, Cronin M, Dearden J, Gramatica P, Martin YC, Todeschini R, Consonni V, Kuz’min VE, Cramer R, Benigni R, Yang C, Rathman J, Terfloth L, Gasteiger J, Richard A, Tropsha A (2014) QSAR modeling: where have you been? Where are you going to? J Med Chem 57:4977–5010. https://doi.org/10.1021/JM4004285
Mater AC, Coote ML (2019) Deep learning in chemistry. J Chem Inf Model 59:2545–2559
Le T, Epa VC, Burden FR, Winkler DA (2012) Quantitative structure-property relationship modeling of diverse materials properties. Chem Rev 112:2889–2919. https://doi.org/10.1021/CR200066H
Prusa J, Khoshgoftaar TM, Seliya N (2015) The effect of dataset size on training tweet sentiment classifiers. In: 2015 IEEE 14th International Conference on Machine Learning and Applications (ICMLA). IEEE, USA, pp 96–102
Ying X (2019) An overview of overfitting and its solutions. J Phys Conf Ser 1168:022022. https://doi.org/10.1088/1742-6596/1168/2/022022
Tropsha A (2010) Best practices for QSAR model development, validation, and exploitation. Mol Inform 29:476–488
Pan SJ, Yang Q (2010) A survey on transfer learning. IEEE Trans Knowl Data Eng 22:1345–1359. https://doi.org/10.1109/TKDE.2009.191
Shimodaira H (2000) Improving predictive inference under covariate shift by weighting the log-likelihood function. J Stat Plan Inference 90:227–244
Weiss K, Khoshgoftaar TM, Wang D (2016) A survey of transfer learning. J Big Data 3:1–40. https://doi.org/10.1186/S40537-016-0043-6
Simões RS, Maltarollo VG, Oliveira PR, Honorio KM (2018) Transfer and Multi-task learning in QSAR modeling: advances and challenges. Front Pharmacol. https://doi.org/10.3389/FPHAR.2018.00074
Goh GB, Vishnu A, Siegel C, Hodas N (2018) Using rule-based labels for weak supervised learning: A ChemNet for transferable chemical property prediction. In: Proceedings of the 24th ACM SIGKDD International Conference of Knowledge Discovery and Data Mining, pp 302–310.
Li X, Fourches D (2020) Inductive transfer learning for molecular activity prediction: Next-Gen QSAR models with MolPMoFiT. J Cheminform 12:1–15
Li Y, Xu Y, Yu Y (2021) CRNNTL: convolutional recurrent neural network and transfer learning for QSAR modelling. arXiv Preprint. https://doi.org/10.48550/arXiv.2109.03309
Rogers D, Hahn M (2010) Extended-connectivity fingerprints. J Chem Inf Model 50:742–754
Kausar S, Falcao AO (2019) Analysis and comparison of vector space and metric space representations in QSAR modeling. Molecules 24:1698. https://doi.org/10.3390/MOLECULES24091698
Coley CW, Barzilay R, Green WH, Jaakkola TS, Jensen KF (2017) Convolutional embedding of attributed molecular graphs for physical property prediction. J Chem Inf Model 57:1757–1772
Wu Z, Ramsundar B, Feinberg EN, Gomes J, Geniesse C, Pappu AS, Leswing K, Pande V (2018) MoleculeNet: a benchmark for molecular machine learning. Chem Sci 9:513–530
Tang B, Kramer ST, Fang M, Qiu Y, Wu Z, Xu D (2020) A self-attention based message passing neural network for predicting molecular lipophilicity and aqueous solubility. J Cheminform 12:1–9
Kimber TB, Engelke S, Tetko IV, Bruno E, Godin G (2018) Synergy effect between convolutional neural networks and the multiplicity of SMILES for improvement of molecular prediction. arXiv Preprint. https://doi.org/10.48550/arXiv.1812.04439
Zheng S, Yan X, Yang Y, Xu J (2019) Identifying Structure-property relationships through SMILES syntax analysis with self-attention mechanism. J Chem Inf Model 59:914–923
Gómez-Bombarelli R, Wei JN, Duvenaud D, Hernández-Lobato JM, Sánchez-Lengeling B, Sheberla D, Aguilera-Iparraguirre J, Hirzel TD, Adams RP, Aspuru-Guzik A (2018) Automatic chemical design using a data-driven continuous representation of molecules. ACS Cent Sci 4:268–276
Kusner MJ, Paige B, Hernández-Lobato JM (2017) Grammar variational autoencoder. arXiv Preprint. https://doi.org/10.48550/arXiv.1703.01925
Dai H, Tian Y, Dai B, Skiena S, Song L (2018) Syntax-directed variational autoencoder for structured data. arXiv Preprint. https://doi.org/10.48550/arXiv.1802.08786
Jin W, Barzilay R, Jaakkola T (2018) Junction tree variational autoencoder for molecular graph generation. arXiv Preprint. https://doi.org/10.48550/arXiv.1802.04364
Alperstein Z, Cherkasov A, Rolfe JT (2019) All SMILES variational autoencoder. arXiv Preprint. https://doi.org/10.48550/arXiv.1905.13343
Mohammadi S, O’Dowd B, Paulitz-Erdmann C, Goerlitz L (2019) Penalized variational autoencoder for molecular design. Chemrxiv Preprint. https://doi.org/10.26434/chemrxiv.7977131.v2
Galushka M, Swain C, Browne F, Mulvenna MD, Bond R, Gray D (2021) Prediction of chemical compounds properties using a deep learning model. Neural Comput Appl 20:1–22. https://doi.org/10.1007/S00521-021-05961-4
Lovrić M, Đuričić T, Tran HTN, Hussain H, Lacić E, Rasmussen MA, Kern R (2021) Should we embed in chemistry? A comparison of unsupervised transfer learning with PCA, UMAP, and VAE on molecular fingerprints. Pharmaceuticals 14:758. https://doi.org/10.3390/PH14080758
Sterling T, Irwin JJ (2015) ZINC 15 –ligand discovery for everyone. J Chem Inf Model 55:2324–2337
Cui Q, Lu S, Ni B, Zeng X, Tan Y, Chen YD, Zhao H (2020) Improved prediction of aqueous solubility of novel compounds by going deeper with deep learning. Front Oncol 10:121. https://doi.org/10.3389/FONC.2020.00121/BIBTEX
Adenot M, Lahana R (2004) Blood-brain barrier permeation models: discriminating between potential CNS and non-CNS drugs including p-glycoprotein substrates. J Chem Inf Comput Sci 44:239–248
Martins IF, Teixeira AL, Pinheiro L, Falcao AO (2021) A Bayesian approach to in silico blood-brain barrier penetration modeling. J Chem Inf Model 52:1686–1697
Plisson F, Piggott AM (2019) Predicting blood−brain barrier permeability of marine-derived kinase inhibitors using ensemble classifiers reveals potential hits for neurodegenerative disorders. Mar Drugs 17:81. https://doi.org/10.3390/MD17020081
Gao Z, Chen Y, Cai X, Xu R, Sahinalp C (2017) Predict drug permeability to blood-brain-barrier from clinical phenotypes: drug side effects and drug indications. Bioinformatics 33:901–908
Wang Z, Yang H, Wu Z, Wang T, Li W, Tang Y, Liu G (2018) In silico prediction of blood-brain barrier permeability of compounds by machine learning and resampling methods. ChemMedChem 13:2189–2201
Yuan Y, Zheng F, Zhan CG (2018) Improved prediction of blood-brain barrier permeability through machine learning with combined use of molecular property-based descriptors and fingerprints. AAPS J 20:54. https://doi.org/10.1208/S12248-018-0215-8
Singh M, Divakaran R, Konda LSK, Kristam R (2020) A classification model for blood brain barrier penetration. J Mol Graph Model 96:107516. https://doi.org/10.1016/J.JMGM.2019.107516
Landrum G (2021) Rdkit: Open-source cheminformatics software. https://github.com/rdkit. Accessed on Jan 2020.
Yu L, Liu H (2004) Efficient feature selection via analysis of relevance and redundancy. J Mach Learn Res 5:1205–1224
Kingma DP, Welling M (2014) Auto-encoding variational bayes. arXiv preprint. https://doi.org/10.48550/arXiv.1312.6114
Cho K, Van Merriënboer B, Gulcehre C, Bahdanau D, Bougares F, Schwenk H, Bengio Y (2014) Learning Phrase Representations using RNN Encoder–Decoder for Statistical Machine Translation. In: Proceedings of the 2014 Conference on Empirical Methods in Natural Language Processing (EMNLP). Association for Computational Linguistics, Qatar, pp 1724–1734.
Pedregosa F, Varoquaux G, Gramfort A, Michel V, Thirion B, Grisel O, Blondel M, Prettenhofer P, Weiss R, Dubourg V, Vanderplas J, Passos A, Cournapeau D (2011) Scikit-learn: machine learning in python. JMLR 12:2825–2830
Preuer K, Renz Ph, Unterthiner Th, Hochreiter S, Klambauer G (2018) Fréchet chemnet distance: a metric for generative models for molecules in drug discovery. J Chem Inform Model 58:1736–1741
Xu Y, Ma J, Liaw A, Sheridan RP, Svetnik V (2017) Demystifying multitask deep neural networks for quantitative structure-activity relationships. J Chem Inf Model 57:2490–2504
Sosnin S, Vashurina M, Withnall M, Karpov P, Fedorov M, Tetko IV (2018) A survey of multi-task learning methods in chemoinformatics. Mol Inform 38:e1800108. https://doi.org/10.1002/minf.201800108
Funding
This work was supported by the RA MES State Committee of Science, in the framework of the research project № 20TTCG-1F004.
Author information
Authors and Affiliations
Contributions
ZN, NB and HS conceptualized and supervised the project. AT carried out all the machine learning studies and descriptors calculations. LK, HK and ZN formulated machine learning strategies. HK supervised their implementation. GT and LA collected all data. LK, NB and HK prepared original manuscript. LK, HK, HS, NB and ZN. reviewed and edited it. All authors read and approved the final manuscript.
Corresponding author
Ethics declarations
Competing interests
The authors declare that they have 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. Hyperparameters of CVAE (a) and PVAE (b) and size of the models (c) used for pre-training. Table S2. Hyperparameters of the 1D ResNet architecture. Table S3. Performance of various models for predicting downstream tasks (a) logS, (b) logD and (c) logBB. Fig S1. Correlation Heatmaps between descriptors calculated by RDkit package and aqueous solubility log S (a), lipophilicity logD (b) and blood-brain barrier penetration logBB (c) datasets. Fig. S2. Clusters of the molecules from logS dataset in the latent space of a PVAE jointly pre-trained with a MolLogP predictor. Clusters are obtained using K-Means algorithm with varying number of clusters. In all cases there is one outlier cluster, without which there is a correlation between RMSE error of logS prediction and KL divergence between the cluster and the prior distribution.
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
Tevosyan, A., Khondkaryan, L., Khachatrian, H. et al. Improving VAE based molecular representations for compound property prediction. J Cheminform 14, 69 (2022). https://doi.org/10.1186/s13321-022-00648-x
Received:
Accepted:
Published:
DOI: https://doi.org/10.1186/s13321-022-00648-x