Version Date: February 16, 2023

Carbonyl Binary Classification#

Objectives#

  • Gain proficiency in reading and modifying Python code in the Google Colab/Jupyter notebook environment

  • Build machine learning binary classification models that predict the presence of a carbonyl group using IR spectroscopy data

  • Learn about different machine learning classification models

  • Learn how data preprocessing and analysis parameters affect the performance of machine learning models

Getting started#

  • Begin by watching this brief (3 minute) YouTube video introduction to Google Colab and/or reading this short (1 page) introductory explanation

  • Colab notebooks consist of text cells (like this one) and program code cells, like the one shown below. Code cells are executed by typing the Cmd+Enter keys (or Ctrl-Enter). You can also execute a code cell by mousing over the [ ] symbol in the upper left hand side of the code cell—when you hover over it it will turn into a “play” button, and clicking the play button will execute the code cell. You can find other options for executing groups of cells in the “Runtime” menu above.

  • Start by executing the code cell below (the one that begins with the line import pandas as pd). This loads (“imports”) the required software modules that will be used in the assignment.

Loading Python Libraries#

%%capture
import pandas as pd     
import numpy as np

# for normalization  
from sklearn import preprocessing

# for visualization
import matplotlib.pyplot as plt
import plotly.graph_objects as go

# for Machine Learning
from sklearn.tree import DecisionTreeClassifier
from sklearn.neighbors import KNeighborsClassifier
from sklearn.naive_bayes import GaussianNB
from sklearn.ensemble import RandomForestClassifier

# for data imbalance, SMOTE
from imblearn.over_sampling import SMOTE
from scipy import stats

# to calculate the performance of the models
from sklearn.metrics import accuracy_score
from sklearn.metrics import recall_score
---------------------------------------------------------------------------
ModuleNotFoundError                       Traceback (most recent call last)
Cell In[1], line 5
      2 import numpy as np
      4 # for normalization  
----> 5 from sklearn import preprocessing
      7 # for visualization
      8 import matplotlib.pyplot as plt

ModuleNotFoundError: No module named 'sklearn'

Take a moment to look at this code block:

  • import loads a module

  • import ... as allows you to assign a short alias to the module

  • from ... import loads a small portion of a module

  • observe that the import, as and from keywords are color coded purple.

  • # indicates a comment (observe that all of the text following the # is color coded green). This text is not interpreted by the computer, and its goal is to provide the human with some information about what is happening.

What do each of these program modules do? You can think of them as being like a library of books that accomplish program tasks. In general, they can be quite complicated. In most cases, you will never learn all of the functionality of a module, and will have to use the documentation to help you determine the relevant parts for solving your problem. It is useful to have a general sense of the types of tasks that each of modules do, so that you can find the appropriate functionality.

  • pandas is a library for handling datasets. You can install pandas from your command line as follows: pip install pandas.

  • numpy and scipy are libraries for mathematical and scientific computing

  • matplotlib and plotly are libraries for data visualization. You can install plotly from your command line as follows: pip install plotly.

  • sklearn and imblearn are libraries for machine learning. You can install sklearn and imblearn from your command line as follows: pip install scikit-learn and pip install imblearn.

Installing RDKit Module#

  • To look at the molecule structure, we will use the RDKit module

  • The two code blocks below will install RDKit in Google Colab

import sys
!time pip install rdkit-pypi
Collecting rdkit-pypi
  Downloading rdkit_pypi-2022.9.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl.metadata (3.9 kB)
Requirement already satisfied: numpy in /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages (from rdkit-pypi) (1.24.4)
Requirement already satisfied: Pillow in /opt/hostedtoolcache/Python/3.8.18/x64/lib/python3.8/site-packages (from rdkit-pypi) (10.3.0)
Downloading rdkit_pypi-2022.9.5-cp38-cp38-manylinux_2_17_x86_64.manylinux2014_x86_64.whl (29.4 MB)
?25l   ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 0.0/29.4 MB ? eta -:--:--
   ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 0.2/29.4 MB 6.8 MB/s eta 0:00:05
   ━━╸━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 1.9/29.4 MB 28.0 MB/s eta 0:00:01
   ━━━━━━━━━╺━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 7.0/29.4 MB 67.3 MB/s eta 0:00:01
   ━━━━━━━━━━━━━━━━╸━━━━━━━━━━━━━━━━━━━━━━━ 12.4/29.4 MB 157.9 MB/s eta 0:00:01
   ━━━━━━━━━━━━━━━━━━━━━━━━╺━━━━━━━━━━━━━━━ 18.0/29.4 MB 158.6 MB/s eta 0:00:01
   ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╺━━━━━━━ 23.6/29.4 MB 163.0 MB/s eta 0:00:01
   ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╸ 29.3/29.4 MB 165.2 MB/s eta 0:00:01
   ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╸ 29.4/29.4 MB 160.2 MB/s eta 0:00:01
   ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━╸ 29.4/29.4 MB 160.2 MB/s eta 0:00:01
   ━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━━ 29.4/29.4 MB 75.4 MB/s eta 0:00:00
?25h
Installing collected packages: rdkit-pypi
Successfully installed rdkit-pypi-2022.9.5
[notice] A new release of pip is available: 23.0.1 -> 24.0
[notice] To update, run: pip install --upgrade pip
2.37user 0.50system 0:03.04elapsed 94%CPU (0avgtext+0avgdata 79104maxresident)k
0inputs+389744outputs (0major+54124minor)pagefaults 0swaps
try:
  from rdkit import Chem
  from rdkit.Chem import Draw
  from rdkit.Chem.Draw import IPythonConsole
except ImportError:
  print('Stopping RUNTIME. Colaboratory will restart automatically. Please run again.')
  exit()

Basics of Python#

Like other programming languages, Python includes variables and functions.

  • Variable : a reserved memory location to store values. Simply, it’s like a container that holds data that can be changed later in the program. For example to create a variable named number and assign its value as 100:

    number = 100

This variable can be modified at any time.

    number = 100
    number = 1 

The value of number has changed to 1.

  • Function : a block of code which only runs when it is called. Functions are defined using the def keyword. Functions can take user-provided input values, called arguments.

For example, let’s define an absolute_value function as below, which takes one argument, the number for which the absolute value should be calculated.

def absolute_value(num):
    if num >= 0:
        return num
    else:
        return -num

The output of absolute_value(2) is 2, and absolute_value(-4) is 4.

Get Data#

Now let’s load in the training and test datasets, which are stored on GitHub. To do this, we will need to use a module. Using a built-in method of a module is carried out by writing: [module_name].[method]

For example, to use the read_csv method of the pandas module: pd.read_csv(). With this method, CSV files are read as a DataFrame structure, which is similar to a table. For more on DataFrames:

# load the training data and save it in the variable "train"
train=pd.read_csv('https://raw.githubusercontent.com/elizabeththrall/MLforPChem/main/MLforvibspectroscopy/Data/binary_train.csv',index_col=0)
# load the test data and save it in the variable "test"
test=pd.read_csv('https://raw.githubusercontent.com/elizabeththrall/MLforPChem/main/MLforvibspectroscopy/Data/binary_test.csv',index_col=0)

Let’s see what these data look like. You can display the current contents of a variable by entering its name and executing the cell:

# display the contents of the variable "train"
train
SMILES name label 500 502 504 506 508 510 512 ... 3982 3984 3986 3988 3990 3992 3994 3996 3998 4000
0 COC1OCCO1 2-methoxy-13-dioxolane 0 0.000051 0.000051 0.000052 0.000052 0.000053 0.000053 0.000054 ... 0.000005 0.000004 0.000004 0.000004 0.000004 0.000004 0.000004 0.000004 0.000004 0.000004
1 CCCCCC=O hexanal 1 0.000121 0.000126 0.000131 0.000136 0.000141 0.000146 0.000151 ... 0.000008 0.000008 0.000008 0.000008 0.000008 0.000008 0.000008 0.000008 0.000008 0.000008
2 CC1CCC(C)C1C 1R2R3S-123-trimethylcyclopentane 0 0.000013 0.000013 0.000013 0.000013 0.000012 0.000012 0.000012 ... 0.000013 0.000013 0.000013 0.000013 0.000013 0.000013 0.000013 0.000013 0.000013 0.000013
3 c1cn[se]c1 12-selenazole 0 0.000243 0.000244 0.000245 0.000246 0.000248 0.000249 0.000251 ... 0.000003 0.000003 0.000003 0.000003 0.000003 0.000003 0.000003 0.000003 0.000003 0.000003
4 CCC(C)=CC(C)C 3E-24-dimethylhex-3-ene 0 0.000053 0.000053 0.000053 0.000054 0.000054 0.000054 0.000054 ... 0.000012 0.000012 0.000012 0.000012 0.000012 0.000012 0.000012 0.000012 0.000012 0.000012
... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ...
2099 c1c[nH]cn1 imidazole 0 0.001059 0.001111 0.001166 0.001222 0.001282 0.001343 0.001406 ... 0.000019 0.000018 0.000018 0.000018 0.000018 0.000018 0.000018 0.000017 0.000017 0.000017
2100 C=C[Si](C)(Cl)Cl methyl-vinyl-dichlorosilane 0 0.001328 0.001328 0.001327 0.001326 0.001324 0.001323 0.001322 ... 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002
2101 CCC=CCl 1E-1-chloro-1-butene 0 0.000055 0.000055 0.000055 0.000055 0.000055 0.000055 0.000055 ... 0.000007 0.000007 0.000007 0.000007 0.000007 0.000007 0.000007 0.000007 0.000007 0.000007
2102 FC(F)(F)C(F)(F)C(F)(F)C(F)(F)C(F)(F)F perfluoro-n-pentane 0 0.000111 0.000114 0.000117 0.000121 0.000124 0.000128 0.000131 ... 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002 0.000002
2103 NCCCO 3-amino-1-propanol 0 0.000178 0.000172 0.000166 0.000161 0.000156 0.000152 0.000147 ... 0.000023 0.000022 0.000022 0.000021 0.000021 0.000021 0.000020 0.000020 0.000019 0.000019

2104 rows × 1754 columns

  • Each row contains data for a different molecule

  • The numbers to the left of the first column (0, 1, …) represent the index of each row

  • The first column (“SMILES”) contains the molecule SMILES string (more on that later)

  • The second column (“name”) contains the molecule name

  • The third column (“label”) contains a number indicating whether the molecule does (1) or does not (0) contain a carbonyl group

  • The numbers at the top of the remaining columns (500, 502, …, 3998, 4000) represent the vibrational frequency in wavenumbers, and the numbers below each frequency represent the vibrational intensity of each molecule at that frequency

We say that the vibrational intensity at each frequency is an attribute or feature. These terms refer to a property that can take on different values for different members of the dataset.

Data Selection with Pandas#

We will often need to access the values stored in particular positions in a variable. We can do this using the indices corresponding to that position:

  • iloc[row index, column index] is used for position based data selection

  • : is used for selecting a range of index values

  • Note that in Python, index values start from 0 instead of 1

For example:

  • iloc[1:3,0] : select row indices 1 to 2 (i.e., second and third rows) and the first column

  • iloc[:,0] : select all rows and the first column

  • iloc[:,2:5]: select all rows and column indices 2 to 4 (i.e., third through fifth columns)

# this line of code returns the first row and first column of the training data
train.iloc[0,0]
'COC1OCCO1'
# this line of code returns the first three rows and first 10 columns of the training data
train.iloc[0:3,0:10]
SMILES name label 500 502 504 506 508 510 512
0 COC1OCCO1 2-methoxy-13-dioxolane 0 0.000051 0.000051 0.000052 0.000052 0.000053 0.000053 0.000054
1 CCCCCC=O hexanal 1 0.000121 0.000126 0.000131 0.000136 0.000141 0.000146 0.000151
2 CC1CCC(C)C1C 1R2R3S-123-trimethylcyclopentane 0 0.000013 0.000013 0.000013 0.000013 0.000012 0.000012 0.000012
# guess what the output of this line of code will be
train.iloc[0:3,0:3]
SMILES name label
0 COC1OCCO1 2-methoxy-13-dioxolane 0
1 CCCCCC=O hexanal 1
2 CC1CCC(C)C1C 1R2R3S-123-trimethylcyclopentane 0

Plotting Spectra#

Before continuing, let’s look at the spectra of a few molecules to see what they look like.

  • For visualization: plotly- line chart

  • You can add a trace by using fig.add_trace(go.Scatter(x= [Independent Variable], y=[dependent Variable] )

  • You can choose which spectra to plot by changing the index values below

Note that the index values below refer to the row numbers in the training data DataFrame. For example, idx_notCarbonyl=1 selects the molecule in row 0 of the training data, which is hexanal. If you want to select 12-selenazole in row 3 instead, change the line of code to read idx_notCarbonyl=3.

# change the index values below to pick molecules with and without a carbonyl
idx_hasCarbonyl=1
idx_notCarbonyl=0
# get the data for the two molecules
hasCarbonyl=train.set_index('name').iloc[idx_hasCarbonyl,3:]
notCarbonyl=train.set_index('name').iloc[idx_notCarbonyl,3:] 
# plot the spectra
fig = go.Figure()
fig.add_trace(go.Scatter(x=hasCarbonyl.index, y=hasCarbonyl, name=hasCarbonyl.name,mode='markers'))
fig.add_trace(go.Scatter(x=notCarbonyl.index, y=notCarbonyl,name=notCarbonyl.name,mode='markers'))
fig.update_layout(title='Intensities over frequency',title_x=0.5)
---------------------------------------------------------------------------
NameError                                 Traceback (most recent call last)
Cell In[9], line 8
      6 notCarbonyl=train.set_index('name').iloc[idx_notCarbonyl,3:] 
      7 # plot the spectra
----> 8 fig = go.Figure()
      9 fig.add_trace(go.Scatter(x=hasCarbonyl.index, y=hasCarbonyl, name=hasCarbonyl.name,mode='markers'))
     10 fig.add_trace(go.Scatter(x=notCarbonyl.index, y=notCarbonyl,name=notCarbonyl.name,mode='markers'))

NameError: name 'go' is not defined

Notice that the spectra span the same frequency range, but the maximum intensity value is different for each molecule.

Data Preprocessing#

Before carrying out the machine learning analysis, we will need to preprocess the data to put it in a standard form. There are several steps involved: normalization, thresholding, splitting attribute and label, and data balancing.

Normalization#

In practice, different IR spectra may be recorded at different molecular concentrations, so the absolute intensities may not be directly comparable. Therefore we will normalize the data before carrying out the analysis.

We will apply a type of normalization called min-max normalization to each “instance” (i.e., molecule) and update the data.

  • For each molecule, the spectral intensities will be scaled to range from 0 to 1

  • We will use the MinMaxScaler() method

We will define a function called df_normalize to carry out this normalization:

  • The first argument in the parentheses following the function name represents the data to be normalized

  • The second argument represents the column index where the frequency data start. If you don’t provide this argument, the function uses a default value of 3.

  • As an example, if the frequency data in the variable ex_data starts in column 4, you would write: df_normalize(ex_data,4)

# define a function to perform min-max normalization
def df_normalize(df,i=3):
  """
  apply min-max_scaler to each rows
  since min-max scaler originally applies to columns, 
  we will use transposed data and then update the data with transposed result
  """
  min_max_scaler = preprocessing.MinMaxScaler()
  df.iloc[:,i:] = min_max_scaler.fit_transform(df.iloc[:,i:].T).T
# use the functional to normalize the training and test data
df_normalize(train)
df_normalize(test)

Apply Threshold#

We expect that intensities near 0 won’t provide much useful information for the classification. Therefore we will choose a threshold intensity and set all intensity values below the threshold equal to 0.

Let’s look at the spectra of a few molecules and then choose the threshold. (Again you can choose which spectra to plot by changing the index values.)

# change the index values below to pick molecules with and without a carbonyl
idx_hasCarbonyl=1
idx_notCarbonyl=0
# get the data for the two molecules
hasCarbonyl=train.set_index('name').iloc[idx_hasCarbonyl,3:]
notCarbonyl=train.set_index('name').iloc[idx_notCarbonyl,3:] 
# plot the spectra
fig = go.Figure()
fig.add_trace(go.Scatter(x=hasCarbonyl.index, y=hasCarbonyl, name=hasCarbonyl.name,mode='markers'))
fig.add_trace(go.Scatter(x=notCarbonyl.index, y=notCarbonyl,name=notCarbonyl.name,mode='markers'))
fig.update_layout(title='Intensities over frequency',title_x=0.5)

We will use a default value of threshold=0.2 to start, but you can change this value later to see how it affects model performance:

# set threshold value
threshold=0.2

We will define a function called applyThreshold to apply the threshold chosen above to the training and test data:

  • This function uses the numpy “where” method to replace intensity values below the threshold with the value 0

  • The first argument in the parentheses following the function name represents the data to be thresholded

  • The second argument i represents the column index where the frequency data start. If you don’t provide this argument, the function uses a default value of 3.

  • As an example, if the frequency data in the variable ex_data starts in column 4, you would write: applyThreshold(ex_data,4)

# define a function to apply the threshold chosen above
def applyThreshold (dataframe,i=3):
  """
  i is the position of the start of the attributes
  """
  dataframe.iloc[:,i:]=np.where((dataframe.iloc[:,i:]< threshold),0,dataframe.iloc[:,i:])
# use the function to apply the threshold to the training and test data
applyThreshold(train)
applyThreshold(test)

Let’s see how the intensities changed after applying the threshold:

# change the index values below to pick molecules with and without a carbonyl
idx_hasCarbonyl=1
idx_notCarbonyl=0
# get the data for the two molecules
hasCarbonyl=train.set_index('name').iloc[idx_hasCarbonyl,3:] # picked
notCarbonyl=train.set_index('name').iloc[idx_notCarbonyl,3:] # picked 
# plot the spectra
fig = go.Figure()
fig.add_trace(go.Scatter(x=hasCarbonyl.index, y=hasCarbonyl, name=hasCarbonyl.name,mode='markers'))
fig.add_trace(go.Scatter(x=notCarbonyl.index, y=notCarbonyl,name=notCarbonyl.name,mode='markers'))
fig.update_layout(title='Intensities over frequency',title_x=0.5)

Split Attribute and Label#

Notice that the training and test DataFrames contain the molecule name and label in addition to the spectral data. Now we need to separate the information about whether or not the molecule contains a carbonyl from the spectral intensities. We will do this by creating two new variables, X and Y:

X is an attribute, all the normalized intensities

Y is a label which is the presence of a carbonyl group. If the molecule has a carbonyl then Y = 1; if it doesn’t, then Y = 0.

Define a function to split the labels and attributes:

  • The first argument in the parentheses following the function name represents the data to be split

  • The second argument start_X represents the column index where the frequency data start. If you don’t provide this argument, the function uses a default value of 3.

  • The third argument end_X represents the column index where the frequency data end. If you don’t provide this argument, the function uses a default value of None.

  • The fourth argument start_Y represents the column index where the label data start. If you don’t provide this argument, the function uses a default value of 2.

  • The fifth argument end_Y represents the column index where the frequency data end. If you don’t provide this argument, the function uses a default value of 3.

  • As an example, if the frequency data in the variable ex_data start in column 5 and the label data are in columns 3 and 4, you would write: splitXY(ex_data,5,None,3,5)

# define a function to split the column containing the label from the columns containing the attributes
def splitXY(dataframe,start_X=3,end_X=None,start_Y=2,end_Y=3):
  X=dataframe.iloc[:,start_X:end_X]
  # since current X is a dataframe structure, we use ".value" to only get values
  X=X.values
  Y=dataframe.iloc[:,start_Y:end_Y]
  # since current Y is a dataframe structure, we use ".value" to only get values
  Y=Y.values.ravel()
  # this makes sure all the labels are integers
  Y=Y.astype(float).astype(int)
  return X,Y
# now apply the function to the normalized and thresholded train and test data
X,Y=splitXY(train)
X_test,Y_test=splitXY(test)

Data Balancing#

Let’s visualize the data distribution with a pie chart to see if data are imbalanced. Here, imbalanced means that there are unequal numbers of molecules in the two classes (with and without a carbonyl).:

# get the total number of molecules in the training data
total=len(Y)
# determine how many contain a carbonyl
label1=Y.sum()
# find the number without a carbonyl by subtraction
label0=total-label1
# plot the data
data=[label1,label0]
my_labels = 'Carbonyl','notCarbonyl'
plt.pie(data,labels=my_labels,autopct='%1.1f%%')
plt.title('Data Distribution')
plt.show()
../../_images/bd4fe4bbaa9dce7fccf030bca77418e6b42c2c53f1731731094ae942be600eed.png

Molecules without a carbonyl dominate the training set, so the classes are imbalanced.

SMOTE (Synthetic minority oversampling technique)#

Imbalanced training data can sometimes lead to poor classification performance because the model might simply learn to ignore the less common (“minority”) class. To address this possibility, we will use a technique called SMOTE which generates new instances of the minority class by interpolating between the existing instances. (Note that if the two classes are sufficiently distinct, as is the case here, a data balancing step may not be required – but we’ll do it anyway.)

%%capture
# define SMOTE method
sm = SMOTE(sampling_strategy='minority')
# apply SMOTE to the training data
X, Y= sm.fit_resample(X,Y)
# again determine the number of molecules with and without carbonyl groups and visualize
total=len(Y)
label1=Y.sum()
label0=total-label1
data=[label1,label0]
my_labels = 'Carbonyl','notCarbonyl'
plt.pie(data,labels=my_labels,autopct='%1.1f%%')
plt.title('Data Distribution')
plt.show()
../../_images/f795dd1345f7e53a80271d92866c844379c4b1a88f87450d5471f7aa16bbea24.png

Now the training data are balanced between the two classes. We can plot one of the new synthetic carbonyl-containing spectra for comparison to a real carbonyl-containing spectrum. (The synthetic spectrum will vary each time you run SMOTE.) Note that the synthetic spectra are stored at the end of the variable X, so any index value greater than the original length of the variable train corresponds to a synthetic spectrum.

# index values of a real and synthetic carbonyl (you can change these values to see other spectra)
idx_realCarbonyl=1 # this selects the molecule in row 1 of the training data (hexanal)
idx_synCarbonyl=len(train) # this selects the first synthetic carbonyl spectrum
# get the data for the two molecules
spectrum_realCarbonyl=X[idx_realCarbonyl,:]
spectrum_synCarbonyl=X[idx_synCarbonyl,:]
# get the frequencies for plotting
frequencies=range(500,4002,2)
# generate the plot
plt.plot(frequencies,spectrum_realCarbonyl,"o",label="Real carbonyl") 
plt.plot(frequencies,spectrum_synCarbonyl,"o",label="Synthetic carbonyl")
plt.legend(loc="upper right")
plt.xlabel("Frequency (cm^-1)")
plt.ylabel("Intensity")
plt.show()
../../_images/6587139d8188320e4defc7aedc73c311193bc7e7daaf7ac212b930cad32c1807.png

Building Machine Learning Models#

Introduction to Machine Learning Models#

Now that the data preprocessing is done, we’re finally ready to build our machine learning models! Initially we will use two different classifier models implemented in the scikit-learn library:

  • Decision Tree

  • Random Forest

A few other useful classifiers contained in scikit-learn, which you can test later, are:

  • k-Nearest Neighbors (k-NN)

  • Naive Bayes

These models all have a set of default parameters, but you can adjust the parameters by providing additional arguments for the functions. Information is provided in the scikit-learn information link. Here we will use the default parameters for the Decision Tree and Random Forest algorithm.

Below are descriptions of these four models.

Decision Tree

Decision Tree uses a tree-like model of decisions. It models the data in a tree structure, in which each leaf node corresponds to a class label and attributes are the tree’s internal nodes.

Random Forest

Random Forest builds a collection of Decision Trees, where each tree is trained with a random subset of training instances and a random subset of attributes. The final label is determined as the most common label among the collection of trees.

k-Nearest Neighbors

k-NN groups the training data according to a similarity metric. A new instance is then classified by taking the most common label among the k nearest neighbors (i.e., the k most similar members of the training dataset), where k is an adjustable parameter.

Naive Bayes

Naive Bayes algorithms are based on Bayes’ theorem. The term “Naive” refers to the assumption that input features are independent. Although this assumption is often violated, the model can still perform well. Gaussian Naive Bayes is one widely used implementation of this algorithm.

Training a Decision Tree Model#

Let’s start by training a Decision Tree model. Use the normalized and thresholded training data to fit the model.

# use the Decision Tree algorithm with the default parameters
dt_clf=DecisionTreeClassifier()
# fit the model using the training dataset
dt_clf.fit(X,Y)
DecisionTreeClassifier()

Training a Random Forest Model#

Now let’s do the same thing but for a Random Forest model.

# use the Random Forest algorithm with the default parameters
rf_clf=RandomForestClassifier()
# fit the model using the training dataset
rf_clf.fit(X,Y)
RandomForestClassifier()

Testing Machine Learning Models#

Now that we have trained our machine learning models, we can use them on test data. There are a few steps in this process:

  1. Label Prediction:

We will use the fitted machine learning models to predict the labels (with or without carbonyl) for the test dataset. We will store the predictions made by the fitted models in the Y_pred list.

  1. Model Evaluation:

It’s important to see how well the models performed. There are a few ways to assess the accuracy of a machine learning model:

  • Accuracy : the proportion of the total number of predictions that were correct

  • Sensitivity or Recall : the proportion of actual positive cases (here, molecules with a carbonyl) which are correctly identified

  • Specificity : the proportion of actual negative cases (here, molecules without a carbonyl) which are correctly identified

  1. False Negative and False Positive Group

Finally, we can analyze the error cases, where the model’s prediction was wrong. A false positive (FP) is an outcome where the model incorrectly predicts the positive class. A false negative (FN) is an outcome where the model incorrectly predicts the negative class. Sometimes we might be able to understand why the prediction was incorrect for a particular molecule by:

  • Looking at the molecular structure. (We will use the RDkit module for this task.) -Looking at the molecular spectrum.

Test the Decision Tree Model#

Now let’s use the fitted Decision Tree model for label prediction. Then we’ll analyze the performance by displaying the accuracy, sensitivity, and specificity.

# use the fitted Decision Tree model to predict the labels (with or without carbonyl) for the test dataset
Y_pred=dt_clf.predict(X_test)
# determine the accuracy, sensitivity, and specificity by comparing the predicted labels to the actual labels
dt_accuracy=np.round(accuracy_score(Y_test,Y_pred),2)
dt_sensitivity=np.round(recall_score(Y_test,Y_pred),2)
dt_specificity=np.round(recall_score(Y_test,Y_pred,pos_label=0),2)

# display the accuracy, sensitivity, and specificity
print("Accuracy: "+str(dt_accuracy)+" Sensitivity: "+str(dt_sensitivity)+" Specificity: "+str(dt_specificity))
Accuracy: 0.97 Sensitivity: 0.93 Specificity: 0.98

Test the Random Forest Model#

Now let’s use the fitted Random Forest model for label prediction. Then we’ll analyze the performance by displaying the accuracy, sensitivity, and specificity.

# use the fitted Random Forest model to predict the labels (with or without carbonyl) for the test dataset
Y_pred=rf_clf.predict(X_test)
# determine the accuracy, sensitivity, and specificity by comparing the predicted labels to the actual labels
rf_accuracy=np.round(accuracy_score(Y_test,Y_pred),2)
rf_sensitivity=np.round(recall_score(Y_test,Y_pred),2)
rf_specificity=np.round(recall_score(Y_test,Y_pred,pos_label=0),2)

# display the accuracy, sensitivity, and specificity
print("Accuracy: "+str(rf_accuracy)+" Sensitivity: "+str(rf_sensitivity)+" Specificity: "+str(rf_specificity))
Accuracy: 0.98 Sensitivity: 1.0 Specificity: 0.98

FP / FN Group Analysis#

Now let’s look more carefully at the FPs and FNs. First we need to determine which predictions were incorrect and separate them into the two types of errors.

Note that for both the Decision Tree and the Random Forest, we saved the predictions in the same variable: Y_pred. Thus Y_pred currently contains the predictions of whichever analysis you ran most recently. If you went straight through the file, that would be the Random Forest model.

Thus to see the FPs and FNs for the Decision Tree model, we will first rerun the prediction using the Decision Tree model. If you would like to use the code below to see the FPs and FNs for a different model, change the first line below to store the predictions of a different model in Y_pred.

# rerun the label prediction (change the line below to specify which model to use)
Y_pred=dt_clf.predict(X_test)

# create new variables to hold the indices (i.e., row number) of all FPs and FNs
fp=[]
fn=[]

# go through all predictions to identify the errors and then determine whether each one is an FP or FN
for i in range (len(Y_test)):
  # identify FPs and store their indices
  if Y_pred[i] != Y_test[i] and Y_test[i] ==0:
       fp.append(i)
  # identify FNs and store their indices
  elif Y_pred[i] != Y_test[i] and Y_test[i]==1:
       fn.append(i)

Utilizing RDkit to get the molecule structure#

We can use the RDkit library to display the structure of a molecule. To identify the molecule, we use the Simplified Molecular Input Line Entry System, or SMILES. SMILES is an unique chemical identifier in the form of an ASCII string. First we will go through the lists of FPs and FNs to get the SMILES strings and molecule names.

# get the SMILES strings
fpmols=test.iloc[fp,0].values 
# get the molecule name
fpmols_name=test.iloc[fp,1].values 

# get the SMILES strings 
fnmols=test.iloc[fn,0].values 
# get the molecule names
fnmols_name=test.iloc[fn,1].values

# get lists of the FP and FN SMILES strings
fp_list = [Chem.MolFromSmiles(smiles) for smiles in fpmols]
fn_list = [Chem.MolFromSmiles(smiles) for smiles in fnmols]
# set molecule names for the FP plot displayed below
for i in range(len(fp_list)):
  mol=fp_list[i]
  mol.SetProp("_Name",fpmols_name[i])

# set molecule names for the FN plot displayed below
for i in range(len(fn_list)):
  mol=fn_list[i]
  mol.SetProp("_Name",fnmols_name[i])

Now let’s display tables showing the index, name, and SMILES string of any FPs and FNs. Note that if the model performance was very good, there might not be any FPs and/or FNs, so the table(s) will be empty in that case.

# display a table showing the index, SMILES string, and name of all FPs
print('\033[1m' + 'FP List' + '\033[0m')
test.iloc[fp, 0:2]
FP List
SMILES name
105 F[CrH] chromium-fluoride-hydride
182 [CrH2] chromium-dihydride
217 FC#[As] fluoromethylidynearsine
# display a table showing the index, SMILES string, and name of all FNs
print('\033[1m' + 'FN List' + '\033[0m')
test.iloc[fn, 0:2]
FN List
SMILES name
59 CCCC(=O)N(CC)CC NN-diethylbutanamide
60 O=C(Cl)c1ccc(C(=O)Cl)cc1 terephthaloyl-chloride
183 Cc1ccccc1C=O o-tolualdehyde

FP Group

# display the molecular structures of all FPs
img1=Chem.Draw.MolsToGridImage(fp_list,molsPerRow=4,subImgSize=(200,200),legends=[mol.GetProp('_Name') for mol in fp_list])
img1
../../_images/1653a581eb67e32b35dcc8a682bbd14a425dc6c00a54ec534ee23bffae8ff4be.png

FN Group

# display the molecular structures of all FNs
img2=Chem.Draw.MolsToGridImage(fn_list,molsPerRow=4,subImgSize=(200,200),legends=[mol.GetProp('_Name') for mol in fn_list])
img2
../../_images/581de5610cc055a21c7c2011eecc1311c0e3e907475e043ad58c660ef3fabeb0.png

Displaying FP or FN Spectrum#

Edit the molecule index below to display the spectrum of a particular FP or FN for inspection. Do you see any spectral features that might explain the error?

# to display the spectrum of a FP
# in the line below, insert the index value of the molecule you want to see from the table above
fp_idx=78
# then display the figure
fp_mol=test.set_index('name').iloc[fp_idx,3:]
fig = go.Figure()
fig.add_trace(go.Scatter(x=fp_mol.index, y=fp_mol, name=fp_mol.name,mode='markers'))
fig.update_layout(title='Intensities over frequency',title_x=0.5)
fig.update_layout(showlegend=True)
# to display the spectrum of a FN
# in the line below, insert the index value of the molecule you want to see from the table above
fn_idx=137
# then display the figure
fn_mol=test.set_index('name').iloc[fn_idx,3:]
fig = go.Figure()
fig.add_trace(go.Scatter(x=fn_mol.index, y=fn_mol, name=fn_mol.name,mode='markers'))
fig.update_layout(title='Intensities over frequency',title_x=0.5)
fig.update_layout(showlegend=True)

Assessing Overall Model Performance#

As you use other machine learning models to perform this classification task, you can create a table to display the performance metrics (accuracy, sensitivity, and specificity) for each model. To each of the variables below, add the new variables that you create for the other models, separated by commas.

# create variables containing the performance metrics for each of the models
acs=[dt_accuracy,rf_accuracy]
sens=[dt_sensitivity,rf_sensitivity]
specs=[dt_specificity,rf_specificity]

To make a table, set the column names and values using a Dictionary data structure and then make it a DataFrame. Add the other model names in the list below (in single quotes and separated by commas) to add them to the table.

# make and display a DataFrame
d = {'Model':['Decision Tree','Random Forest'],'Accuracy':acs, 'Sensitivity':sens,' Specificity':specs}
result = pd.DataFrame(data=d)
result
Model Accuracy Sensitivity Specificity
0 Decision Tree 0.97 0.93 0.98
1 Random Forest 0.98 1.00 0.98