Molecule Embedding Diffusion Language Model (DLM)
This HuggingFace π€ implementation code only support molecule embedding extraction with DLM, for generation code please refer to our main ApexOracle GitHub repo.
Example Usage
- Clone repo
git clone https://huggingface.co/Kiria-Nozan/ApexOracle
cd ApexOracle
- Extract embedding
from DLM_emb_model import MolEmbDLM
from transformers import AutoTokenizer
import torch
MODEL_DIR = "Kiria-Nozan/ApexOracle"
tokenizer = AutoTokenizer.from_pretrained(MODEL_DIR)
model = MolEmbDLM.from_pretrained(MODEL_DIR)
model.eval()
device = torch.device("cuda:0" if torch.cuda.is_available() else "cpu")
model = model.to(device)
seq = "[C][C][O]" # β replace with the SELFIES string of your molecule
batch = tokenizer(
seq.replace('][', '] ['),
padding=False,
truncation=False,
return_tensors="pt",
)
print(batch)
batch.to(device)
with torch.no_grad():
embeddings = model(
input_ids=batch["input_ids"],
attention_mask=batch["attention_mask"],
) # (1, seq_len + 2, hidden_size), including <cls> and <eos> special tokens
print(f"Embedding shape: {embeddings.shape}")
Paper can be found at Predicting and generating antibiotics against future pathogens with ApexOracle π
Citation
@article{leng2025predicting,
title={Predicting and generating antibiotics against future pathogens with ApexOracle},
author={Leng, Tianang and Wan, Fangping and Torres, Marcelo Der Torossian and de la Fuente-Nunez, Cesar},
journal={arXiv preprint arXiv:2507.07862},
year={2025}
}
- Downloads last month
- 22
Inference Providers
NEW
This model isn't deployed by any Inference Provider.
π
Ask for provider support