Skip to main content
NIHPA Author Manuscripts logoLink to NIHPA Author Manuscripts
. Author manuscript; available in PMC: 2023 Apr 12.
Published in final edited form as: KDD. 2022 Aug 14;2022:4724–4732. doi: 10.1145/3534678.3542676

MolSearch: Search-based Multi-objective Molecular Generation and Property Optimization

Mengying Sun 1, Huijun Wang 2, Jing Xing 3, Bin Chen 4, Han Meng 5, Jiayu Zhou 6
PMCID: PMC10097503  NIHMSID: NIHMS1888099  PMID: 37056719

Abstract

Leveraging computational methods to generate small molecules with desired properties has been an active research area in the drug discovery field. Towards real-world applications, however, efficient generation of molecules that satisfy multiple property requirements simultaneously remains a key challenge. In this paper, we tackle this challenge using a search-based approach and propose a simple yet effective framework called MolSearch for multi-objective molecular generation (optimization). We show that given proper design and sufficient information, search-based methods can achieve performance comparable or even better than deep learning methods while being computationally efficient. Such efficiency enables massive exploration of chemical space given constrained computational resources. In particular, MolSearch starts with existing molecules and uses a two-stage search strategy to gradually modify them into new ones, based on transformation rules derived systematically and exhaustively from large compound libraries. We evaluate MolSearch in multiple benchmark generation settings and demonstrate its effectiveness and efficiency.

Keywords: Molecular Generation and Optimization, Monte Carlo Tree Search, Design Moves, Applied computing → Bioinformatics, Computing methodologies → Machine learning algorithms

1. INTRODUCTION

Searching new compounds with desired properties is a routine task in early-stage drug discovery [8]. Common examples include improving the binding activity against one or multiple therapeutic targets while keeping the drug-likeness property; increasing drug solubility while minimizing the change of ADME properties. However, a small change of chemical structures may lead to an unwanted challenge of one property that even seasoned chemists cannot foresee. Moreover, the virtually infinite chemical space and the diverse properties for consideration impose significant challenges in practice [36]. Advanced machine learning models built upon historical biological and medicinal chemistry data are poised to aid medicinal chemists in designing compounds with multiple objectives efficiently and effectively.

Leveraging computational methods to facilitate and speed up the drug discovery process has always been an active research area [40, 47]. In particular, using deep learning (DL) and reinforcement learning (RL) to generate and optimize molecules has recently received broad attentions [21, 44, 46], which we will summarize in detail later in section 2. Despite the advances, such methods rely heavily on the quality of latent representations [38], and suffer from high variation, making it hard to train [41]. In reality, DL/RL methods consume large computational resources while the generated molecules hardly synthesize. Methods combing multiple objectives often do not work well [14].

In this paper, instead of leveraging DL, we propose a practical search-driven approach based on Monte Carlo tree search (MCTS) to generate molecules. We show that under proper design, search methods can achieve comparable or even better results to DL methods in terms of multi-objective molecular generation and optimization, while being computationally much more efficient. The efficiency and multi-objective nature allow it to be readily deployed in massive real-world applications such as early-stage drug discovery.

In order to design an efficient and effective search framework for practical multi-objective molecular generation and optimization, we need to answer the following questions. Q1 : where to start; Q2: what to search; and Q3 : how to search. For Q1, prior works that use MCTS to generate molecules mostly start with empty molecules [20, 45]. Since most drug-like molecules have 10–40 atoms, the search tree can grow very deep and the search space grows exponentially with the depth, which makes the search process less efficient and effective. Some work thus uses pre-trained RNN as a simulator to expand the tree however it requires additional pretraining [45]. Moreover, real optimization projects often have some candidates in place. For Q2, most prior works use atom-wise actions for editing molecules, which makes it hard to improve target property while maintaining drug-likeness and synthesis abilities [46, 50]. Fragment-wise actions tend to work better but the editing rules are mostly heuristic [22, 44]. For Q3, most existing methods combine all the objectives into one single score and optimize for that [30, 44]. However, the simple aggregation of scores neither fully considers the differences of objective classes nor reflects real optimization scenario.

We seek solutions to Q1-Q3 and propose MolSearch, a simple and practicable search framework for multi-objective molecular generation and optimization. In MolSearch, we start with existing molecules and optimize them towards desired ones (Q1). The modification is based on design moves [3], i.e., transformation rules that are chemically reasonable and derived from large compound libraries (Q2). The property objectives are split into two groups with its rationale explained in detail later. The first group contains all biological properties such as inhibition scores to proteins, and the second group includes non-biological properties such as drug-likeness (QED) and synthetic accessibility (SA). Correspondingly, the entire search process consists of two stages: a HIT-MCTS stage that aims to improve biological properties, followed by a LEAD-MCTS stage that focuses on non-biological properties while keeping biological ones above certain threshold. Each stage contains a multi-objective Monte Carlo search tree where different property objectives are considered separately rather than combined (Q3).

We evaluate MolSearch on benchmark tasks under different generation settings and compare it with various baselines. The results show that MolSearch is on par with or even better than the baselines based on evaluation metrics calculated from success rate, novelty and diversity, within much less running time. In summary, our contributions are as follows:

  • MolSearch is among the first that make search-based approaches comparable to DL-based methods in terms of multi-objective molecular generation and optimization.

  • MolSearch combines mature components, e.g., tree search design moves, multi-objective optimization, in a novel way such that the generated molecules not only have desired properties but also achieve a wide range of diversity.

  • MolSearch is computationally very efficient and can be easily adopted into any real drug discovery projects without additional knowledge beyond property targets.

  • Additional to molecular generation, MolSearch is more tailored for hit-to-lead optimization given the nature of its design, which makes it very general and applicable.

2. RELATED WORK

In general, molecular property optimization comprises three components or less: representation, generative model, and optimization model. The representation of molecules can be simplified molecular-input line-entry system (SMILES) strings, circular fingerprints, and raw graphs, which often corresponds to certain type of generative models. Grouping by each component can be too detailed to capture the big picture, therefore we choose to categorize the related studies based on optimization models.

The first group optimizes molecular via Bayesian optimization [12, 17, 21, 25]. These methods first learn a latent space of molecules via generative models such as auto-encoders (AEs), then optimize the property by navigating in that latent space, and generates molecules through the decoding process. Most methods in this category only optimize for non-biological properties such as QED and penalized logP 1, and focus on metrics such as validity of generated molecules. They heavily rely on the quality of learned latent spaces, which impose challenges for multi-objective optimization.

Instead of manipulating latent representations, the second category utilizes reinforcement learning (RL) to optimize molecular property. One line of research applies policy gradient to finetune generative models, e.g., GAN-based generator [13, 35], GNN-based generator [46], Flow-based generator [27,39] to generate molecules with better property scores. The other line of work directly learns the value function of molecule states and optimizes for a given property via double Q-learning [50].

Besides RL, the third category uses genetic algorithms (GAs) to generate molecules with desired properties [1, 20, 30]. The generation process of genetic algorithms usually follows mutation and cross-over rules that are predefined from a reference compound library or domain expertise, which are not easy to obtain in general. Some work [30] also combines deep learning, e.g., a discriminator into GA generator to increase the diversity of molecules.

The last but least explored category aims to optimize molecular property using search methods, e.g., Monte Carlo tree search (MCTS). The earliest work traces back to [20, 45] in which the authors uses pre-trained RNNs or genetic mutation rules as the simulator for tree expansion and simulation. [32] proposes atom-based MCTS method without predefined simulator. Again, all the methods focus on single and non-biological properties and are not tailored for multi-objective optimization. Not until recently RationaleRL [22] enables multi-objective molecular generation by first searching property-related fragments using MCTS and then completing the molecular graph using reinforcement learning.

There are also pioneering works that do not fall into any of the categories above, e.g., MARS [44] proposes a Markov sampling process based on molecular fragments and graph neural networks (GNNs) and achieves state-of-the-art performance. In summary, we see a trend of utilizing fragment-based actions and directly navigating in the chemical space (a.o.t. generative models) in recent works. Interested readers are referred to [14, 49] for a comprehensive understanding of advances in molecular generation and optimization.

3. METHOD

In this section, we present the proposed framework MolSearch as shown in Figure 1. The entire process consists of two search stages: a HIT-MCTS stage and a LEAD-MCTS stage. HIT-MCTS aims to modify molecules for better biological properties while LEAD-MCTS stage seeks molecules with better non-biological properties. Each stage utilizes a multi-objective Monte Carlo search tree to search for desired molecules.

Figure 1:

Figure 1:

Overall framework of MolSearch. For a given start molecule, it first goes through a HIT-MCTS stage which aims to improve the biological properties, e.g., GSK3β and JNK3, followed by a LEAD-MCTS stage where non-biological properties such as QED are optimized. n refers to number of generated molecules and y-axis reflects the normalized scores.

3.1. Problem Definition

Molecule modification can be mathematically formulated as a Markov decision process (MDP) [5] given that the generated molecule only depends on the molecule being modified. The MDP can be written as M=(S,A,f,R) where S denotes the set of states (molecules), A denotes the set of actions (modifications), f:S×AS is the state transition function. For molecule modification, the state transition is deterministic, i.e., pst+1st,at=1 for a given state-action pair That is to say, by taking a modification action, the current molecule reaches the next molecule with that modification with probability 1. R:SRd is the reward received for a given state, where d>1 if multiple reward objectives are considered. The goal is to take the action that maximizes the expected reward, which can be approximated as Eq (1) under repeated simulations [16]:

Q(s,a)=1N(s,a)i=1N(s)Ii(s,a)zi, (1)

where N(s) denotes the simulation times starting from state s and N(s,a) is the times that action a has been taken from state s.Ii(s,a) is an indicator function with value 1 if action a is selected from state s at i-th round, 0 otherwise. zi is the final reward for i-th simulation round starting from state s. A larger value of Q(s,a) indicates higher expected reward by taking action a from state s.

3.2. Monte Carlo Tree Search

Monte Carlo Tree Search (MCTS) adopts a tree structure to perform simulations and estimate the value of actions. Meanwhile it also uses the previously estimated action values to guide the search process towards higher rewards [9]. The basic MCTS procedure consists of four steps per iteration:

a). Selection.

Starting from the root node, a best child is recursively selected until a leaf node, i.e., a node that has not been expanded or terminated, is reached.

b). Expansion.

The selected leaf node is expanded based on a policy until the maximum number of child nodes is reached.

c). Simulation.

From each child node, recursively generate the next state until termination and get the final reward.

d). Backpropagation.

The reward is backpropagated along the visited nodes to update their statistics until the root node.

The process is repeated until a certain computational budget is met. The most important step of MCTS is the selection step where a criterion needs to be determined to compare different child nodes. The most commonly used criteria is the upper confidence bound (UCB1) [2, 24] in which a child node is selected to maximize:

UCB1=Xj+2lnnnj

where Xj is the averaged reward obtained so far for node j,nj denotes times of node j being selected and n is the total times of iteration. The first term Xj favors exploitation, i.e., choose the node with greater average performance; while the second term 2lnnnj votes for exploration, i.e., choose nodes that have not been visited so far. UCB1 balances between exploitation and exploration to avoid being trapped in local optimums.

For single-objective MCTS, UCB1 is a scalar and maximization picks the node with largest value. For multi-objective MCTS, the reward becomes a vector and the comparison is no longer straightforward. Next we formally define each component for multi-objective MCTS under the context of molecular generation.

3.3. Multi-objective Monte Carlo Tree Search

For molecular generation, each node of the tree (e.g., vj ) represents an intermediate molecule. It is associated with a molecule state sj, number of visits nj, and a reward vector Xj=x1,..,xdRd where d is the number of objectives. Without loss of generality, we assume that each objective is to be maximized. Before presenting how the reward is calculated, we first introduce the following definitions regarding comparisons between vectors:

Definition 1.

Pareto Dominate. Given two points X=x1,,xd and X=x1,,xd,X is said to dominate X, i.e., XX if and only if xixi,i=1,,d.X is said to strictly dominate X, i.e., X>X if and only if XX and i such that xi>xi.

Definition 2.

Pareto Front. Given a set of vectors ARd, the non-dominant setPA in A is defined as:

PA={XA:XAs.t.X>X}

The Pareto front consists of all non-dominated points [43].

Algorithm 1:

UCT algorithm for MO-MCTS.

graphic file with name nihms-1888099-t0010.jpg

For a Monte Carlo search tree, we maintain a global pool of all the Pareto molecules found so far. At each simulation round, given a termination state (molecule) with property score S=s1,,sdRd, by comparing it with all Pareto molecules in the global pool, the reward vector R=r1,,xdRd of this state is defined as:

ri=1Npl=1NpIsi>sil,i=1,,d

where Np is the number of Pareto molecules and sil is the i-th property value of Pareto molecule l. We also update the global Pareto pool by adding new Pareto molecules if found and removing invalid ones based on the comparison result. The reward R will be used for backpropagation with the update formula:

nvnv+1,XvXv+R,vparent ofv,

which concludes the backward part of MCTS.

Next we present the forward part. Starting from the root node, we recursively select the best child to proceed. To determine the best child for a given parent, we calculate the utility for each child:

Uk=Xknk+λ4lnn+lnd2nk,

where Xk is the average reward obtained so far, nk and n is the times child node k being visited and the total iterations. d is the reward dimension. Based on Definition 1 and 2, we compute the Pareto node set given statistics of all child nodes. Once the set is computed, we randomly select one child in the set to proceed. Once the selection step is done, we reach a node that has never expanded before. Then we expand the leaf node and start simulations from its children, get reward and backpropagate again. The overall MCTS procedure is illustrated in Figure 2 and Algorithm 1. Due to space limit, we do not present the procedure of expansion and simulation in Algorithm 1 since they are the same as classic single-objective MCTS and can be found in many places such as [9]. The key component in expansion and simulation step is the policy that used to generate the next state. In MolSearch, within each search tree, expansion and simulation share the same policy to produce actions:

Av=actionssv,

for each node v given current state sv. The possible actions are obtained using transformations we will mention in the next section. Due to the large chemical space, usually there are thousands of possible actions for a given state and not all of them are promising, therefore a subset of actions are selected and served as a candidate pool for both expansion and simulation.

Figure 2:

Figure 2:

Multi-objective Monte Carlo tree search procedure. Each node represents an intermediate molecule which has a reward vector associated with it. A search iteration consists of selection, expansion, simulation, and backpropagation. For MolSearch, HIT-MCTS and LEAD-MCTS differ in the expansion and simulation policy (blue boxes).

HIT-MCTS vs LEAD-MCTS.

The two search stages in MolSearch differ in how the candidates are picked given the original possible actions. In HIT-MCTS, the candidate actions are those yielding states with better property scores as compared to the current parent state. In LEAD-MCTS, the candidate actions are those producing states with better property scores than a constant threshold.

Theoretical Analysis.

The theoretical analysis of multi-objective MCTS has been presented in previous work following classic concentration inequalities and union bound. Interested readers are referred to [2, 11, 43]

3.4. Design Moves

A key challenge in MolSearch is the actions to take when searching for new molecules. The modification rules should be chemically reasonable, covering a variety of modification directions, and being large in size in order to successfully navigate in the chemical space. Design moves, proposed in [3], is such an approach. It extracts transformations among molecules based on matched molecular pair (MMP) [19] and outputs a collection of rules that systematically summarize the modification of molecules that exist and chemically valid in the current large compound database such as ChEMBL [29]. The transformation rules contain both atom-wise and fragment-wise modification and for the purpose of simplicity, we refer all of them as fragments.

Each rule consists of three major components, a left-hand-side fragment (lhs_frag), an environment, and a right-hand-side fragment (rhs_frag), and can be written as follows:

lhs_frag + environment >> rhs_frag

An example of design move transformation is shown in Figure 3 Each matched molecular pair has three parts. The constant part denotes the places that remain the same before and after transformation. The variable part denotes the fragment to be replaced. The environment is the most important part in design move which characterizes the context of a transformation. The range of the context is determined by the radius r and contains all the atoms that can be reached from the fragment to be replaced within step size r. Such constraint ensures the transformation is chemically reasonable and the larger the radius r, the more likely the assumption holds true [3]. In Figure 3, we see that even for the same lhs_frag and rhs_frag, due to that environments are different, the transformations are treated as different transformations rules.

Figure 3:

Figure 3:

Example of design moves. A transformation is only valid conditional on the existence of certain environments.

We summarized the statistics of all the design move rules extracted from ChEMBL based on radius r=3 in Table 1. We see that it contains more than 1 million transformation rules with more than 600K unique pairs of fragments to be replaced. There are also more than 200K fragments and 50K environments in the total rules. For a transformation rule, the frequency it happens in the database ranges from 1 to 20K, which covers both common and rare transformations. The number of environments for the same rule also range from 1 to 2.5K. Given ChEMBL is one of the largest chemical databases, the rules are expected to cover all the possible moves of commonly designed molecules. Moreover, unlike most prior works which only allow atom or fragment addition, design moves contain modifications that can either increase or decrease the molecular size (436,532 vs 443,995 ), making it more flexible to find better modification directions.

Table 1:

Statistics of rules extracted from ChEMBL on environment radius r=3. # denotes “number of”.

count_stat n freq_stat rule env
# fragments 236,827 min 1 1
# environment 55,599 max 20,075 2,480
# rules 1,048,575 median 1 1
# unique rules 672,117 mean 1.78 1.56

Atom Types C, N, O, Cl, F, P, Br, I, S

# augment rules 436,532

# trim rules 443,995

3.5. Rationale of MolSearch

The last important question regarding MolSearch framework is the two-stage design in which biological properties are first optimized and then followed by non-biological properties. The reason is two-folded. First, we observe that lower non-biological property (e.g., QED and SA) values are often due to large size or large number of rings of molecules since the fragments are already chemically valid. That is to say, reducing the size of generated molecules can achieve better QED and SA scores in general. However, design move requires valid environment in order to perform modification, the larger the molecules are, the more actions could be found. Therefore, optimizing QED/SA has to come after optimizing biological properties. Second, such design is also inspired by real-world drug discovery routine that we first find drugs that are biologically active and then optimize them regarding other properties.

Another interesting property of such design is that, in general, molecules from HIT-MCTS stage are quite large, due to that HITMCTS modifies molecules into hits by adding property-related fragments repeatedly; However, it is fine because LEAD-MCTS will trim the molecules for a higher QED/SA score by dropping property-unrelated fragments. The entire process will ensure that the final molecules satisfies all the property requirements.

4. EXPERIMENT

We conduct extensive experiments on benchmark tasks following [22, 44] to demonstrate the effectiveness of MolSearch. The results show that search methods can achieve comparable and sometimes superior performance compared to advanced deep learning methods given sufficient information and proper design of the algorithm.

4.1. Experiment Setup

Property Objectives

We consider two biological properties which measure inhibition of two Alzheimer-related targeted proteins:

  • GSK3β, inhibition score against glycogen synthase kinase-3β

  • JNK3, inhibition score against c-Jun N-terminal kinase-3

The scores are predicted probabilities of inhibition by pretrained random forest models from [22]. For non-biological properties, we follow [22, 44] and also consider drug-likeness (QED) [6] and synthesis accessibility (SA) [15] scores. The SA score (originally between [1,10]) is reversely normalized to [0,1]. For all scores, the higher the better. The ultimate goal is to find compounds that mostly inhibit two essential proteins in Alzheimer’s such that their potency is maximized while achieving favorable medicinal chemistry properties.

Multi-objective generation setting

We consider 6 different generation settings as follows:

  • GSK3β/JNK3 : inhibiting GSK3β or JNK3 without constraints on QED and SA scores.

  • GSK3β+JNK3 : jointly inhibiting GSK3β and JNK3 without constraints on QED and SA scores.

  • GSK3β/JNK3+QED+SA : inhibiting GSK3β or JNK3 while being druglike and easy to synthesize.

  • GSK3β+JNK3+QED+SA : jointly inhibiting GSK3β and JNK3 while being druglike and easy to synthesize.

Baselines.

We compare MolSearch with the following state-of-the-art methods from each category summarized in section 2: 1) JT-VAE [21], a method uses Bayesian optimization based on hidden representations from a VAE based on molecule fragments. 2) GCPN [46], a method uses policy gradient to finetune a pre-trained molecule generator based on GNN. 3) MolDQN [50], a method directly learns the values of actions for target properties via double Q-learning and generate molecules based on that. 4) GA+D [30], a method utilizes genetic algorithm for molecule generation paired with an adversarial module to increase diversity. 5) RationaleRL [22], a method uses MCTS to find property-related fragments and then complete the graph using RL. 6) MARS [44], a method utilizes Markov sampling based on GNN and molecule fragments.

Evaluation Metrics.

We evaluate the generated molecules using metrics similar to prior works [22, 44]: 1) success rate (SR): the proportion of generated molecules that satisfy all the targeted objectives, i.e., QED 0.6, SA 0.67, GSK3β0.5, and JNK3 0.5. 2) Novelty (Nov): the proportion of molecules that has similarity less than 0.4 compared to the nearest neighbor xSNN in the reference dataset, i.e., Nov =1Ni=1NIsimxi,xSNN<0.4 where the similarity is calculated as the Tanimoto coefficient [4] between two Morgan fingerprints [33] of molecules. The reference dataset in prior works is training data while in our work, the reference data becomes the start molecules. 3) Diversity (Div): the pair-wise dissimilarity among the generated molecules, i.e., Div =2N(N-1)i,j=1;ijN1-simxi,xj.4 PM: the product of SR, Nov and Div metrics, representing the possibility of generated molecules being simultaneously active, novel and diverse [44].

Start Molecules.

A critical step in MolSearch is to pick the start molecules. We first download dataset from the Repurposing Hub2 which consists of 6,758 FDA-approved and clinical trail drugs. We then cluster all the drugs based on their Tanimoto similarity using Butina algorithm [10] with threshold 0.4, a commonly used cutoff to quantify the structural similarity between molecules. It results in 5,727 small clusters, indicating that most molecules are not similar to each other. We select the centroid of each cluster, i.e., 5,727 dissimilar molecules, as the pre-processed dataset and construct start molecules from it. For benchmark objectives, to avoid making the task easier, we remove 1) all successful molecules, i.e., GSK3β0.5,JNK30.5,QED0.6,SA0.67;2 ) top molecules with either GSK3β or JNK3 score larger than 0.8 in the dataset. That is to say, no start molecules has biological score higher than 0.8. We then choose the remaining molecules with GSK3β and JNK3 score no less than 0.3 as the start molecules. Such selection strategy aligns with molecular optimization in reality that starts with molecules having some signals towards the desired property. There are in total 96 molecules satisfying the starting criteria.

Implementation Details.

For MCTS, we set the maximum level of tree depth as 5 and test different values of maximum child nodes K=[3,5,7] and the number of simulations N=[5,10,20]. For design move, we utilize rules derived from environmental radius r=3 and do not impose frequency constraint on the actions, i.e., any action with frequency 1 will be considered in each modification step. All MolSearch experiments are done on AMD EPYC CPU cores. Baselines requiring deep learning libraries are done on TITAN RTX GPUs with 24GB Memory.

Running Time.

In the GSK3β+JNK3+QED+SA setting, RationaleRL takes 6 hours to finetune the model; GA+D takes 300 steps and 4 hours to reach its best performance; MARS takes 10 hours to converge; MolDQN takes 5 and 10 hours to finish for empty and nonempty variants respectively. MolSearch takes on average 0.4–1.0 hours per molecule in both search stages (Table 4). Each molecule only occupies very small amount of memory and computational resources, making MolSearch much more efficient than deep learning methods regardless of computation constraints.

Table 4:

Running time per molecule for MolSearch.

n_child n_sim Avg Median STD

3 10 0.4h 0.38h 0.19h
5 20 1.02h 0.87h 0.93h

4.2. Benchmark Results

We perform the entire process of MolSearch, i.e., start molecules HIT MCTS LEAD MCTS for 10 times for each of the generation settings. During each search stage, we keep track of valid molecules and add them to the final set. Because the number of generated molecules is not controllable in MolSearch, we calculated the metrics for two sets of generated molecules: 1) MolSearch: all the molecules generated by MolSearch; 2) MolSearch-5000: top 5000 molecules generated by MolSearch, ranked by the average score of all properties considered in one setting, to match the number of molecules generated by other baseline methods.

Overall Performance.

We summarize all the results in Table 2 and Table 3. We see that MolSearch outperforms all baselines on 3 generation settings and always rank high (1st or 2nd ) in terms of PM Specifically, for settings that considering non-bioactivity objectives, i.e., GSK3β+JNK3+QED+SA, MolSearch significantly outperforms the best baseline by 21.4% on the PM metric. Among all the metrics, MolSearch falls short on the novelty metric since it starts from known molecules and modify them into new ones. However, the novelty still ranks good via the two-stage design of MolSearch such that the generated molecules are not too similar as the original ones. The diversity of molecules generated by MolSearch always ranks high, possibly due to 1) dissimilarity of start molecules, 2) separation of different property objectives and 3) Pareto search on all objective directions.

Table 2:

Performance comparison of different methods on bio-activity objectives. Results of RationaleRL, MolDQN are obtained by running their open source code. Results of JT-VAE, GCPN, GA+D and MARS are taken from [22,44]. For MolSearch, we repeat the experiments for 10 times and report the mean and standard deviation.

Objectives GSK3β JNK3 GSK3β +JNK3

Method SR Nov Div PM SR Nov Div PM SR Nov Div PM

JT-VAE 0.322 0.118 0.901 0.030 0.235 0.029 0.882 0.006 0.033 0.079 0.883 0.002
GCPN 0.424 0.116 0.904 0.040 0.323 0.044 0.884 0.013 0.035 0.080 0.874 0.002
RationaleRL 0.939 0.457 0.890 0.381 0.880 0.419 0.872 0.321 0.842 0.981 0.831 0.686
GA+D 0.85 1.00 0.71 0.60 0.53 0.98 0.73 0.38 0.85 1.00 0.42 0.36
MARS 1.000 0.840 0.718 0.603 0.988 0.889 0.748 0.657 0.995 0.753 0.691 0.518

MolDQN-emtpy 0.000 0.038 0.204 0.000 0.000 0.019 0.116 0.000 0.000 0.025 0.126 0.000
MolDQN-nonemtpy 0.341 0.304 0.856 0.089 0.175 0.288 0.857 0.043 0.050 0.421 0.858 0.018



MolSearch
MolSearch-5000
Ranking
1.000
1.000
0.739
0.706
0.862
0.850
0.637 ± 0.009
0.601 ± 0.023
1st
1.000
1.000
0.728
0.685
0.846
0.845
0.616 ± 0.015
0.579 ± 0.027
2nd
1.000
1.000
0.787
0.756
0.826
0.836
0.650 ± 0.009
0.632 ± 0.030
2nd
Table 3:

Performance comparison of different methods on bio-activity plus non-bioactivity objectives. Results of RationaleRL, MolDQN are obtained by running their open source code. Results of JT-VAE, GCPN, GA+D and MARS are taken from [44]. For MolSearch, we repeat the experiments for 10 times and report the mean and standard deviation.

Objectives GSK3β+QED+SA JNK3+QED+SA GSK3β +JNK3+QED+SA

Method SR Nov Div PM SR Nov Div PM SR Nov Div PM



JT-VAE 0.096 0.958 0.680 0.063 0.218 1.000 0.600 0.131 0.054 1.000 0.277 0.015
GCPN 0.000 0.000 0.000 0.000 0.000 0.000 0.000 0.000 0.000 0.000 0.000 0.000
RationaleRL 0.750 0.555 0.706 0.294 0.787 0.190 0.874 0.131 0.750 0.555 0.706 0.294
GA+D 0.89 1.00 0.68 0.61 0.86 1.00 0.50 0.43 0.86 1.00 0.36 0.31
MARS 0.995 0.950 0.719 0.680 0.913 0.948 0.779 0.674 0.923 0.824 0.719 0.547



MolDQN-empty 0.000 0.224 0.331 0.000 0.000 0.089 0.245 0.000 0.000 0.046 0.166 0.000
MolDQN-nonempty 0.000 0.431 0.850 0.000 0.000 0.525 0.856 0.000 0.000 0.499 0.857 0.000

MolSearch
MolSearch-5000
Ranking
1.000
1.000
0.821
0.810
0.856
0.869
0.702 ± 0.005
0.704 ± 0.009
1st
1.000
1.000
0.783
0.743
0.831
0.843
0.651 ± 0.009
0.626 ± 0.012
2nd
1.000
1.000
0.818
0.797
0.811
0.827
0.664 ± 0.007
0.660 ± 0.009
1st

Moreover, we conduct extensive experiments for the baseline MolDQN because it is the deep learning version of MCTS that tries to learn the values of all the actions and generate molecules that maximize the values. The differences between MolDQN and MolSearch can help verify the motivation and effectiveness of MolSearch. First, MolDQN-empty starts with empty molecules and uses atom-wise actions, and the SR of generated molecules are extreme low (0.00) in all settings. When we look into the scores of generated molecules, as shown in Table 5, we find the QED and SA score of generated molecules are relatively high while GSK3β and JNK3 scores are very low. This means that QED and SA are easier to optimize than biological objectives when starting from empty molecules and using atom-wise actions. However, in most real applications, optimizing biological objectives are the major focus before one considers drug-likeness and synthesis abilities. Second, MolDQN-nonempty starts from the same molecules we used in MolSearch, however, the success rates are still low although improved compared to MolDQN-empty. This is due to that MolDQN only allows addition actions thus cannot reduce the size of molecules, making QED and SA drops significantly. Third, the low performances of both MolDQN variants imply that atom-wise actions generally works less effective compared to fragment-based actions for improving biological properties. For MolSearch, the search trees can find desired molecules with relatively small depth and width, therefore it is not necessary to use Deep Q-learning to approximate the action values. All the above observations echo the rationale of MolSearch’s design.

Table 5:

Average scores of generated molecules by MolDQN in GSK3β+JNK3+QED+SA setting.

Start Molecule GSK3β JNK3 QED SA

Empty 0.262 0.083 0.870 0.603
Non-empty 0.334 0.216 0.217 0.586

MolSearch Dynamics.

We next verify whether the change of property scores across stages aligns with design motivation of MolSearch. HIT-MCTS aims to improve biological properties and Figure 4 a confirms a significant elevation for GSK3 β and JNK3 scores. LEAD-MCTS aims to improve non-biological properties and Figure 4 reflects such improvement especially for QED (Figure 4d). Figure 4c demonstrates that, even if we remove all successful molecules and top molecules at start (0.3–0.8 dashed box with grey points), MolSearch is still able to find molecules with both score larger than 0.8 (red region outside dashed box), demonstrating its power. Figure 5 a shows the number of molecules generated in each stage for three settings where both biological and non-biological objectives are considered. We observe an exponential increase from start molecules to the later two stages. GSK3β is easier to optimize as compared to JNK3. Figure 5 b shows the number of final molecules generated by MolSearch for all settings. As the number of objectives increases, less valid molecules are found, which is reasonable.

Figure 4:

Figure 4:

Property dynamics across MolSearch stages. (a)(b): average scores over 10 runs at each stage. (c): distribution of bioactivity scores during Start and HIT-MCTS stage. (d): QED distribution between HIT-MCTS and LEAD-MCTS stage.

Figure 5:

Figure 5:

Number of generated molecules across MolSearch stages and different generation settings (10 runs).

Visualization.

We compare the molecules generated under setting GSK3β+JNK3+QED+SA by different methods using t-SNE plots plots shown in Figure 6 (a)-(c). The red crosses are the molecules that satisfy all the requirements in reference (training) dataset, while grey dots are molecules generated by each method. For MolSearch, there are no successful molecules in the start (reference) dataset, instead we plot the successful ones in HIT-MCTS stage. The start molecules of MolSearch are also plotted for reference (Figure 6c). We observe that baseline methods such as GA+D and RationaleRL generate molecules with large clusters, indicating relatively low diversity. The molecules generated by MolSearch evenly span the entire embedding space and also cover some novel regions compared to start molecules. MARS is very similar to MolSearch whose generated molecules enjoy both diversity and novelty, therefore we seek other comparison between MARS and MolSearch. As shown in Figure 6d, MolSearch is able to find more dominant molecules in terms of biological properties as compared to MARS (5 runs). We visualize the structure of several molecules generated by MolSearch with high property scores in Figure 7. Additional top ranked molecules can be found in Appendix Figure 9.

Figure 6:

Figure 6:

t-SNE visualization of generated molecules and positive molecules in the reference (training) dataset.

Figure 7:

Figure 7:

Sample molecules generated by MolSearch in the GSK3β+JNK3+QED+SA setting with associated scores.

Sensitivity Analysis

We perform MolSearch under different combination of major hyper-parameters and present the results in Appendix due to limited space.

4.3. Discussion

The extensive experiments of MolSearch demonstrated that given proper design and sufficient information, search-based method is also able to find molecules that satisfy multiple property requirements simultaneously with performance comparable to advanced methods using deep learning and reinforcement learning, while being much more time efficient. For MolSearch, the benefits comes from several aspects. For example, the two-stage design increases the novelty of generated molecules; Treating different objectives separately improve the diversity of the generated molecules; Fragment-based actions and starting from existing molecules maintain the synthesis abilities and drug-likeness of generated molecules.

Additional to properties in benchmark tasks, MolSearch can be easily adopted into real drug discovery projects targeting other objectives. For example, replacing GSK3 β and JNK3 scoring models with COVID related predictors [23] may lead to the identification of novel and synthesizable compounds. Properties other than QED/SA, such as solubility and ADMET properties can also be included to search for more promising candidates.

MolSearch also has its own limitations. First, the bioactivity scores drop in LEAD-MCTS compared to HIT-MCTS although it is still significantly higher than start molecules (Figure 4a). It is because the child nodes only need to maintain bioacitivity score above 0.5 threshold in LEAD-MCTS in exchange of higher non-bioacitvity scores. It is possible to improve the situation by setting more strict constraint during LEAD-MCTS. Second, the evaluation metrics are calculated based on unique molecules found in the search process, however, we do observe the molecules generated in LEAD-MCTS often contains many duplicates and thus causes redundancy. Third, for objectives that has relatively clear structural requirement, e.g., binding to a specific protein target, MolSearch is able to find desired molecules. However, if the objective is not sensitive to structure changes, i.e., regulation effects of multiple genes, then MolSearch, or any other related methods works less effectively. Last but not least, the scoring models are not perfect in reality since they also come form machine learning models, which may affect the quality of generation results.

5. CONCLUSION

In this paper, we proposed a simple yet effective framework for multi-objective molecular generation and property optimization based on Monte Carlo tree search. By designing the generation process in a novel way and utilizing exhaustive transformations between molecules, MolSearch is effective and much faster compared to advanced deep learning methods. The results of extensive experiments demonstrated the power of MolSearch, which can be readily used by a wide spectrum of pharmaceutical applications.

Acknowledgments

Permission to make digital or hard copies of all or part of this work for personal or classroom use is granted without fee provided that copies are not made or distributed for profit or commercial advantage and that copies bear this notice and the full citation on the first page. Copyrights for components of this work owned by others than ACM must be honored. Abstracting with credit is permitted. To copy otherwise, or republish, to post on servers or to redistribute to lists, requires prior specific permission and/or a fee.

APPENDIX.

Additional Experiment Results

Figure 8 shows an example trajectory of MolSearch under the generation setting GSK 3β+JNK3+ QED + SA. The property scores for the start molecule are relatively low. After HIT-MCTS stage, the generated molecules obtain higher GSK3 β and JNK3 score by replacing certain substructures of the original molecule while also keeping certain original substructures. As we also can see, the QED score for HIT molecules are extremely low due to their large size. After LEAD-MCTS stage, the QED scores of the final molecules are elevated by dropping fragments that are less property related. The scaffold of the final molecules are not simply substructure of start molecules but rather a combination of fragments from start molecules and new fragments from transformation rules. Also, the replacement is not completed in one round because the added fragments are relatively large, indicating the states are reached by multiple search steps instead of one.

Figure 8:

Figure 8:

MolSearch path for generation setting GSK3β + JNK3 + QED + SA.

Table 6 shows the overall performance of MolSearch under different combination of hyper-parameters for two generation settings. Table 7 shows the number of valid molecules corresponding to Table 6. We observe that the performance is not very different regarding different hyper-parameters, but rather the number of generated molecules are highly affected by these hyper-parameters. Because maximum number of child nodes and simulations rounds actually increases the search range such that more molecules can be found along the way.

Figure 9 shows the structure of top ranked molecules generated by MolSearch based on the average score of all properties. We can see that the scaffold of highly active molecules are similar, while the non-scaffold parts are novel and enjoys a wide of range of diversity.

graphic file with name nihms-1888099-f0009.jpg

Top 40 molecules generated by MolSearch base on average score for GSK3β+JNK3+QED+SA.

Table 6:

Performance of MolSearch under different hyperparameters for two generation settings.

Setting GSK3 β+JNK3 GSK3 β+JNK3+QED+SA

K, N SR Nov Div PM SR Nov Div PM
3,5 1.00 0.72 0.83 0.60 1.00 0.77 0.82 0.63
3,10 1.00 0.78 0.83 0.65 1.00 0.82 0.81 0.67
3,20 1.00 0.77 0.83 0.64 1.00 0.80 0.81 0.65
5,5 1.00 0.76 0.83 0.63 1.00 0.79 0.82 0.65
5,10 1.00 0.77 0.83 0.64 1.00 0.81 0.81 0.66
5,20 1.00 0.80 0.83 0.66 1.00 0.82 0.81 0.67
7,5 1.00 0.76 0.83 0.63 1.00 0.79 0.81 0.64
7,10 1.00 0.78 0.83 0.65 1.00 0.84 0.81 0.68
7,20 1.00 0.80 0.83 0.66 1.00 0.82 0.81 0.67

Table 7:

Number of generated molecules by MolSearch under different hyper-parameters for two generation settings.

Setting GSK3β+JNK3 GSK3β+JNK3+QED+SA

N/K 3 5 7 3 5 7
5 9,373 14,776 18,077 3,543 5,463 6,773
10 13,960 21,982 28,659 5,499 7,772 10,295
20 16,085 29,912 43,778 6,233 10,406 13,884

Footnotes

1

water-octanol partition coefficient penalized by synthesis accessibility and number of cycles having more than 6 atoms, i.e., PlogP(m)=logP(m)-SA(m)-cycle(m)

Contributor Information

Mengying Sun, Michigan State University, East Lansing, Michigan, USA.

Huijun Wang, Agios Pharmaceuticals, Cambridge, Massachusetts, USA.

Jing Xing, Michigan State University, Grand Rapids, Michigan, USA.

Bin Chen, Michigan State University, Grand Rapids, Michigan, USA.

Han Meng, Michigan State University, East Lansing, Michigan, USA.

Jiayu Zhou, Michigan State University, East Lansing, Michigan, USA.

REFERENCES

  • [1].Ahn Sungsoo, Kim Junsu, Lee Hankook, and Shin Jinwoo. 2020. Guiding deep molecular optimization with genetic exploration. arXiv preprint arXiv:2007.04897 (2020) [Google Scholar]
  • [2].Auer Peter, Cesa-Bianchi Nicolo, and Fischer Paul. 2002. Finite-time analysis of the multiarmed bandit problem. Machine learning 47, 2 (2002), 235–256. [Google Scholar]
  • [3].Awale Mahendra, Hert Jérôme, Guasch Laura, Riniker Sereina, and Kramer Christian. 2021. The Playbooks of Medicinal Chemistry Design Moves. Journal of Chemical Information and Modeling 61, 2 (2021), 729–742. [DOI] [PubMed] [Google Scholar]
  • [4].Bajusz Dávid, Rácz Anita, and Héberger Károly. 2015. Why is Tanimoto index an appropriate choice for fingerprint-based similarity calculations? Journal of cheminformatics 7, 1 (2015), 1–13 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [5].Bellman Richard. 1957. A Markovian decision process. Journal of mathematics and mechanics 6, 5 (1957), 679–684. [Google Scholar]
  • [6].Bickerton G Richard, Paolini Gaia V, Besnard Jérémy, Muresan Sorel, and Hopkins An-drew L. 2012. Quantifying the chemical beauty of drugs. Nature chemistry 4, 2 (2012), 90–98. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [7].Blaschke Thomas, Olivecrona Marcus, Engkvist Ola, Bajorath Jürgen, and Chen Hongming. 2018. Application of generative autoencoder in de novo molecular design. Molecular informatics 37, 1–2 (2018), 1700123 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [8].Blass Benjamin E. 2015. Basic principles of drug discovery and development Elsevier. [Google Scholar]
  • [9].Browne Cameron B, Powley Edward, Whitehouse Daniel, Lucas Simon M, Cowling Peter I, Rohlfshagen Philipp, Tavener Stephen, Perez Diego, Samoth-rakis Spyridon, and Colton Simon. 2012. A survey of monte carlo tree search methods. IEEE Transactions on Computational Intelligence and AI in games 4, 1 (2012), 1–43. [Google Scholar]
  • [10].Butina Darko. 1999. Unsupervised data base clustering based on daylight’s fingerprint and Tanimoto similarity: A fast and automated way to cluster small and large data sets. Journal of Chemical Information and Computer Sciences 39, 4 (1999), 747-750 [Google Scholar]
  • [11].Chen Weizhe and Liu Lantao. 2021. Pareto monte carlo tree search for multiobjective informative planning. arXiv preprint arXiv:2111.01825 (2021) [Google Scholar]
  • [12].Dai Hanjun, Tian Yingtao, Dai Bo, Skiena Steven, and Song Le. 2018 Syntax-directed variational autoencoder for structured data. arXiv preprint arXiv:1802.08786(2018). [Google Scholar]
  • [13].De Cao Nicola and Kipf Thomas. 2018. MolGAN: An implicit generative model for small molecular graphs. arXiv preprint arXiv:1805.11973 (2018) [Google Scholar]
  • [14].Elton Daniel C Zois, Fuge Mark D, and Chung Peter W. 2019. Deep learning for molecular design-a review of the state of the art. Molecular Systems Design & Engineering 4, 4 (2019), 828–849. [Google Scholar]
  • [15].Ertl Peter and Schuffenhauer Ansgar. 2009. Estimation of synthetic accessibility score of drug-like molecules based on molecular complexity and fragment contributions. Journal of cheminformatics 1, 1 (2009), 1–11. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [16].Gelly Sylvain and Silver David. 2011. Monte-Carlo tree search and rapid action value estimation in computer Go. Artificial Intelligence 175, 11 (2011), 1856–1875. [Google Scholar]
  • [17].Gómez-Bombarelli Rafael, Wei Jennifer N, Duvenaud David, Hernández-Lobato José Miguel, Sánchez-Lengeling Benjamín, Sheberla Dennis, Aguilera-Iparraguirre Jorge, Hirzel Timothy D, Adams Ryan P, and Aspuru-Guzik Alán 2018. Automatic chemical design using a data-driven continuous representation of molecules. ACS central science 4, 2 (2018), 268–276. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [18].Gupta Anvita, Müller Alex T, Huisman Berend JH, Fuchs Jens A, Schneider Petra and Schneider Gisbert. 2018. Generative recurrent networks for de novo drug design. Molecular informatics 37, 1–2 (2018), 1700111 [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [19].Hussain Jameed and Rea Ceara. 2010. Computationally efficient algorithm to identify matched molecular pairs (MMPs) in large data sets. Journal of chemical information and modeling 50, 3 (2010), 339–348. 10,12 (2019), 3567–3572. [DOI] [PubMed] [Google Scholar]
  • [20].Jensen Jan H. 2019. A graph-based genetic algorithm and generative model/Monte Carlo tree search for the exploration of chemical space. Chemical science [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [21].Jin Wengong, Barzilay Regina, and Jaakkola Tommi. 2018. Junction tree variational autoencoder for molecular graph generation. In International conference on machine learning. PMLR, 2323–2332. [Google Scholar]
  • [22].Jin Wengong, Barzilay Regina, and Jaakkola Tommi. 2020. Multi-objective molecule generation using interpretable substructures. In International Conference on Machine Learning. PMLR, 4849–4859. [Google Scholar]
  • [23].Kc Govinda B, Bocci Giovanni, Verma Srijan, Hassan Md Mahmudulla, Holmes Jayme, Yang Jeremy J, Sirimulla Suman, and Oprea Tudor I. 2021. A machine learning platform to estimate anti-SARS-CoV-2 activities. Nature Machine Intelligence 3, 6 (2021), 527–535 [Google Scholar]
  • [24].Kocsis Levente and Szepesvári Csaba. 2006. Bandit based monte-carlo planning In European conference on machine learning. Springer, 282–293. [Google Scholar]
  • [25].Kusner Matt J, Paige Brooks, and Hernández-Lobato José Miguel. 2017. Grammar variational autoencoder. In International Conference on Machine Learning. PMLR, 1945-1954 [Google Scholar]
  • [26].Lim Jaechang, Ryu Seongok, Kim Jin Woo, and Kim Woo Youn. 2018. Molecular generative model based on conditional variational autoencoder for de novo molecular design. Fournal of cheminformatics 10, 1 (2018), 1–9. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [27].Luo Youzhi, Yan Keqiang, and Ji Shuiwang. 2021. GraphDF: A discrete flow model for molecular graph generation. arXiv preprint arXiv:2102.01189 (2021). [Google Scholar]
  • [28].Maziarka Łukasz, Pocha Agnieszka, Kaczmarczyk Jan, Rataj Krzysztof, Danel Tomasz, and Warchoł Michał. 2020. Mol-CycleGAN: a generative model for molecular optimization. Journal of Cheminformatics 12, 1 (2020), 1–18. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [29].Mendez David, Gaulton Anna, Bento A Patrícia Jon, De Veij Marleen Eloy, Magariños María Paula, Mosquera Juan F, Mutowo Prudence, Nowotka Michał, et al. 2019. ChEMBL: towards direct deposition of bioassay data. Nucleic acids research 47, D1 (2019), D930–D940. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [30].Nigam AkshatKumar, Friederich Pascal, Krenn Mario, and Aspuru-Guzik Alán. 2019. Augmenting genetic algorithms with deep neural networks for exploring the chemical space. arXiv preprint arXiv:1909.11655 (2019). [Google Scholar]
  • [31].Putin Evgeny, Asadulaev Arip, Vanhaelen Quentin, Ivanenkov Yan, Aladinskaya Anastasia V, Aliper Alex, and Zhavoronkov Alex. 2018. Adversarial threshold neural computer for molecular de novo design. Molecular pharmaceutics 15, 10 (2018), 4386–4397. [DOI] [PubMed] [Google Scholar]
  • [32].Rajasekar Anand A, Raman Karthik, and Ravindran Balaraman. 2020. Goal directed molecule generation using monte carlo tree search. arXiv preprint arXiv:2010.16399 (2020) [Google Scholar]
  • [33].Rogers David and Hahn Mathew. 2010. Extended-connectivity fingerprints. Journal of chemical information and modeling 50, 5 (2010), 742–754. [DOI] [PubMed] [Google Scholar]
  • [34].Samanta Bidisha, De Abir, Jana Gourhari, Gómez Vicenç, Chattaraj Pratim Kumar, Ganguly Niloy, and Gomez-Rodriguez Manuel. 2020. Nevae: A deep generative model for molecular graphs. Journal of machine learning research. 2020 Apr;21 (114): 1–33 (2020)34305477 [Google Scholar]
  • [35].Sanchez-Lengeling Benjamin, Outeiral Carlos, Guimaraes Gabriel L, and Aspuru-Guzik Alan. 2017. Optimizing distributions over molecular space. An objectivereinforced generative adversarial network for inverse-design chemistry (OR-GANIC). (2017). [Google Scholar]
  • [36].Schneider Gisbert and Fechner Uli. 2005. Computer-based de novo design of drug-like molecules. Nature Reviews Drug Discovery 4, 8 (2005), 649–663 [DOI] [PubMed] [Google Scholar]
  • [37].Segler Marwin HS, Kogej Thierry, Tyrchan Christian, and Waller Mark P. 2018. Generating focused molecule libraries for drug discovery with recurrent neural networks. ACS central science 4, 1 (2018), 120–131. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [38].Shahriari Bobak, Swersky Kevin, Wang Ziyu, Adams Ryan P, and De Freitas Nando. 2015. Taking the human out of the loop: A review of Bayesian optimization. Proc. IEEE 104, 1 (2015), 148–175. [Google Scholar]
  • [39].Shi Chence, Xu Minkai, Zhu Zhaocheng, Zhang Weinan, Zhang Ming, and Tang Jian. 2020. Graphaf: a flow-based autoregressive model for molecular graph generation. arXiv preprint arXiv:2001.09382 (2020) [Google Scholar]
  • [40].Sliwoski Gregory, Kothiwale Sandeepkumar, Meiler Jens, and Lowe Edward W. 2014. Computational methods in drug discovery. Pharmacological reviews 66, 1 (2014), 334–395. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [41].Sutton Richard S David, Singh Satinder, and Mansour Yishay. 1999. Policy gradient methods for reinforcement learning with function approximation. Advances in neural information processing systems 12 (1999). [Google Scholar]
  • [42].Sutton Richard S, McAllester David A, Singh Satinder P, and Mansour Yishay. 2000. Policy gradient methods for reinforcement learning with function approximation. In Advances in neural information processing systems. 1057–1063. [Google Scholar]
  • [43].Wang Weijia and Sebag Michele. 2012. Multi-objective monte-carlo tree search. In Asian conference on machine learning. PMLR, 507–522. [Google Scholar]
  • [44].Xie Yutong, Shi Chence, Zhou Hao, Yang Yuwei, Zhang Weinan, Yu Yong, and Li Lei. 2021. Mars: Markov molecular sampling for multi-objective drug discovery. arXiv preprint arXiv:2103.10432 (2021). [Google Scholar]
  • [45].Yang Xiufeng, Zhang Jinzhe, Yoshizoe Kazuki, Terayama Kei, and Tsuda Koji. 2017. ChemTS: an efficient python library for de novo molecular generation. Science and technology of advanced materials 18, 1 (2017), 972–976. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [46].You Jiaxuan, Liu Bowen, Ying Rex, Pande Vijay, and Leskovec Jure. 2018. Graph convolutional policy network for goal-directed molecular graph generation. arXiv preprint arXiv:1806.02473 (2018). [Google Scholar]
  • [47].Yu Wenbo and MacKerell Alexander D. 2017. Computer-aided drug design methods. In Antibiotics. Springer, 85–106. [DOI] [PMC free article] [PubMed] [Google Scholar]
  • [48].Zang Chengxi and Wang Fei. 2020. MoFlow: an invertible flow model for generating molecular graphs. In Proceedings of the 26th ACM SIGKDD International Conference on Knowledge Discovery & Data Mining. 617–626. [Google Scholar]
  • [49].Zhang Yi. 2021. An In-depth Summary of Recent Artificial Intelligence Applications in Drug Design. arXiv preprint arXiv:2110.05478 (2021). [Google Scholar]
  • [50].Zhou Zhenpeng, Kearnes Steven, Li Li, Zare Richard N, and Riley Patrick. 2019. Optimization of molecules via deep reinforcement learning. Scientific reports 9, 1 (2019), 1-10 [DOI] [PMC free article] [PubMed] [Google Scholar]

RESOURCES