Prediction of molecular field points using SE(3)-transformer model (2024)

Due to their computational efficiency, 2D fingerprints are typically used in similarity-based high-content screening. The interaction of a ligand with its target protein, however, relies on its physicochemical interactions in 3D space. Thus, ligands with different 2D scaffolds can bind to the same protein if these ligands share similar interaction patterns. Molecular fields can represent those interaction profiles. For efficiency, the extrema of those molecular fields, named field points, are used to quantify the ligand similarity in 3D. The calculation of field points involves the evaluation of the interaction energy between the ligand and a small probe shifted on a fine grid representing the molecular surface. These calculations are computationally prohibitive for large datasets of ligands, making field point representations of molecules intractable for high-content screening. Here, we overcome this roadblock by one-shot prediction of field points using generative neural networks based on the molecular structure alone. Field points are predicted by training an SE(3)-Transformer, an equivariant, attention-based graph neural network architecture, on a large set of ligands with field point data. Resulting data demonstrates the feasibility of this approach to precisely generate negative, positive and hydrophobic field points within 0.5 Å of the ground truth for a diverse set of drug-like molecules.

1.Introduction

Similarity based virtual screening often relies on 2D representations of molecular structures. The interaction between ligand and a target protein, however, depends on the strength of physicochemical interactions between the two entities in 3D space. Those interactions are best modeled by molecular interaction fields of a ligand with molecular probes characterizing the interacting protein. Consequently, ligands with different molecular topology but similar molecular interaction fields can bind at the same binding site. In Cheeseright et al (2006) it was suggested that the molecular interaction fields are sufficiently well represented by their extrema points (see figure 1), named field points. In the same publication, a methodology for constructing molecular field points for electrostatic, van der Waals and hydrophobic interaction fields was described. The successful identification of alternative lead compounds with different molecular topology but similar binding properties based on field points was illustrated for a range of different ligands and targets (e.g. in Cheeseright et al (2008, 2009), Low and Vinter (2008)). In this paper, we train an equivariant, attention based, graph neural network for field point prediction. Equivariance is a mathematical property determining the effect of a transformation on a function's input to its output (see definition 1). In the context of deep learning, equivariance properties allow for data efficiency by reflecting problem symmetries. Thus, incorporating equivariance into a model seems to be specifically promising in the area of computational biology and chemoinformatics, as data is scarce and the biochemical processes occur irrespectively of rotational and translational coordinate transforms.

Prediction of molecular field points using SE(3)-transformer model (1)

Convolutional neural networks (CNNs) were first applied in Lecun et al (1998) and have since then proved to be impressively successful for a range of applications, such as the analysis of image, video and audio data. CNNs owe this effectiveness to weight sharing, constructed in a way that results in translation equivariance (see e.g. section 1.1 in Gerken et al (2021) for a formal context). Loosely speaking, this equivariance property ensures that applying a convolutional layer to a translated image is equivalent to translating the result of the application of the convolutional layer to the original image.

Inspired by the equivariance properties of CNNs, extensive research effort was devoted to the construction of neural networks satisfying equivariance properties in a more general, group theoretically formalized context (see e.g. Cohen and Welling (2016) for pioneering work). These architectures reduce the number of parameters while maintaining expressivity, by incorporating existing problem-inherent symmetries into the model. The resulting reduction of model complexity leads to increased training efficiency, specifically in higher dimensions. Further advantages of equivariance properties are a more understandable, interpretable and robust response of the network to transformations of the input data.

In the context of chemoinformatics we are concerned with problem symmetries in the three-dimensional space: A molecule is still of the same type, no matter how it is shifted or rotated in the Euclidean space. The strength and dynamics of protein-ligand interactions do not depend on the point of observation. If we rotate our point of view onto the same molecule, our prediction of the molecular interaction fields should be rotated accordingly. Naturally, it seems to be a promising approach to introduce an inductive bias into a neural network that mathematically guarantees such properties. More specifically, we are interested in network architectures that are equivariant w.r.t. the group of rotations and translations in three dimensions, i.e. SE(3). One model architecture satisfying this property is the SE(3)-Transformer (introduced in Fuchs et al (2020)). The SE(3)-Transformer is an attention-based graph neural network with tensorfield-type building blocks (see Thomas et al (2018)). We build on the model suggested in Fuchs et al (2020) and its efficient implementation by NVIDIA (NVIDIA 2022), and applied it to a large database consisting of small molecules and their field points.

In section 2 we provide details on the dataset and the construction of descriptors. In section 3 we describe the model architecture and introduce the loss function used for learning. For the purpose of quantifying the quality of the predictions of our model, we introduce evaluation functions in section 4 and discuss the results. Finally, in section 5 we perform ablation studies to analyze the impact of the individual descriptors.

2.Dataset preparation

The original data set consists of Prediction of molecular field points using SE(3)-transformer model (2) million small molecules of sizes ranging from 6 to 100 atoms. For each molecule the data set contains up to 5 different conformations. The data is artificially generated by third-party software in accordance with the elaborations presented in Cheeseright et al (2006) (see appendix A for a summary on the procedure of field point calculations). We first construct a diverse subset based on the Tanimoto distance of Morgan fingerprints (Morgan 1965) using a greedy algorithm, resulting in a data set of 85000 molecules. Each data sample consists of a molecule and the associated field points (see tables 2, 3 and figure 9 for an example). After constructing additional descriptors, each molecule per data sample is composed of the following information: Graph topology (coordinates and edges), node degree, atom type (defined by element and hybridization state), partial charge, atom size, and Wildman–Crippen logP.

Molecules are represented by graphs where information between neighboring nodes is exchanged along edges using the SE(3)-Transformer. Two different types of graph topologies have been tested. In one approach, the graph topology is defined by the covalent bonds. In the second approach, the graph topology is based on Euclidean distances, i.e. two nodes (e.g. atoms) are connected via an undirected edge, if their distance is less than a specified threshold.

The atom type is one-hot encoded as a vector of dimension 24. Similarly, the node degree is one-hot encoded as a 4 dimensional vector. For the partial charge, atom size, and Wildman–Crippen logP value we apply a radial basis function expansion. In detail, let Prediction of molecular field points using SE(3)-transformer model (3) be a feature taking values in the range Prediction of molecular field points using SE(3)-transformer model (4) and Prediction of molecular field points using SE(3)-transformer model (5) with

Prediction of molecular field points using SE(3)-transformer model (6)

be Prediction of molecular field points using SE(3)-transformer model (7) equidistant support points in the range of values of the corresponding feature. Define

Prediction of molecular field points using SE(3)-transformer model (8)

Then the scalar feature Prediction of molecular field points using SE(3)-transformer model (9) is expanded to an m dimensional vector as follows:

Prediction of molecular field points using SE(3)-transformer model (10)

For the partial charge we choose Prediction of molecular field points using SE(3)-transformer model (11), for the atom size Prediction of molecular field points using SE(3)-transformer model (12) Prediction of molecular field points using SE(3)-transformer model (13) and for the Wildman–Crippen logP value Prediction of molecular field points using SE(3)-transformer model (14).

In total, the features ('node degree', 'atom type', 'partial charge', 'atom size', 'Crippen logP value') add up to a vector of dimension Prediction of molecular field points using SE(3)-transformer model (15). That means each node in the graph is associated to a feature vector Prediction of molecular field points using SE(3)-transformer model (16) that will serve as input to the model described in the next section.

3.Model and loss function

In the following we are using the same terminology of rotation order and fiber structure as in Fuchs et al (2020) (see Terminology 1 in the appendix). Our model is built on the NVIDIA implementation (NVIDIA 2022) of the SE(3)-Transformer as described in Fuchs et al (2020). In detail, we are using a neural network consisting of 7 'SE3 Attention Blocks' of the following form (see figure 2 and Terminology 24):

  • ConvSE3 (Tensor field network convolution transforming an arbitrary input fiber to an arbitrary output fiber. In this case used for computing attention key fiber and value fiber with specified number of degrees and channels)
  • LinearSE3 (self-interaction of channels within degrees for computing the query fiber)
  • AttentionSE3 (attention calculation over all neighboring atoms)
  • LinearSE3 (self-interaction of channels within degrees to obtain output fiber)

Prediction of molecular field points using SE(3)-transformer model (17)

We apply layer normalization in each 'ConvSE3' component. In total, the network contains about 3.97 million learnable parameters. In the hidden layers we allow rotation orders Prediction of molecular field points using SE(3)-transformer model (19) with 32 channels each, corresponding to the fiber structure ['0': 32; '1': 32; '2': 32]. Recall that scalars are represented by rotation order 0, vectors by 1, and rotation order 2 corresponds to a higher order geometric object of dimension 5. Hence, per node (e.g. atom) of the graph, the attention block calculates a vector of dimension Prediction of molecular field points using SE(3)-transformer model (20). Subsequent to the 7 attention blocks, we apply a final 'ConvSE3' layer in order to transform to the output fiber structure ['0': 3 ; '1': 3] (network architecture is illustrated in figure 2). Thus, the model predicts 3 scalars and vectors per node (e.g. atom) of the graph (see first image of figure 3). These vectors represent the positions of field points relative to the coordinates of the corresponding atom. The associated scalar per vector corresponds to a weighting of this specific prediction. In order to train these predictions, a suitable loss function was developed. Note that we consider the field point prediction tasks as separate problems for each type of field point (positive, negative, hydrophobic, van der Waals). Thus, a separate model was trained for each type of field point.

Prediction of molecular field points using SE(3)-transformer model (21)

Consider a molecule consisting of Prediction of molecular field points using SE(3)-transformer model (22) nodes. For node Prediction of molecular field points using SE(3)-transformer model (23), denote by Prediction of molecular field points using SE(3)-transformer model (24) the predicted scalars (used to determine the probability weights in the following) and by Prediction of molecular field points using SE(3)-transformer model (25) the predicted vectors (used to point to the field points relative to the atom position in the following), respectively. By applying a softmax function, the scalars Prediction of molecular field points using SE(3)-transformer model (26) determine a probability distribution as follows: For Prediction of molecular field points using SE(3)-transformer model (27), define

Prediction of molecular field points using SE(3)-transformer model (28)

Denote by Prediction of molecular field points using SE(3)-transformer model (29) the coordinate position of the i'th node (i.e. atom). For the purpose of training, we interpret the predicted probabilities and vectors as determining weights and centers of a Gaussian Mixture Model as follows:

Prediction of molecular field points using SE(3)-transformer model (30)

where we denote by

Prediction of molecular field points using SE(3)-transformer model (31)

the isotropic Gaussian density function in 3 dimensions with mean Prediction of molecular field points using SE(3)-transformer model (32) and standard deviation Prediction of molecular field points using SE(3)-transformer model (33). For a molecule with Prediction of molecular field points using SE(3)-transformer model (34) field points of a certain type (e.g. hydrophobic), let

Prediction of molecular field points using SE(3)-transformer model (35)

denote the coordinate position and field value of the jʹth field point. We define probabilities Prediction of molecular field points using SE(3)-transformer model (36) in proportion to the field values:

Prediction of molecular field points using SE(3)-transformer model (37)

Analogously to (1), the probability weights Prediction of molecular field points using SE(3)-transformer model (38) and true field point locations Prediction of molecular field points using SE(3)-transformer model (39) determine a Gaussian Mixture Model as

Prediction of molecular field points using SE(3)-transformer model (40)

Note that weighting by field values as in (2) takes into account that larger field values are more relevant in determining the binding properties of the molecule and thus more important to predict correctly.

By construction of q and p (see (1), (3)) we can expect that density q being approximately similar to p will result in reasonable field point predictions. A natural choice as a measure of divergence between two densities is the symmetrized Kullback–Leibler divergence:

Prediction of molecular field points using SE(3)-transformer model (41)

Let us denote by Prediction of molecular field points using SE(3)-transformer model (42) and Prediction of molecular field points using SE(3)-transformer model (43) the probabilities and vectors determining the densities q and p respectively (compare (1) and (3)). Since calculating the quantity (4) is analytically intractable and computationally (e.g. via Monte Carlo simulations) demanding, we replace it by the following loss:

Prediction of molecular field points using SE(3)-transformer model (44)

Note that intuitively, the equation (5) can be thought of as taking the discrete probability at support points Prediction of molecular field points using SE(3)-transformer model (45) and Prediction of molecular field points using SE(3)-transformer model (46) respectively, as the first argument of the KL divergence in both terms of (4).

Each field point across different molecules should be equally important (proportionate by field value) to be predicted correctly. Hence, we need to scale the loss L2 by the sum of field values to obtain:

Prediction of molecular field points using SE(3)-transformer model (47)

During training we observed that a small penalization on the length of prediction vectors is essential for the preservation of locality and training convergence. Moreover, a penalization of large probability weights in the form of a quadratic sum of probability weights was beneficial to cause the model to predict clouds of predictions instead of few high probability vectors, leading to more robustness and better performance. Including both penalization terms, we define the final loss function as

Prediction of molecular field points using SE(3)-transformer model (48)

where Prediction of molecular field points using SE(3)-transformer model (49) and β = 10.

The model described so far, results in predictions forming point clouds around the target field point (see second image of figure 3). In order to obtain more localized and precise predictions, we apply a clustering algorithm. We choose an agglomerative clustering as implemented in Pedregosa et al (2011) with a linkage distance threshold of 1 Å to obtain the final field point predictions (third image of figure 3). The probability weights of all predictions contained in a cluster are summed up and a prediction is made at the weighted average position, if the sum exceeds a certain threshold Prediction of molecular field points using SE(3)-transformer model (50). More specifically, for Prediction of molecular field points using SE(3)-transformer model (51), let Prediction of molecular field points using SE(3)-transformer model (52) be the k'th cluster found by the clustering algorithm, consisting of the probabilities and coordinates Prediction of molecular field points using SE(3)-transformer model (53):

Prediction of molecular field points using SE(3)-transformer model (54)

Then the k'th field point prediction suggested by the model is:

Prediction of molecular field points using SE(3)-transformer model (55)

We decide to make a prediction at the point Prediction of molecular field points using SE(3)-transformer model (56) if the associated cluster probability Prediction of molecular field points using SE(3)-transformer model (57) exceeds the threshold Prediction of molecular field points using SE(3)-transformer model (58), meaning

Prediction of molecular field points using SE(3)-transformer model (59)

Assuming that Prediction of molecular field points using SE(3)-transformer model (60) clusters were predicted, we denote by

Prediction of molecular field points using SE(3)-transformer model (61)

the tuple of predicted cluster locations.

4.Results

The data set is split randomly into training set (Prediction of molecular field points using SE(3)-transformer model (62)) and test set (Prediction of molecular field points using SE(3)-transformer model (63)) on a molecular basis (all conformations of one molecule will be in the same set). We train on a GPU of 24 GB memory (GeForce RTX 3090) with a batch size of 50 (accumulated batch size is Prediction of molecular field points using SE(3)-transformer model (64)) for about 3 days (see Hinz (2023) to reproduce results). In order to quantify the quality of our field point predictions, let us introduce the true positive rate and the weighted true positive rate (i.e. weighted sensitivity) as evaluation functions: For a maximum allowed distance r > 0 between predicted and ground-truth field point and cluster location Prediction of molecular field points using SE(3)-transformer model (65) as in equation (8), define

Prediction of molecular field points using SE(3)-transformer model (66)

Prediction of molecular field points using SE(3)-transformer model (67)

To put the quantity in equation (10) into context, we also calculate the positive predictive value (precision):

Prediction of molecular field points using SE(3)-transformer model (68)

Note that Prediction of molecular field points using SE(3)-transformer model (69) (equation (9)) corresponds to the proportion of ground truth field points that were predicted by the model (in the sense that at least one prediction is within the distance r > 0). The quantity Prediction of molecular field points using SE(3)-transformer model (70) (equation (10)) is defined similarly, however weights the correct prediction of each ground truth field point in proportion to its field value. The measure Prediction of molecular field points using SE(3)-transformer model (71) might be more relevant, as it is indeed more important to predict field points of high value correctly. The precision Prediction of molecular field points using SE(3)-transformer model (72) corresponds to the proportion of predictions that are closer than distance r > 0 to a ground truth field point. In the following analysis, we chose the cluster probability threshold c = 0.005 for predicting a field point at a cluster center (compare (7)) for all field point types. Results for ranging cutoff values can be found in figure 10.

The results for each field point type and maximal distance r from ground truth position are shown for the test set in table 1 and for the training set in table 4. Note that larger values for Prediction of molecular field points using SE(3)-transformer model (73) and Prediction of molecular field points using SE(3)-transformer model (74) are considered as higher prediction quality, with 1 being the optimum. Per construction, all three evaluation quantities are monotonically increasing with r. We observe some overfitting to the data (specifically for r = 0.5 Å), that becomes less pronounced for larger values of r. For all field points we achieve a precision of at least Prediction of molecular field points using SE(3)-transformer model (75) for r = 0.5 Å and at least Prediction of molecular field points using SE(3)-transformer model (76) for r = 1 Å, meaning that only few predictions are far off from a ground truth field point. Note that allowing a maximum error of 0.5 Å is a rather strict criterion compared, for example, to docking predictions with an accepted tolerance of typically 2 Å. Also for the potential use of our method for pharmacophore-based similarity screening a tolerance of 0.5 Å is well within the scope of typical tolerance ranges of 1–2 Å.

Table 1.Results on test set. Model trained on descriptors 'partial charge', 'atom size', 'logP', 'node degree', 'atom type', graph topology based on 7 Å atom distances.

All descriptors, 7 Å graph topology
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (77) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (78) 0.8480.8960.9090.9190.8370.8740.8850.896
Prediction of molecular field points using SE(3)-transformer model (79) 0.7680.8200.8330.8430.7750.8110.8220.833
Prediction of molecular field points using SE(3)-transformer model (80) 0.7550.8790.9150.9340.8250.8970.9200.933
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (81) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (82) 0.9600.9700.9830.9910.8200.8480.8630.884
Prediction of molecular field points using SE(3)-transformer model (83) 0.9480.9600.9720.9830.7920.8180.8330.854
Prediction of molecular field points using SE(3)-transformer model (84) 0.9060.9550.9750.9870.8780.9300.9540.970

The model performs better for positive electrostatic field points than for negative electrostatic field points in terms of precision, specifically for r = 0.5 Å . However, with a weighted true positive rate of 0.896 (negative field point) and 0.873 (positive field point) at r = 1 Å on the test set, the model seems to capture the majority of high value field points for both field point types.

Figure 4 shows three examples for (a) negative and (b) positive field points highlighting the overall excellent performance of the model to reproduce the ground truth points. Not surprisingly, field points that are predominantly caused by single nearby polar atoms with highly negative or positive partial charge are precisely reproduced (e.g. field points n1, n9, n11, p3, p15, p16, etc). However, the model also learns field points that originate from the electrostatic potential from multiple, sometimes topologically distant, polar atoms (e.g. n2, n4–6, p1, p2, p8, p20, etc). Negative and positive field points originate not only from atoms that can undergo hydrogen bonding such as oxygen and nitrogen, but also halogen atoms (n3) or electropositive hydrogen atoms (e.g. p18–21). This demonstrates that the network model not only learns trivial projections from isolated atoms but the topological and spatial context of the molecules. The latter is modeled in our network by defining graph edges with a maximum Euclidean distance of 7 Å. Whereas the dominant field points (e.g. n2, n4–7, n9) are all well-reproduced, sometimes weak field points are not predicted (e.g. n8, n10) or their position is shifted (e.g. p1–2). In the case of n10, the inherent flexibility of the nearby hydroxyl group strongly influences the position of this field point. Thus, field points related to such flexible hydroxyl groups (and similar functional groups) will have variable positions dependent on the generated rotation state of the functional group. This variability within the training set, makes it for the model very difficult to learn coherent rules of field point generation.

Prediction of molecular field points using SE(3)-transformer model (85)

The best performance of the model was achieved for hydrophobic field points (figure 4(c)). For r = 1 Å on the test set, the precision (Prediction of molecular field points using SE(3)-transformer model (86)) as well as the sensitivity (Prediction of molecular field points using SE(3)-transformer model (87), Prediction of molecular field points using SE(3)-transformer model (88)) indicate that almost all ground truth field points were predicted by the model, with very few far-off predictions. Many hydrophobic field points are located on hydrophobic atoms (e.g. h1, h9) or in aromatic rings (e.g. h2, h3, h5–7, etc). Interestingly, the model is able to differentiate between hom*ocyclic rings (e.g. h2, h3), where the field point is co-localized with the center of mass of the ring, and heterocyclic rings (e.g. h5–7), where the field point is shifted due to the presence of polar atoms within the ring structure. The right-most molecule in figure 4(c), shows the challenging case of a long aliphatic chain. Most field points were well reproduced but some spatially nearby field points (e.g. h15–18) were compressed into single field points. This behavior is due to the applied clustering algorithm.

For the van der Waals field points, the model achieves a very high precision of 0.930 at a distance of r = 1 Å. However, compared to the other field point types the model predicts slightly fewer ground truth field points (Prediction of molecular field points using SE(3)-transformer model (89)). In figure 4(d) it can be observed that most existing predictions are accurate and only few field points were not predicted.

5.Ablation studies

To study the dependency of prediction performance on graph topology, the same network architecture was trained using a graph with edges defined by a maximum spatial distance of 5 Å and only by the covalent bonds. In figures 5, 11, 14, 17 and tables 46 we display the precision and weighted sensitivity for models trained on graphs constructed based on covalent bonds, 5 Å and 7 Å. We note that the model performance is superior for distance based graph construction (both for 5 Å and 7 Å) in comparison to using covalent bonds. Increasing the distance threshold from 5 Å to 7 Å results in a precision gain of about 4 percent points for all except for hydrophobic field points. The weighted sensitivity only slightly improves when increasing the distance threshold.

Prediction of molecular field points using SE(3)-transformer model (90)

The main factor for this performance drop is the lack of information flow between spatially close but topologically distant atoms. Figure 6 displays an example for the inferior performance of this model. For example, field point 1 (in figure 6, right) is the result of the negative partial charges of the carbonyl atom and the single aromatic ring. Thus, the graph defined by covalent bonds only is unable to capture this information as those functional groups have a relatively large topological distance, i.e. there is a lack of information flow in the SE(3)-Transformer model. The model instead predicts field point c1 based on the carbonyl atom and c2 based on the aromatic ring, both ignoring the correlative effect of those functional groups. The same can be observed for field point three which is based on the fields from the aromatic ring and secondary amine. This field point is not reproduced by the model based on covalent bonds.

Prediction of molecular field points using SE(3)-transformer model (94)

The model based on covalent bonds predicts additional field points c1 and c3 which are not present in the ground truth data. Those field points do not exist in reality as the negative potential from the corresponding carbonyl atoms is largely cancelled by the positive methyl group and positive amine for c1 and c3, respectively. The model that is based on information flow via covalent bonds is unable to correctly capture those physical effects as the atoms with opposite partial charge are not topologically adjacent to each other.

To study the impact of the importance of single descriptors on the model performance, we trained the model separately with one descriptor only. The results of this experiment are shown in tables 711 and visualized in figures 7, 12, 15 and 18. We observe that one descriptor seems to be already enough to obtain a decent model performance for all types of field points. For positive and negative electrostatic field points we observe that partial charge and atom type are the strongest single descriptors. For van der Waals field points, the atom type is the most important descriptor which yields a precision of 0.845 and a weighted sensitivity of 0.822. For hydrophobic field points the choice of descriptor does not have a strong impact on the model performance. Those models also have the highest precision among all single-descriptor models.

Prediction of molecular field points using SE(3)-transformer model (95)

In a second experiment, we left one descriptor out and trained the model on the 4 remaining descriptors. The results are provided in tables 1216 and figures 8, 13, 16 and 19. We note that leaving out any descriptor results in lower precision for all field point types compared to the full model. However weighted sensitivity is slightly better for positive field points if leaving out atom size or node degree. Note that there is a trade-off between precision and sensitivity (also cf figure 10). Leaving out the descriptor 'partial charge' leads to significantly worse performance (in both sensitivity and precision) for all field points. The descriptors 'node degree' and 'atom type' seem to be of particular importance for the van der Waals field points. For hydropbobic field points, there seems to be enough redundancy among the descriptors. Only dropping 'partial charge' has a notable effect.

Prediction of molecular field points using SE(3)-transformer model (100)

6.Conclusion

We demonstrated the benefits of an equivariant, attention based, graph neural network in the context of molecular field point prediction. A model based on the SE(3)-Transformer was trained using a large set of small molecules. Our model successfully predicts field points of different types of molecular interaction fields. In comparison to current methods of field point prediction that are based on computationally demanding calculations for the interaction energies between a probe and the molecule, our trained model allows for an efficient one-shot prediction of field points. We also demonstrated that field points that are spawned by topologically distant atoms can be reliably predicted if a graph structure was generated that is based on spatial rather than topological context of the molecule. The optimized model will allow in further research the use of physicochemical field point information for similarity based virtual screening on huge databases of compounds.

Acknowledgment

The work was financially supported by the Swiss National Science Foundation (Project Number: 310030_197629).

Data availability statement

The data that support the findings of this study are openly available at the following URL/DOI: https://github.com/hinzflorian/se3transformer_fieldpoint_prediction.

Conflict of interest

The authors declare no competing interests.

Appendix A: Field point calculations

In the following we provide a summary of the methodology for field point calculations as described in Cheeseright et al (2006). Given a molecule conformation of Prediction of molecular field points using SE(3)-transformer model (105) atoms, a grid of 120 points is defined on the slightly reduced solvent-accessible surface of each atom. At each grid point, initially, a probe atom is positioned and its interaction energy with the molecule is optimized using a simplex algorithm. The probe atom is assigned the van der Waals parameters of oxygen, while its charge is adjusted based on the chosen potential (see below). The probe positions on each atom then converge to common extrema. Interaction energy extrema taking values below a certain threshold are filtered out.

The van der Waals field points are calculated by employing a Morse potential to characterize the van der Waals interaction with a neutral probe p as follows

Prediction of molecular field points using SE(3)-transformer model (106)

where

Prediction of molecular field points using SE(3)-transformer model (107)

with Prediction of molecular field points using SE(3)-transformer model (108) being parameters from the XED force field, Prediction of molecular field points using SE(3)-transformer model (109) is the distance between atom j and the probe p and Prediction of molecular field points using SE(3)-transformer model (110) is the sum of the vdW radii.

Electrostatic positive and negative field points are calculated by assuming a Coulombic interaction for positive and negative probes respectively as follows

Prediction of molecular field points using SE(3)-transformer model (111)

where D = 4 is the dielectric constant of the medium and qp is the charge of the probe (taking values Prediction of molecular field points using SE(3)-transformer model (112)).

The calculation of the hydrophobic field points assumes the following potential

Prediction of molecular field points using SE(3)-transformer model (113)

where Prediction of molecular field points using SE(3)-transformer model (114). The potential Prediction of molecular field points using SE(3)-transformer model (115) constitutes the attractive energy with a neutral probe and reflects the hydrophobicity of a fragment or group. Electronegative atoms are assigned a zero weighting relative to carbon, which signifies low hydrophobicity. On the other hand, hydrogens receive a 0.5 weighting, which reduces their impact without completely nullifying their influence.

Appendix B: Terminology

In the following section, we denote by Prediction of molecular field points using SE(3)-transformer model (116) the direct sum, ⊗ the Kronecker product and Prediction of molecular field points using SE(3)-transformer model (117) are the identity matrices in 3 and 5 dimensions respectively.

Definition 1 (equivariance).Let G be a group and Prediction of molecular field points using SE(3)-transformer model (118) be sets. Let Prediction of molecular field points using SE(3)-transformer model (119), Prediction of molecular field points using SE(3)-transformer model (120) be group actions of G on X and Y respectively. A map Prediction of molecular field points using SE(3)-transformer model (121) is called Prediction of molecular field points using SE(3)-transformer model (122)equivariant if it satisfies:

Prediction of molecular field points using SE(3)-transformer model (123)

Moreover, in the special case of

Prediction of molecular field points using SE(3)-transformer model (124)

the map Φ is called Prediction of molecular field points using SE(3)-transformer model (125)invariant.

Terminology 1 (rotation order, fiber structure).A linear group representation of the group of rotations in 3 dimensions SO(3) can be decomposed into irreducible representations of dimensions Prediction of molecular field points using SE(3)-transformer model (126) for Prediction of molecular field points using SE(3)-transformer model (127). We refer to Prediction of molecular field points using SE(3)-transformer model (128) as the 'rotation order'. The rotation orders Prediction of molecular field points using SE(3)-transformer model (129) can be viewed as scalars and vectors in 3-dimensional space, respectively. If a feature vector v consists of Prediction of molecular field points using SE(3)-transformer model (130) elements (also called 'channels') of rotation orders Prediction of molecular field points using SE(3)-transformer model (131), respectively, we say that its 'fiber structure' is Prediction of molecular field points using SE(3)-transformer model (132). Consequently the feature vector v is structured as follows:

Prediction of molecular field points using SE(3)-transformer model (133)

Defining

Prediction of molecular field points using SE(3)-transformer model (134)

we denote

Prediction of molecular field points using SE(3)-transformer model (135)

Moreover, for Prediction of molecular field points using SE(3)-transformer model (136) with Prediction of molecular field points using SE(3)-transformer model (137) we agree to the notation

Prediction of molecular field points using SE(3)-transformer model (138)

being a subvector of v consisting only of the first Prediction of molecular field points using SE(3)-transformer model (139) channels of rotation orders Prediction of molecular field points using SE(3)-transformer model (140) and 2 respectively.

Terminology 2 (attention block A).Consider a molecule consisting of Prediction of molecular field points using SE(3)-transformer model (141) atoms with coordinates Prediction of molecular field points using SE(3)-transformer model (142). Per construction, for each atom Prediction of molecular field points using SE(3)-transformer model (143) we associate an initial feature vector Prediction of molecular field points using SE(3)-transformer model (144). Thus, the molecule can be represented as a graph Prediction of molecular field points using SE(3)-transformer model (145), with Prediction of molecular field points using SE(3)-transformer model (146) the set of nodes and E the set of edges connecting nodes. The attention block consists of the following four layers:

  • 1.

    ConvSE3 Layer: For all Prediction of molecular field points using SE(3)-transformer model (147), calculate tensor field convolutions to obtain key and value vectors

    Prediction of molecular field points using SE(3)-transformer model (148)

    where Prediction of molecular field points using SE(3)-transformer model (149) and Prediction of molecular field points using SE(3)-transformer model (150) are tensor field network type embedding matrices.

  • 2.

    LinearSE3 Layer: Calculate self-interaction to obtain the query vector

    Prediction of molecular field points using SE(3)-transformer model (151)

    where Prediction of molecular field points using SE(3)-transformer model (152).

  • 3.

    AttentionSE3 Layer: Calculate attention per node. For Prediction of molecular field points using SE(3)-transformer model (153), let Prediction of molecular field points using SE(3)-transformer model (154) denote the set of indices of neighbors of the i'th node. For Prediction of molecular field points using SE(3)-transformer model (155), define

    Prediction of molecular field points using SE(3)-transformer model (156)

  • 4.

    LinearSE3 Layer: For Prediction of molecular field points using SE(3)-transformer model (157), concatenate the fibers of Prediction of molecular field points using SE(3)-transformer model (158) and Prediction of molecular field points using SE(3)-transformer model (159):

    Prediction of molecular field points using SE(3)-transformer model (160)

    Calculate the output vector

    Prediction of molecular field points using SE(3)-transformer model (161)

    where Prediction of molecular field points using SE(3)-transformer model (162) is a block matrix, consisting of self-interaction submatrices of dimensions Prediction of molecular field points using SE(3)-transformer model (163), Prediction of molecular field points using SE(3)-transformer model (164), Prediction of molecular field points using SE(3)-transformer model (165). More specifically

    Prediction of molecular field points using SE(3)-transformer model (166)

    where Prediction of molecular field points using SE(3)-transformer model (167). Note that the multiplication with Prediction of molecular field points using SE(3)-transformer model (168) corresponds to a Prediction of molecular field points using SE(3)-transformer model (169) convolution of channels within each rotation order.

Terminology 3 (attention block B).Using the same notation as in 2, let Prediction of molecular field points using SE(3)-transformer model (170) denote the coordinates of the i'th node. The output of 'Attention Block A' results in a feature vector Prediction of molecular field points using SE(3)-transformer model (171) per node Prediction of molecular field points using SE(3)-transformer model (172). 'Attention Block B' transforms this feature vector to a feature vector of the same fiber structure by applying the following four layers:

  • 1.

    ConvSE3 Layer: For all Prediction of molecular field points using SE(3)-transformer model (173), calculate tensor field convolutions to obtain key and value vectors

    Prediction of molecular field points using SE(3)-transformer model (174)

    where Prediction of molecular field points using SE(3)-transformer model (175) and Prediction of molecular field points using SE(3)-transformer model (176) are tensor field network type embedding matrices.

  • 2.

    LinearSE3 Layer: Calculate self-interaction to obtain the query vector

    Prediction of molecular field points using SE(3)-transformer model (177)

    where Prediction of molecular field points using SE(3)-transformer model (178) is a block matrix, consisting of self-interaction submatrices of dimensions Prediction of molecular field points using SE(3)-transformer model (179), Prediction of molecular field points using SE(3)-transformer model (180), Prediction of molecular field points using SE(3)-transformer model (181). More specifically

    Prediction of molecular field points using SE(3)-transformer model (182)

    where Prediction of molecular field points using SE(3)-transformer model (183). Note that the multiplication with WQ corresponds to a Prediction of molecular field points using SE(3)-transformer model (184) convolution of channels within each rotation order.

  • 3.

    AttentionSE3 Layer: Calculate attention per node. For Prediction of molecular field points using SE(3)-transformer model (185), let Prediction of molecular field points using SE(3)-transformer model (186) denote the set of indices of neighbors of the i'th node. For Prediction of molecular field points using SE(3)-transformer model (187) define

    Prediction of molecular field points using SE(3)-transformer model (188)

  • 4.

    LinearSE3 Layer: For Prediction of molecular field points using SE(3)-transformer model (189), concatenate the fibers of Prediction of molecular field points using SE(3)-transformer model (190) and Prediction of molecular field points using SE(3)-transformer model (191)

    Prediction of molecular field points using SE(3)-transformer model (192)

    Calculate the output vector

    Prediction of molecular field points using SE(3)-transformer model (193)

    where Prediction of molecular field points using SE(3)-transformer model (194) is a block matrix, consisting of self-interaction submatrices of dimensions Prediction of molecular field points using SE(3)-transformer model (195), Prediction of molecular field points using SE(3)-transformer model (196), Prediction of molecular field points using SE(3)-transformer model (197). More specifically

    Prediction of molecular field points using SE(3)-transformer model (198)

    where Prediction of molecular field points using SE(3)-transformer model (199). Note that the multiplication with Prediction of molecular field points using SE(3)-transformer model (200) corresponds to a Prediction of molecular field points using SE(3)-transformer model (201) convolution of channels within each rotation order.

Terminology 4 (ConvSE3 Layer C).The output of 'Attention Block B' results in a feature vector Prediction of molecular field points using SE(3)-transformer model (202) (fiber structure ['0': 32, '1': 32,'2': 32]) per node Prediction of molecular field points using SE(3)-transformer model (203). The final 'ConvSE3 Layer' transforms Prediction of molecular field points using SE(3)-transformer model (204) to the output feature vector Prediction of molecular field points using SE(3)-transformer model (205) of fiber structure ['0': 3, '1': 3] as follows: For Prediction of molecular field points using SE(3)-transformer model (206) define

Prediction of molecular field points using SE(3)-transformer model (207)

where Prediction of molecular field points using SE(3)-transformer model (208) is a tensor field network type embedding matrix and Prediction of molecular field points using SE(3)-transformer model (209) is block matrix, consisting of self-interaction submatrices of dimensions Prediction of molecular field points using SE(3)-transformer model (210) and Prediction of molecular field points using SE(3)-transformer model (211). More specifically

Prediction of molecular field points using SE(3)-transformer model (212)

where Prediction of molecular field points using SE(3)-transformer model (213). Note that the multiplication with Wself corresponds to a Prediction of molecular field points using SE(3)-transformer model (214) convolution of channels within each rotation order.

Appendix C: tables

Table 2.Features per atom for a sample molecule. Abbreviations: N: atom name, A: atom type, P: partial charge, S: atom size, W: Wildman–Crippen logP, D: node degree.

Molecule information
CoordinateNAPSWD
Prediction of molecular field points using SE(3)-transformer model (215) O11−0.37601.55−0.15261
Prediction of molecular field points using SE(3)-transformer model (216) C20.23701.70−0.27833
Prediction of molecular field points using SE(3)-transformer model (217) N8−0.34201.600.18362
Prediction of molecular field points using SE(3)-transformer model (218) C20.17301.70−0.27833
Prediction of molecular field points using SE(3)-transformer model (219) N8−0.36001.600.18362
Prediction of molecular field points using SE(3)-transformer model (220) C20.14801.70−0.27833
Prediction of molecular field points using SE(3)-transformer model (221) C10.12601.70−0.20514
Prediction of molecular field points using SE(3)-transformer model (222) N9−0.15201.60−0.70963
Prediction of molecular field points using SE(3)-transformer model (223) N8−0.01301.600.18362
Prediction of molecular field points using SE(3)-transformer model (224) C20.00201.70−0.27833
Prediction of molecular field points using SE(3)-transformer model (225) H150.10801.2001
Prediction of molecular field points using SE(3)-transformer model (226) H150.07001.2001
Prediction of molecular field points using SE(3)-transformer model (227) H150.27901.2001
Prediction of molecular field points using SE(3)-transformer model (228) H150.10101.2001

Table 3.Field point information: F-: electrostatic negative, F+: electrostatic positive, FI: van der Waals, FO: hydrophobic.

Field point information
CoordinateField valueField point type
Prediction of molecular field points using SE(3)-transformer model (229) −13.796F−
Prediction of molecular field points using SE(3)-transformer model (230) −4.550F−
Prediction of molecular field points using SE(3)-transformer model (231) 7.845F+
Prediction of molecular field points using SE(3)-transformer model (232) 3.341F+
Prediction of molecular field points using SE(3)-transformer model (233) −1.211FO
Prediction of molecular field points using SE(3)-transformer model (234) −1.391FO
Prediction of molecular field points using SE(3)-transformer model (235) −1.856FO
Prediction of molecular field points using SE(3)-transformer model (236) −1.451FO
Prediction of molecular field points using SE(3)-transformer model (237) −1.717FO
Prediction of molecular field points using SE(3)-transformer model (238) −1.542FO
Prediction of molecular field points using SE(3)-transformer model (239) 3.403FI
Prediction of molecular field points using SE(3)-transformer model (240) 1.295FI

Table 4.Results on train set. Model trained on descriptors 'partial charge', 'atom size', 'logP', 'node degree', 'atom type', graph topology based on 7 Å atom distances.

All descriptors, 7 Å graph topology, train set
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (241) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (242) 0.8920.9160.9220.9290.8800.8990.9040.911
Prediction of molecular field points using SE(3)-transformer model (243) 0.8080.8390.8460.8540.8110.8330.8390.847
Prediction of molecular field points using SE(3)-transformer model (244) 0.8040.9050.9310.9450.8710.9240.9390.948
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (245) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (246) 0.9810.9850.9900.9940.8320.8550.8690.889
Prediction of molecular field points using SE(3)-transformer model (247) 0.9710.9760.9820.9880.8030.8250.8380.859
Prediction of molecular field points using SE(3)-transformer model (248) 0.9390.9760.9870.9930.8950.9410.9610.974

Table 5.Results on test set. Model trained on descriptors 'partial charge', 'atom size', 'logP', 'node degree', 'atom type', graph topology based on 5 Å atom distances.

All descriptors, 5 Å graph topology
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (249) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (250) 0.8210.8820.8970.9090.8320.8740.8850.895
Prediction of molecular field points using SE(3)-transformer model (251) 0.7390.8030.8200.8320.7710.8130.8240.834
Prediction of molecular field points using SE(3)-transformer model (252) 0.7110.8470.8900.9150.7880.8680.8960.913
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (253) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (254) 0.9580.9700.9830.9900.8110.8460.8640.886
Prediction of molecular field points using SE(3)-transformer model (255) 0.9470.9600.9730.9830.7860.8180.8350.856
Prediction of molecular field points using SE(3)-transformer model (256) 0.8970.9500.9720.9870.8320.8990.9350.958

Table 6.Results on test set. Model trained on descriptors 'partial charge', 'atom size', 'logP', 'node degree', 'atom type', graph topology defined by covalent bonds.

All descriptors, covalent graph topology
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (257) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (258) 0.5360.7420.8110.8490.3430.5800.6810.734
Prediction of molecular field points using SE(3)-transformer model (259) 0.4750.6710.7370.7750.3200.5240.6120.661
Prediction of molecular field points using SE(3)-transformer model (260) 0.3490.5180.6200.7080.2580.4460.5670.649
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (261) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (262) 0.8710.9310.9540.9710.3090.5010.6070.687
Prediction of molecular field points using SE(3)-transformer model (263) 0.8390.9000.9240.9480.3140.4830.5760.649
Prediction of molecular field points using SE(3)-transformer model (264) 0.7280.8790.9390.9730.3320.5450.6980.811

Table 7.Results on test set. Model trained only with descriptor 'atom type', graph topology based on 7 Å atom distances.

Only descriptor 'atom type'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (265) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (266) 0.8140.8790.8960.9090.8180.8680.8830.896
Prediction of molecular field points using SE(3)-transformer model (267) 0.7330.8010.8180.8310.7720.8190.8330.845
Prediction of molecular field points using SE(3)-transformer model (268) 0.7010.8470.8910.9150.7600.8450.8750.893
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (269) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (270) 0.9660.9770.9870.9930.8220.8550.8710.892
Prediction of molecular field points using SE(3)-transformer model (271) 0.9560.9670.9780.9860.8000.8310.8470.868
Prediction of molecular field points using SE(3)-transformer model (272) 0.8720.9390.9670.9840.8450.9100.9420.963

Table 8.Results on test set. Model trained only with descriptor 'node degree', graph topology based on 7 Å atom distances.

Only descriptor 'node degree'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (273) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (274) 0.7860.8620.8810.7650.7650.8210.8380.853
Prediction of molecular field points using SE(3)-transformer model (275) 0.7040.7820.8010.8160.7060.7590.7750.789
Prediction of molecular field points using SE(3)-transformer model (276) 0.6770.8250.8710.8990.7480.8400.8740.894
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (277) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (278) 0.9490.9660.9790.9890.7950.8440.8640.886
Prediction of molecular field points using SE(3)-transformer model (279) 0.9340.9530.9670.9800.7670.8110.8310.852
Prediction of molecular field points using SE(3)-transformer model (280) 0.8810.9420.9680.9830.8100.8890.9280.954

Table 9.Results on test set. Model trained only with descriptor 'atom size', graph topology based on 7 Å atom distances.

Only descriptor 'atom size'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (281) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (282) 0.7860.8670.8870.9010.7790.8370.8540.867
Prediction of molecular field points using SE(3)-transformer model (283) 0.7080.7900.8100.8240.7230.7760.7910.804
Prediction of molecular field points using SE(3)-transformer model (284) 0.6540.8070.8590.8890.7440.8400.8740.894
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (285) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (286) 0.9530.9670.9800.9890.7890.8350.8540.877
Prediction of molecular field points using SE(3)-transformer model (287) 0.9410.9550.9690.9810.7620.8030.8220.845
Prediction of molecular field points using SE(3)-transformer model (288) 0.8940.9490.9710.9860.8170.8980.9350.958

Table 10.Results on test set. Model trained only with descriptor 'partial charge', graph topology based on 7 Å atom distances.

Only descriptor 'partial charge'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (289) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (290) 0.8050.8740.8910.9030.8220.8700.8820.893
Prediction of molecular field points using SE(3)-transformer model (291) 0.7220.7920.8100.8220.7590.8050.8170.828
Prediction of molecular field points using SE(3)-transformer model (292) 0.7080.8520.8950.9190.7600.8540.8880.907
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (293) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (294) 0.9500.9660.9790.9880.7700.8180.8390.864
Prediction of molecular field points using SE(3)-transformer model (295) 0.9360.9520.9670.9790.7420.7860.8050.830
Prediction of molecular field points using SE(3)-transformer model (296) 0.8890.9480.9710.9860.8110.8940.9330.956

Table 11.Results on test set. Model trained only with descriptor 'logP', graph topology based on 7 Å atom distances.

Only descriptor 'logP'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (297) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (298) 0.7780.8570.8770.8910.8010.8580.8740.886
Prediction of molecular field points using SE(3)-transformer model (299) 0.6960.7760.7950.8090.7510.8050.8200.832
Prediction of molecular field points using SE(3)-transformer model (300) 0.6660.8170.8680.8990.7290.8250.8610.882
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (301) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (302) 0.9520.9680.9820.9900.7940.8420.8610.883
Prediction of molecular field points using SE(3)-transformer model (303) 0.9400.9580.9720.9840.7760.8190.8370.860
Prediction of molecular field points using SE(3)-transformer model (304) 0.8780.9400.9660.9830.8100.8930.9330.957

Table 12.Results on test set. Model trained on descriptors 'partial charge', 'atom size', 'logP', 'node degree', graph topology based on 7 Å atom distances.

Without descriptor 'atom type'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (305) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (306) 0.8350.8890.9020.9130.8290.8710.8820.893
Prediction of molecular field points using SE(3)-transformer model (307) 0.7530.8090.8240.8350.7710.8110.8230.834
Prediction of molecular field points using SE(3)-transformer model (308) 0.7370.8660.9050.9260.8010.8780.9040.919
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (309) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (310) 0.9630.9740.9850.9910.7870.8230.8410.865
Prediction of molecular field points using SE(3)-transformer model (311) 0.9520.9650.9750.9850.7580.7910.8080.832
Prediction of molecular field points using SE(3)-transformer model (312) 0.8980.9510.9730.9870.8570.9220.9490.967

Table 13.Results on test set. Model trained on descriptors 'partial charge', 'atom size', 'logP', 'atom type', graph topology based on 7 Å atom distances.

Without descriptor 'node degree'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (313) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (314) 0.8520.9010.9130.9230.8650.9030.9130.921
Prediction of molecular field points using SE(3)-transformer model (315) 0.7790.8310.8450.8550.8190.8570.8670.876
Prediction of molecular field points using SE(3)-transformer model (316) 0.7450.8650.9010.9210.7880.8630.8900.906
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (317) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (318) 0.9620.9730.9840.9910.8030.8450.8630.885
Prediction of molecular field points using SE(3)-transformer model (319) 0.9510.9620.9740.9840.7760.8140.8320.853
Prediction of molecular field points using SE(3)-transformer model (320) 0.9030.9520.9730.9870.8230.8980.9360.959

Table 14.Results on test set. Model trained on descriptors 'partial charge', 'logP', 'node degree', 'atom type', graph topology based on 7 Å atom distances.

Without descriptor 'atom size'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (321) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (322) 0.8430.8940.9060.9160.8480.8850.8960.906
Prediction of molecular field points using SE(3)-transformer model (323) 0.7620.8160.8300.8400.7980.8350.8450.856
Prediction of molecular field points using SE(3)-transformer model (324) 0.7440.8730.9100.9300.8030.8780.9020.916
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (325) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (326) 0.9550.9680.9810.9900.8240.8540.8700.891
Prediction of molecular field points using SE(3)-transformer model (327) 0.9450.9570.9710.9830.8010.8300.8460.868
Prediction of molecular field points using SE(3)-transformer model (328) 0.9030.9530.9740.9870.8740.9250.9500.967

Table 15.Results on test set. Model trained on descriptors 'atom size', 'logP', 'node degree', 'atom type', graph topology based on 7 Å atom distances.

Without descriptor 'partial charge'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (329) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (330) 0.8210.8780.8930.9040.8110.8580.8730.886
Prediction of molecular field points using SE(3)-transformer model (331) 0.7380.7970.8120.8230.7570.8020.8160.828
Prediction of molecular field points using SE(3)-transformer model (332) 0.7230.8560.8970.9200.7770.8610.8900.908
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (333) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (334) 0.9570.9700.9830.9920.8190.8510.8680.889
Prediction of molecular field points using SE(3)-transformer model (335) 0.9470.9610.9750.9850.7910.8210.8380.860
Prediction of molecular field points using SE(3)-transformer model (336) 0.8870.9450.9680.9840.8530.9120.9430.963

Table 16.Results on test set. Model trained on descriptors 'partial charge', 'atom size', 'node degree', 'atom type', graph topology based on 7 Å atom distances.

Without descriptor 'logP'
Negative field pointsPositive field points
Prediction of molecular field points using SE(3)-transformer model (337) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (338) 0.8420.8930.9060.9170.8360.8750.8860.896
Prediction of molecular field points using SE(3)-transformer model (339) 0.7630.8160.8300.8410.7800.8180.8290.840
Prediction of molecular field points using SE(3)-transformer model (340) 0.7500.8720.9090.9300.8110.8830.9080.922
Hydrophobic field pointsVan der Waals field points
Prediction of molecular field points using SE(3)-transformer model (341) 0.511.520.511.52
Prediction of molecular field points using SE(3)-transformer model (342) 0.9560.9690.9810.9900.8230.8570.8740.895
Prediction of molecular field points using SE(3)-transformer model (343) 0.9450.9580.9710.9830.8010.8330.8500.872
Prediction of molecular field points using SE(3)-transformer model (344) 0.9060.9540.9730.9870.8570.9140.9430.962

Appendix D: Graphics

Prediction of molecular field points using SE(3)-transformer model (345)

Prediction of molecular field points using SE(3)-transformer model (346)

Prediction of molecular field points using SE(3)-transformer model (351)

Prediction of molecular field points using SE(3)-transformer model (355)

Prediction of molecular field points using SE(3)-transformer model (360)

Prediction of molecular field points using SE(3)-transformer model (365)

Prediction of molecular field points using SE(3)-transformer model (369)

Prediction of molecular field points using SE(3)-transformer model (374)

Prediction of molecular field points using SE(3)-transformer model (379)

Prediction of molecular field points using SE(3)-transformer model (383)

Prediction of molecular field points using SE(3)-transformer model (388)

Prediction of molecular field points using SE(3)-transformer model (2024)

References

Top Articles
New Kingston Post Office
Bedbathandbeyond Flemington Nj
Ron Martin Realty Cam
Kem Minnick Playboy
CHESAPEAKE WV :: Topix, Craigslist Replacement
Mikayla Campinos Videos: A Deep Dive Into The Rising Star
Globe Position Fault Litter Robot
Hallelu-JaH - Psalm 119 - inleiding
4Chan Louisville
Athens Bucket List: 20 Best Things to Do in Athens, Greece
What Happened To Maxwell Laughlin
Los Angeles Craigs List
Flower Mound Clavicle Trauma
Clarksburg Wv Craigslist Personals
Dexter Gomovies
Guilford County | NCpedia
Walmart Double Point Days 2022
Slope Tyrones Unblocked Games
Mega Personal St Louis
Sunset Time November 5 2022
Regal Amc Near Me
Lbrands Login Aces
2021 Tesla Model 3 Standard Range Pl electric for sale - Portland, OR - craigslist
Tripcheck Oregon Map
Obsidian Guard's Skullsplitter
Hoofdletters voor God in de NBV21 - Bijbelblog
Napa Autocare Locator
Siskiyou Co Craigslist
Graphic Look Inside Jeffrey Dresser
Leland Nc Craigslist
Bratislava | Location, Map, History, Culture, & Facts
The Pretty Kitty Tanglewood
B.k. Miller Chitterlings
Great Clips On Alameda
Personalised Handmade 50th, 60th, 70th, 80th Birthday Card, Sister, Mum, Friend | eBay
Honda Ruckus Fuse Box Diagram
B.C. lightkeepers' jobs in jeopardy as coast guard plans to automate 2 stations
Wunderground Orlando
The Realreal Temporary Closure
Avance Primary Care Morrisville
Truck Works Dothan Alabama
War Room Pandemic Rumble
Reli Stocktwits
Page 5747 – Christianity Today
Tito Jackson, member of beloved pop group the Jackson 5, dies at 70
Erica Mena Net Worth Forbes
Bismarck Mandan Mugshots
300 Fort Monroe Industrial Parkway Monroeville Oh
Service Changes and Self-Service Options
Dcuo Wiki
Ranking 134 college football teams after Week 1, from Georgia to Temple
Latest Posts
Article information

Author: Maia Crooks Jr

Last Updated:

Views: 6591

Rating: 4.2 / 5 (43 voted)

Reviews: 90% of readers found this page helpful

Author information

Name: Maia Crooks Jr

Birthday: 1997-09-21

Address: 93119 Joseph Street, Peggyfurt, NC 11582

Phone: +2983088926881

Job: Principal Design Liaison

Hobby: Web surfing, Skiing, role-playing games, Sketching, Polo, Sewing, Genealogy

Introduction: My name is Maia Crooks Jr, I am a homely, joyous, shiny, successful, hilarious, thoughtful, joyous person who loves writing and wants to share my knowledge and understanding with you.