Recent News:
- Welcome to VenusFactory! Please give us a star if you like it!
- [2025-03-17] Add PETA, ProPrime, ProSST models
- Features
- Supported Models
- Supported Training Approaches
- Supported Datasets
- Supported Metrics
- Requirements
- Quick Start with Venus Web UI
- Code-line Usage
- Citation
- Acknowledgement
- Vaious protein langugae models: ESM2, ESM-b, ESM-1v, ProtBert, ProtT5, Ankh, etc
- Comprehensive supervised datasets: Localization, Fitness, Solubility, Stability, etc
- Easy and quick data collector: AlphaFold2 Database, RCSB, InterPro, Uniprot, etc
- Experiment moitors: Wandb, Local
- Friendly interface: Gradio UI
ESM Series Models: Meta AI's protein language models
Model | Size | Parameters | GPU Memory | Training Data | Template |
---|---|---|---|---|---|
ESM2-8M | 8M | 8M | 2GB+ | UR50/D | facebook/esm2_t6_8M_UR50D |
ESM2-35M | 35M | 35M | 4GB+ | UR50/D | facebook/esm2_t12_35M_UR50D |
ESM2-150M | 150M | 150M | 8GB+ | UR50/D | facebook/esm2_t30_150M_UR50D |
ESM2-650M | 650M | 650M | 16GB+ | UR50/D | facebook/esm2_t33_650M_UR50D |
ESM2-3B | 3B | 3B | 24GB+ | UR50/D | facebook/esm2_t36_3B_UR50D |
ESM2-15B | 15B | 15B | 40GB+ | UR50/D | facebook/esm2_t48_15B_UR50D |
ESM-1b | 650M | 650M | 16GB+ | UR50/S | facebook/esm1b_t33_650M_UR50S |
ESM-1v-1 | 650M | 650M | 16GB+ | UR90/S | facebook/esm1v_t33_650M_UR90S_1 |
ESM-1v-2 | 650M | 650M | 16GB+ | UR90/S | facebook/esm1v_t33_650M_UR90S_2 |
ESM-1v-3 | 650M | 650M | 16GB+ | UR90/S | facebook/esm1v_t33_650M_UR90S_3 |
ESM-1v-4 | 650M | 650M | 16GB+ | UR90/S | facebook/esm1v_t33_650M_UR90S_4 |
ESM-1v-5 | 650M | 650M | 16GB+ | UR90/S | facebook/esm1v_t33_650M_UR90S_5 |
💡 ESM2 models are the latest generation, offering better performance than ESM-1b/1v
BERT-based Models: Transformer encoder architecture
Model | Size | Parameters | GPU Memory | Training Data | Template |
---|---|---|---|---|---|
ProtBert-Uniref100 | 420M | 420M | 12GB+ | UniRef100 | Rostlab/prot_bert |
ProtBert-BFD | 420M | 420M | 12GB+ | BFD100 | Rostlab/prot_bert_bfd |
IgBert | 420M | 420M | 12GB+ | Antibody | Exscientia/IgBert |
IgBert-unpaired | 420M | 420M | 12GB+ | Antibody | Exscientia/IgBert_unpaired |
💡 BFD-trained models generally show better performance on structure-related tasks
T5-based Models: Encoder-decoder architecture
Model | Size | Parameters | GPU Memory | Training Data | Template |
---|---|---|---|---|---|
ProtT5-XL-UniRef50 | 3B | 3B | 24GB+ | UniRef50 | Rostlab/prot_t5_xl_uniref50 |
ProtT5-XXL-UniRef50 | 11B | 11B | 40GB+ | UniRef50 | Rostlab/prot_t5_xxl_uniref50 |
ProtT5-XL-BFD | 3B | 3B | 24GB+ | BFD100 | Rostlab/prot_t5_xl_bfd |
ProtT5-XXL-BFD | 11B | 11B | 40GB+ | BFD100 | Rostlab/prot_t5_xxl_bfd |
IgT5 | 3B | 3B | 24GB+ | Antibody | Exscientia/IgT5 |
IgT5-unpaired | 3B | 3B | 24GB+ | Antibody | Exscientia/IgT5_unpaired |
💡 T5 models can be used for both encoding and generation tasks
Specialized Models: Task-specific architectures
Model | Size | Parameters | GPU Memory | Features | Template |
---|---|---|---|---|---|
Ankh-base | 450M | 450M | 12GB+ | Encoder-decoder | ElnaggarLab/ankh-base |
Ankh-large | 1.2B | 1.2B | 20GB+ | Encoder-decoder | ElnaggarLab/ankh-large |
ProSST-20 | 20 | 110M | 4GB+ | Mutation | AI4Protein/ProSST-20 |
ProSST-128 | 128 | 110M | 4GB+ | Mutation | AI4Protein/ProSST-128 |
ProSST-512 | 512 | 110M | 4GB+ | Mutation | AI4Protein/ProSST-512 |
ProSST-2048 | 2048 | 110M | 4GB+ | Mutation | AI4Protein/ProSST-2048 |
ProSST-4096 | 4096 | 110M | 4GB+ | Mutation | AI4Protein/ProSST-4096 |
ProPrime-690M | 690M | 690M | 16GB+ | OGT-prediction | AI4Protein/Prime_690M |
💡 These models often excel in specific tasks or offer unique architectural benefits
PETA Models: Tokenization variants
Model | Vocab Size | Parameters | GPU Memory | Template |
---|---|---|---|---|
PETA-base | base | 80M | 4GB+ | AI4Protein/deep_base |
PETA-bpe-50 | 50 | 80M | 4GB+ | AI4Protein/deep_bpe_50 |
PETA-bpe-200 | 200 | 80M | 4GB+ | AI4Protein/deep_bpe_200 |
PETA-bpe-400 | 400 | 80M | 4GB+ | AI4Protein/deep_bpe_400 |
PETA-bpe-800 | 800 | 80M | 4GB+ | AI4Protein/deep_bpe_800 |
PETA-bpe-1600 | 1600 | 80M | 4GB+ | AI4Protein/deep_bpe_1600 |
PETA-bpe-3200 | 3200 | 80M | 4GB+ | AI4Protein/deep_bpe_3200 |
Model | Vocab Size | Parameters | GPU Memory | Template |
---|---|---|---|---|
PETA-unigram-50 | 50 | 80M | 4GB+ | AI4Protein/deep_unigram_50 |
PETA-unigram-100 | 100 | 80M | 4GB+ | AI4Protein/deep_unigram_100 |
PETA-unigram-200 | 200 | 80M | 4GB+ | AI4Protein/deep_unigram_200 |
PETA-unigram-400 | 400 | 80M | 4GB+ | AI4Protein/deep_unigram_400 |
PETA-unigram-800 | 800 | 80M | 4GB+ | AI4Protein/deep_unigram_800 |
PETA-unigram-1600 | 1600 | 80M | 4GB+ | AI4Protein/deep_unigram_1600 |
PETA-unigram-3200 | 3200 | 80M | 4GB+ | AI4Protein/deep_unigram_3200 |
💡 Different tokenization strategies may be better suited for specific tasks
How to choose the right model?
-
Based on Hardware Constraints:
- Limited GPU (<8GB): ESM2-8M, ESM2-35M, ProSST
- Medium GPU (8-16GB): ESM2-150M, ESM2-650M, ProtBert series
- High-end GPU (24GB+): ESM2-3B, ProtT5-XL, Ankh-large
- Multiple GPUs: ESM2-15B, ProtT5-XXL
-
Based on Task Type:
- Sequence classification: ESM2, ProtBert
- Structure prediction: ESM2, Ankh
- Generation tasks: ProtT5
- Antibody design: IgBert, IgT5
- Lightweight deployment: ProSST, PETA-base
-
Based on Training Data:
- General protein tasks: ESM2, ProtBert
- Structure-aware tasks: Ankh
- Antibody-specific: IgBert, IgT5
- Custom tokenization needs: PETA series
🔍 All models are available through the Hugging Face Hub and can be easily loaded using their templates.
Approach | Full-tuning | Freeze-tuning | SES-Adapter | AdaLoRA | QLoRA | LoRA | DoRA | IA3 |
---|---|---|---|---|---|---|---|---|
Supervised Fine-Tuning | ✅ | ✅ | ✅ | ✅ | ✅ | ✅ | ✅ | ✅ |
Pre-training datasets
- CATH_V43_S40 | structures
Supervised fine-tuning datasets (amino acid sequences/ foldseek sequences/ ss8 sequences)
- DeepLocBinary | protein-wise | single_label_classification
- DeepLocMulti | protein-wise | single_label_classification
- DeepLoc2Multi | protein-wise | single_label_classification
- DeepSol | protein-wise | single_label_classification
- DeepSoluE | protein-wise | single_label_classification
- ProtSolM | protein-wise | single_label_classification
- eSOL | protein-wise | regression
- DeepET_Topt | protein-wise | regression
- EC | protein-wise | multi_label_classification
- GO_BP | protein-wise | multi_label_classification
- GO_CC | protein-wise | multi_label_classification
- GO_MF | protein-wise | multi_label_classification
- MetalIonBinding | protein-wise | single_label_classification
- Thermostability | protein-wise | regression
✨ Only structural sequences are different for the same dataset, for example,
DeepLocBinary_ESMFold
andDeepLocBinary_AlphaFold2
share the same amino acid sequences, this means if you only want to use theaa_seqs
, both are ok!
Supervised fine-tuning datasets (amino acid sequences)
- Demo_Solubility | protein-wise | single_label_classification
- DeepLocBinary | protein-wise | single_label_classification
- DeepLocMulti | protein-wise | single_label_classification
- DeepLoc2Multi | protein-wise | single_label_classification
- DeepSol | protein-wise | single_label_classification
- DeepSoluE | protein-wise | single_label_classification
- ProtSolM | protein-wise | single_label_classification
- eSOL | protein-wise | regression
- DeepET_Topt | protein-wise | regression
- EC | protein-wise | multi_label_classification
- GO_BP | protein-wise | multi_label_classification
- GO_CC | protein-wise | multi_label_classification
- GO_MF | protein-wise | multi_label_classification
- MetalIonBinding | protein-wise | single_label_classification
- Thermostability | protein-wise | regression
- PaCRISPR | protein-wise
- PETA_CHS_Sol | protein-wise
- PETA_LGK_Sol | protein-wise
- PETA_TEM_Sol | protein-wise
- SortingSignal | protein-wise
- FLIP_AAV | protein-site | regression
- FLIP_GB1 | protein-site | regression
- TAPE_Fluorescence | protein-site | regression
- TAPE_Stability | protein-site | regression
Name | Torchmetrics | Problem Type |
---|---|---|
accuracy | Accuracy | single_label_classification/ multi_label_classification |
recall | Recall | single_label_classification/ multi_label_classification |
precision | Precision | single_label_classification/ multi_label_classification |
f1 | F1Score | single_label_classification/ multi_label_classification |
mcc | MatthewsCorrCoef | single_label_classification/ multi_label_classification |
auc | AUROC | single_label_classification/ multi_label_classification |
f1_max | F1ScoreMax | multi_label_classification |
spearman_corr | SpearmanCorrCoef | regression |
mse | MeanSquaredError | regression |
- Recommended: NVIDIA RTX 3090 (24GB) or better
- Actual requirements depend on your chosen protein language model
- Anaconda3 or Miniconda3
- Python 3.10
git clone https://github.com/tyang816/VenusFactory.git
cd VenusFactory
conda create -n venus python=3.10
conda activate venus # For Windows
# source activate venus # For Linux
pip install -r requirements.txt
Get started quickly with our intuitive graphical interface powered by Gradio:
python ./src/webui.py
This will launch the Venus Web UI where you can:
- Configure and run fine-tuning experiments
- Monitor training progress
- Evaluate models
- Visualize results
We provide a detailed guide to help you navigate through each tab of the Venus Web UI.
1. Training Tab: Train your own protein language model
Select a protein language model from the dropdown menu. Upload your dataset or select from available datasets and choose metrics appropriate for your problem type.
Choose a training method (Freeze, SES-Adapter, LoRA, QLoRA etc.) and configure training parameters (batch size, learning rate, etc.).
Click "Start Training" and monitor progress in real-time.
Click "Download CSV" to download the test metrics results.
2. Evaluation Tab: Evaluate your trained model within a benchmark
Load your trained model by specifying the model path. Select the same protein language model and model configs used during training. Select a test dataset and configure batch size. Choose evaluation metrics appropriate for your problem type. Finally, click "Start Evaluation" to view performance metrics.
3. Prediction Tab: Use your trained model to predict samples
Load your trained model by specifying the model path. Select the same protein language model and model configs used during training.
For single sequence: Enter a protein sequence in the text box.
For batch prediction: Upload a CSV file with sequences.
Click "Predict" to generate and view results.
4. Download Tab: Collect data from different sources with high efficiency
- AlphaFold2 Structures: Enter UniProt IDs to download protein structures
- UniProt: Search for protein information using keywords or IDs
- InterPro: Retrieve protein family and domain information
- RCSB PDB: Download experimental protein structures
5. Manual Tab: Detailed documentation and guides
Select a language (English/Chinese).
Navigate through the documentation using the table of contents and find step-by-step guides.
For users who prefer command-line interface, we provide comprehensive script solutions for different scenarios.
Training Methods: Various fine-tuning approaches for different needs
# Freeze-tuning: Train only specific layers while freezing others
bash ./script/train/train_plm_vanilla.sh
# SES-Adapter: Selective and Efficient adapter fine-tuning
bash ./script/train/train_plm_ses-adapter.sh
# AdaLoRA: Adaptive Low-Rank Adaptation
bash ./script/train/train_plm_adalora.sh
# QLoRA: Quantized Low-Rank Adaptation
bash ./script/train/train_plm_qlora.sh
# LoRA: Low-Rank Adaptation
bash ./script/train/train_plm_lora.sh
# DoRA: Double Low-Rank Adaptation
bash ./script/train/train_plm_dora.sh
# IA3: Infused Adapter by Inhibiting and Amplifying Inner Activations
bash ./script/train/train_plm_ia3.sh
Method | Memory Usage | Training Speed | Performance |
---|---|---|---|
Freeze | Low | Fast | Good |
SES-Adapter | Medium | Medium | Better |
AdaLoRA | Low | Medium | Better |
QLoRA | Very Low | Slower | Good |
LoRA | Low | Fast | Good |
DoRA | Low | Medium | Better |
IA3 | Very Low | Fast | Good |
Model Evaluation: Comprehensive evaluation tools
# Evaluate model performance on test sets
bash ./script/eval/eval.sh
- Classification: accuracy, precision, recall, F1, MCC, AUC
- Regression: MSE, Spearman correlation
- Multi-label: F1-max
- Training curves
- Confusion matrices
- ROC curves
- Performance comparison plots
Structure Sequence Tools: Process protein structure information
# Generate structure sequences using ESM-3
bash ./script/get_get_structure_seq/get_esm3_structure_seq.sh
# Predict protein secondary structure
bash ./script/get_get_structure_seq/get_secondary_structure_seq.sh
Features:
- Support for multiple sequence formats
- Batch processing capability
- Integration with popular structure prediction tools
Data Collection Tools: Multi-source protein data acquisition
# Convert CIF format to PDB
bash ./crawler/convert/maxit.sh
# Download metadata from RCSB PDB
bash ./crawler/metadata/download_rcsb.sh
# Download protein sequences from UniProt
bash ./crawler/sequence/download_uniprot_seq.sh
# Download from AlphaFold2 Database
bash ./crawler/structure/download_alphafold.sh
# Download from RCSB PDB
bash ./crawler/structure/download_rcsb.sh
Features:
- Automated batch downloading
- Resume interrupted downloads
- Data integrity verification
- Multiple source support
- Customizable search criteria
Database | Data Type | Access Method | Rate Limit |
---|---|---|---|
AlphaFold2 | Structures | REST API | Yes |
RCSB PDB | Structures | FTP/HTTP | No |
UniProt | Sequences | REST API | Yes |
InterPro | Domains | REST API | Yes |
Usage Examples: Common scenarios and solutions
# Train a protein solubility predictor using ESM2
bash ./script/train/train_plm_lora.sh \
--model "facebook/esm2_t33_650M_UR50D" \
--dataset "DeepSol" \
--batch_size 32 \
--learning_rate 1e-4
# Evaluate the trained model
bash ./script/eval/eval.sh \
--model_path "path/to/your/model" \
--test_dataset "DeepSol_test"
# Download structures for a list of UniProt IDs
bash ./crawler/structure/download_alphafold.sh \
--input uniprot_ids.txt \
--output ./structures
💡 All scripts support additional command-line arguments for customization. Use
--help
with any script to see available options.
Please cite our work if you have used our code or data.
@article{tan2025venusfactory,
title={VenusFactory: A Unified Platform for Protein Engineering Data Retrieval and Language Model Fine-Tuning},
author={Tan, Yang and Liu, Chen and Gao, Jingyuan and Wu, Banghao and Li, Mingchen and Wang, Ruilin and Zhang, Lingrong and Yu, Huiqun and Fan, Guisheng and Hong, Liang and Zhou, Bingxin},
journal={arXiv preprint arXiv:2503.15438},
year={2025}
}
Thanks the support of Liang's Lab.