Edit model card

This model was uploaded by Hugging Face staff. The model card has been copied from the Github repository.

MoLFormer

MoLFormer is a large-scale chemical language model designed with the intention of learning a model trained on small molecules which are represented as SMILES strings. MoLFormer leverges Masked Language Modeling and employs a linear attention Transformer combined with rotary embeddings.

MoLFormer

An overview of the MoLFormer pipeline is seen in the image above. One can see that the transformer based neural network model is trained on a large collection of chemical molecules represented by SMILES sequences from two public chemical datasets PubChem and Zinc in a self-supervised fashion. The MOLFORMER architecture was designed with an efficient linear attention mechanism and relative positional embeddings with the goal of learning a meaningful and compressed representation of chemical molecules. After training the MOLFORMER foundation model was then adopted to different downstream molecular property prediction tasks via fine-tuning on task-specific data. To further test the representative power of MOLFORMER the MOLFORMER encodings were used to recover molecular similarity, and analysis on the correspondence between the interatomic spatial distance and attention value for a given molecule was performed.

  1. Getting Started
    1. Pretrained Models and training logs
    2. Replicating Conda Environment
  2. Data
    1. Pretraining Datasets
    2. Finetuning Datasets
  3. Pretraining
  4. Finetuning
  5. Feature extraction
  6. Attention Visualization Analysis
  7. Citations

Getting Started

This Code and Environment have been tested on Nvidia V100s

Pretrained Models and training logs

If Training from scratch the resulting Pretrained models and associated training logs will be located in the /data directory in the following hierarchy.

data/
β”œβ”€β”€ Pretrained MoLFormer
β”‚   β”œβ”€β”€ checkpoints
β”‚   β”‚   β”œβ”€β”€ N-Step-Checkpoint_0_0.ckpt
β”‚   β”‚   β”œβ”€β”€ N-Step-Checkpoint_0_5000.ckpt
β”‚   β”‚   β”œβ”€β”€ N-Step-Checkpoint_1_10000.ckpt
β”‚   β”‚   β”œβ”€β”€ N-Step-Checkpoint_1_15000.ckpt
β”‚   β”‚   β”œβ”€β”€ N-Step-Checkpoint_2_20000.ckpt
β”‚   β”‚   β”œβ”€β”€ N-Step-Checkpoint_3_25000.ckpt
β”‚   β”‚   └── N-Step-Checkpoint_3_30000.ckpt
β”‚   β”œβ”€β”€ events.out.tfevents.1643396916.cccxc543.3427421.0
β”‚   └── hparams.yaml
β”œβ”€β”€ checkpoints
β”‚   β”œβ”€β”€ linear_model.ckpt
β”‚   └── full_model.ckpt
β”œβ”€β”€ Full_Attention_Rotary_Training_Logs
β”‚   β”œβ”€β”€ events.out.tfevents.1628698179.cccxc544.604661.0
β”‚   └── hparams.yaml
└── Linear_Rotary_Training_Logs
    β”œβ”€β”€ events.out.tfevents.1620915522.cccxc406.63025.0
    └── hparams.yaml

We are providing checkpoints of a MoLFormer model pre-trained on a dataset of ~100M molecules. This dataset combines 10% of Zinc and 10% of PubChem molecules used for MoLFormer-XL training. The accompanying pre-trained model shows competitive performance on classification and regression benchmarks from MoleculeNet. (see Extended data Tables 1-2 in https://arxiv.org/abs/2106.09553). These checkpoints are available at https://ibm.box.com/v/MoLFormer-data

Replicating Conda Environment

Due to the use of apex.optimizers in our code, Apex must be compiled from source. Step-by-step directions are provided in environment.md

Data

Datasets are available at https://ibm.box.com/v/MoLFormer-data

PreTraining Datasets

Due to the large nature of the combination of the PubChem and Zinc (over 1.1 billion molecules in total) datasets the code expects the data to be in a certain location and format. The details of the of this processing is documented below for each individaul dataset.

The code expects both the zinc15(ZINC) and pubchem datasets to be located in ./data/ directory of the training diretory.

  • Zinc15 itself should be in located data/ZINC/ and is expected to be processed in multiple smi files which contains one smiles string per line.
  • PubChem should be located in data/pubchem/ and is expected to be processed as a single β€œCID-SMILES” text file with 2 columns (index and smiles string). We took the raw Pubchem dataset and converted every smiles molecule into the canonical form, utilizing rdkit, as well as trimmed down the file itself. Our dataloader expects Pubchem to be in our converted form and will not run on the raw pubchem file.
data/
β”œβ”€β”€ pubchem
β”‚   └── CID-SMILES-CANONICAL.smi
└── ZINC
    β”œβ”€β”€ AAAA.smi
    β”œβ”€β”€ AAAB.smi
    β”œβ”€β”€ AAAC.smi
    β”œβ”€β”€ AAAD.smi
    β”œβ”€β”€ AABA.smi
    β”œβ”€β”€ AABB.smi
    β”œβ”€β”€ AABD.smi
    β”œβ”€β”€ AACA.smi
    β”œβ”€β”€ AACB.smi
    β”œβ”€β”€ AAEA.smi
    β”œβ”€β”€ AAEB.smi
    β”œβ”€β”€ AAED.smi
    β”œβ”€β”€ ABAA.smi
    β”œβ”€β”€ ABAB.smi
    β”œβ”€β”€ ABAC.smi
    β”œβ”€β”€ ABAD.smi
    β”œβ”€β”€ ABBA.smi
    β”œβ”€β”€ ABBB.smi
    β”œβ”€β”€ ABBD.smi
    β”œβ”€β”€ ABCA.smi
    β”œβ”€β”€ ABCB.smi
    β”œβ”€β”€ ABCD.smi
    β”œβ”€β”€ ABEA.smi
    β”œβ”€β”€ ABEB.smi
    β”œβ”€β”€ ABEC.smi
    β”œβ”€β”€ ABED.smi
    β”œβ”€β”€ ACAA.smi
    β”œβ”€β”€ ACAB.smi

Finetuning Datasets

Just as with the pretraining data the code expects the finetuning datasets to be in the following hierarchy. These datasets were provided in the finetune_datasets.zip

data/
β”œβ”€β”€ bace
β”‚   β”œβ”€β”€ test.csv
β”‚   β”œβ”€β”€ train.csv
β”‚   └── valid.csv
β”œβ”€β”€ bbbp
β”‚   β”œβ”€β”€ test.csv
β”‚   β”œβ”€β”€ train.csv
β”‚   └── valid.csv
β”œβ”€β”€ clintox
β”‚   β”œβ”€β”€ test.csv
β”‚   β”œβ”€β”€ train.csv
β”‚   └── valid.csv
β”œβ”€β”€ esol
β”‚   β”œβ”€β”€ test.csv
β”‚   β”œβ”€β”€ train.csv
β”‚   └── valid.csv
β”œβ”€β”€ freesolv
β”‚   β”œβ”€β”€ test.csv
β”‚   β”œβ”€β”€ train.csv
β”‚   └── valid.csv
β”œβ”€β”€ hiv
β”‚   β”œβ”€β”€ test.csv
β”‚   β”œβ”€β”€ train.csv
β”‚   └── valid.csv
β”œβ”€β”€ lipo
β”‚   β”œβ”€β”€ lipo_test.csv
β”‚   β”œβ”€β”€ lipo_train.csv
β”‚   └── lipo_valid.csv
β”œβ”€β”€ qm9
β”‚   β”œβ”€β”€ qm9.csv
β”‚   β”œβ”€β”€ qm9_test.csv
β”‚   β”œβ”€β”€ qm9_train.csv
β”‚   └── qm9_valid.csv
β”œβ”€β”€ sider
β”‚   β”œβ”€β”€ test.csv
β”‚   β”œβ”€β”€ train.csv
β”‚   └── valid.csv
└── tox21
    β”œβ”€β”€ test.csv
    β”œβ”€β”€ tox21.csv
    β”œβ”€β”€ train.csv
    └── valid.csv

Pretraining

For pre-training we use the masked language model method to train the model from scratch.

MoLFormer is pre-trained on canonicalized SMILES of >1 B molecules from ZINC and PubChem with the following constraints:

During pre-processing, the compounds are filtered to keep a maximum length of 211 characters. A 100/0/0 split was used for training, validation, and test, i.e. we used all the data for training the model. As a confidence test we would evaluate the model at the end of each epoch on the following data (find the data we used for eval). Data canonicalization was performed using RDKit.

The pre-training code provides an example of data processing and training of a model trained on a smaller pre-training dataset size, which requires 16 v100 GPUs. The remainder of this README contains an installation guide for this repo, descriptions and links to pre-training and fine-tuning datasets, configuration files and python codes for model pre-training and fine-tuning, and jupyter notebook for attention map visualization and analysis for a given molecule. A MoLFormer instance pre-trained on xxx data is also provided.

To train a model run:

bash run_pubchem_light.sh

Finetuning

The finetuning related dataset and environment can be found in finetuning datasets and environment.md respectively. Once you have the environment set up, you can run a fine-tune task by running

bash run_finetune_mu.sh

Finetuning training/checkpointing resources will be available in the diretory named checkpoint_<measure_name>. The path to the results csv will be in the form of ./checkpoint_<measure_name>/<measure_name>/results/results_.csv The results_.csv file contains 4 columns of data. Column one contains the validation score for each epoch while column 2 contains the test score for each epoch. Column 3 contains the best validation score observed up to that point of fine tuning while column 4 is the test score of the epoch which had the best validation score.

Feature Extraction

The notebook frozen_embeddings_classification.ipynb contains code needed to load the checkpoint files and use the pre-trained model as a feature extractor for a simple classification task.

Download the Pretrained MoLFormer.zip and finetune_datasets.zip and extract them to the data/ folder. Follow the instructions in environment.md to install all dependencies and then run the notebook.

Attention Visualization Analysis

The notebooks directory provide attention visualization for two setup with Rotary Embeddings:

  • Linear attention (./notebooks/full_attention_rotary/attention_analysis_rotary_full.ipynb)
  • Full attention (./notebooks/linear_attention_rotary/attention_analysis_rotary_linear.ipynb)

The checkpoints required for the above models are to be placed in ./data/checkpoints

Citations

@article{10.1038/s42256-022-00580-7,
year = {2022},
title = {{Large-scale chemical language representations capture molecular structure and properties}},
author = {Ross, Jerret and Belgodere, Brian and Chenthamarakshan, Vijil and Padhi, Inkit and Mroueh, Youssef and Das, Payel},
journal = {Nature Machine Intelligence},
doi = {10.1038/s42256-022-00580-7},
abstract = {{Models based on machine learning can enable accurate and fast molecular property predictions, which is of interest in drug discovery and material design. Various supervised machine learning models have demonstrated promising performance, but the vast chemical space and the limited availability of property labels make supervised learning challenging. Recently, unsupervised transformer-based language models pretrained on a large unlabelled corpus have produced state-of-the-art results in many downstream natural language processing tasks. Inspired by this development, we present molecular embeddings obtained by training an efficient transformer encoder model, MoLFormer, which uses rotary positional embeddings. This model employs a linear attention mechanism, coupled with highly distributed training, on SMILES sequences of 1.1 billion unlabelled molecules from the PubChem and ZINC datasets. We show that the learned molecular representation outperforms existing baselines, including supervised and self-supervised graph neural networks and language models, on several downstream tasks from ten benchmark datasets. They perform competitively on two others. Further analyses, specifically through the lens of attention, demonstrate that MoLFormer trained on chemical SMILES indeed learns the spatial relationships between atoms within a molecule. These results provide encouraging evidence that large-scale molecular language models can capture sufficient chemical and structural information to predict various distinct molecular properties, including quantum-chemical properties. Large language models have recently emerged with extraordinary capabilities, and these methods can be applied to model other kinds of sequence, such as string representations of molecules. Ross and colleagues have created a transformer-based model, trained on a large dataset of molecules, which provides good results on property prediction tasks.}},
pages = {1256--1264},
number = {12},
volume = {4}
}
@misc{https://doi.org/10.48550/arxiv.2106.09553,
  doi = {10.48550/ARXIV.2106.09553},
  url = {https://arxiv.org/abs/2106.09553},
  author = {Ross, Jerret and Belgodere, Brian and Chenthamarakshan, Vijil and Padhi, Inkit and Mroueh, Youssef and Das, Payel},
  keywords = {Machine Learning (cs.LG), Computation and Language (cs.CL), Biomolecules (q-bio.BM), FOS: Computer and information sciences, FOS: Computer and information sciences, FOS: Biological sciences, FOS: Biological sciences},
  title = {Large-Scale Chemical Language Representations Capture Molecular Structure and Properties},
  publisher = {arXiv},
  year = {2021},
  copyright = {arXiv.org perpetual, non-exclusive license}
}
Downloads last month
0
Unable to determine this model's library. Check the docs .

Dataset used to train katielink/MoLFormer-XL