How to Build an Optimal Property-Predicting Machine Learning Model by Tweaking Neural Network Architecture

You can can build multiple learning models based on a set of different cheminformatics and machine-learning hyperparameters. The new Keras Hyperparameter tuner optimizes these hyperparameters to further fine-tune built models. The floe report gives you a chance to analyze how well the models are trained and to pick the best for future property prediction of unseen molecules.

The Model Building Floe generates several neural network models for every different combination of parameter values supplied. Refer to the tutorial Building Machine Learning Regression Models on how they are built.

If there are n parameters [p1,..pn], with p1 having v1 different values, p2 having v2 different values and so on, there will be [v1*v2*..*vn]*k models built. The ‘k’ value refers to the additional models the Keras tuner builds for each hyperparameter combination supplied. This approach employs the commonly used Grid Search Technique (Grid Search Introduction) in the Neural Network community. On top of every course grained grid search, we further fine-tune the model building process by using tuners as RandomSearch, Hyperband, and Bayesian Optimization. The floe report can help to pick the best model to predict properties of previously unseen or new molecules.

To build models, use the ML Build: Regression Model with Tuner using Fingerprints for Small Molecules Floe.

  • The model learns and predicts exact values. Examples may include:

    • hERG Toxicity Level in IC50

    • Permeability Level in IC50 concentration

    • Solubility Level mol/L

  • When running this floe, please keep in mind the following information.
    • To run probability models, turn ON the parameter Are We Training Tensorflow Probability.

    • This option Builds TensorFlow Probability Models.

    • TFP models are better at predicting error bars/ Domain of Application.

    • Note: this option does not use the new Keras Hyperparameter Tuner.

    • For more information on how to use these models, please refer to the tutorial Predict Generic Property of Molecules.

For each run of the Model Build tool, several Fully Connected Feed Forward Neural Networks (Tutorial FCNN) are built, which predict the physical properties of molecules.

Fully Connected Feed Forward Neural Network (Fnn)

Dr. Robert Hecht-Nielsen, the inventor of one of the first neurocomputers, defined a Artificial Neural Network as:

” ..a computing system made up of a number of simple, highly interconnected processing elements, which process information by their dynamic state response to external inputs.”

Simply put, a neural network is a set of interconnected nodes or mathematical modules (just like neurons in our brain) which collectively tries to learn a phenomenon (like how permeability is related to a molecule’s composition). It does so by iteratively looking at the training examples (molecular fingerprints in our case) and predicting the property we wish to learn.

In the following explanation, four different optimization strategies are described that will improve the quality of the data and the models.

  1. Optimization Strategy I sets the bit length in accordance to the training size.

  2. Optimization Strategy II selects cheminformatics features based on the nature of the physical property we are trying to predict.

  3. Optimization Strategy III uses hidden nodes, dropouts, and regularizers to prevent underfitting and overfitting of the training data.

  4. Optimization Strategy IV adjusts the regularization parameter or the number of nodes to prevent overfitting.

Architecture

The following figures show the architecture of a neural network (left) and a single node (right).

Node of neural network

The Fnn needs a feature vector to train the network on. As we see from the figure, the size of the first layer is the same size as our input feature vector. We convert small molecules to a feature vector by leveraging cheminformatics-based fingerprints (Molecule OE Fingerprint). You can specify the type (p1), bit length (p2), max radius (p3), and min radius (p4) of these fingerprints in the Cheminformatics Fingerprints parameter. Thus v1 may be Circular, Tree, or Path; v2 may be 2048, 4096, and so on. When choosing p2, you should be mindful of the relation between feature vector and the size of the input dataset. One such empirical relation is stated in Hua et al :

  • For uncorrelated features, the optimal feature size is N−1 (where N is the sample size).

  • As feature correlation increases, the optimal feature size becomes proportional to √N for highly correlated features.

This is Optimization Strategy I, which sets the bit length in accordance to the training size.

We can also choose our cheminformatics features based on the nature of the physical property we are trying to predict. For instance, as solubility is more of a local fragment property, keeping the minimum and maximum radii of the fingerprint on the lower end would yield better results. In contrast, properties where different fragments of the molecule interact more may benefit from larger radius sizes. This is Optimization Strategy II.

Besides the cheminformatics features, we may also tweak the machine learning hyperparameters available as the Neural Network Training Hyperparameter Options.

Note that the parameters take in a list of values and models that will be trained for every possible combination with the other parameters as stated above. Among these parameters, the Sets of Hidden Layers are of particular interest as they dictate the number of nodes in each layer of the network.

These hidden nodes allow the network to learn and exhibit nonlinear behavior.

Thus, if the total number of nodes is too low, it might be insufficient for the network to learn the prediction function. However, a large number of hidden nodes makes the network learn the training set very minutely, thereby loosing its ability to generalize. In this case, it would perform poorly for unseen samples. This conundrum of too small versus too large for the size of the hidden layer is known as the underfitting and overfittting problem. A simple rule of thumb to determine this is [Optimization Strategy III]:

Nh = Ns/(a*(Ni+No))

  • Ni = number of input neurons. (Equals bit length p2)

  • No = number of output neurons. (1 for regression networks, >=2 for classification networks)

  • Ns = number of samples in training data set.

  • a = an arbitrary scaling factor usually 2-10.

In addition, parameters such as dropouts and regularisers help with overfitting as well. You can train on a set of dropouts and can set a value for L2 regularizers in the Neural Network Hyperparameter Training Option.

Dropouts act by randomly turning off a certain percentage of the node while training. This introduces nondeterministic properties in the model, thereby generalizing it for unseen data.

Regularizers are a great way to prevent overfitting, that is, where the model learns too many details on the training set and is unable to predict for unseen molecules. While there are many techniques to regularize, we choose R2 regularizers since they are smoother and converge easily. Here is an example of a training history of a model which suggests divergence. Adding a regulizer would certainly improve the ability of the model to generalize.

select_db

Once a model is trained, we can look into the training graphs in the Floe Report (model Link) to gather more insight into the quality of the model built. The graphs illustrate how the mean absolute error (MAE) and mean squared error (MSE) change with every epoch of training. The first picture tells us that the learning rate is too high, leading to large fluctuations in every epoch.

Neural Network Epoch Training Plots

High learning rate training

This plot shows that the validation error is much higher than the training, meaning we have overfit our model. Increasing the regularization parameter or decreasing the number of nodes might be a good way to stop overfitting [Optimization Strategy IV].

High learning rate training

Finally, this graph shows us how a well-trained model should look.

High learning rate training

Library Details of the Floe