Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
https://github.com/AdityaNG/kan-gpt
The PyTorch implementation of Generative Pre-trained Transformers (GPTs) using Kolmogorov-Arnold Networks (KANs) for language modeling
https://github.com/AdityaNG/kan-gpt
gpt kanformers kolmogorov-arnold-networks kolmogorov-arnold-representation llm text-generation transformers
Last synced: 19 days ago
JSON representation
The PyTorch implementation of Generative Pre-trained Transformers (GPTs) using Kolmogorov-Arnold Networks (KANs) for language modeling
- Host: GitHub
- URL: https://github.com/AdityaNG/kan-gpt
- Owner: AdityaNG
- License: mit
- Created: 2024-05-02T15:41:42.000Z (10 months ago)
- Default Branch: main
- Last Pushed: 2024-11-25T00:23:32.000Z (3 months ago)
- Last Synced: 2025-01-30T07:25:25.618Z (22 days ago)
- Topics: gpt, kanformers, kolmogorov-arnold-networks, kolmogorov-arnold-representation, llm, text-generation, transformers
- Language: Python
- Homepage: https://adityang.github.io/kan-gpt/
- Size: 3.05 MB
- Stars: 711
- Watchers: 8
- Forks: 54
- Open Issues: 6
-
Metadata Files:
- Readme: README.md
- Changelog: HISTORY.md
- Contributing: CONTRIBUTING.md
- Funding: .github/FUNDING.yml
- License: LICENSE
Awesome Lists containing this project
- StarryDivineSky - AdityaNG/kan-gpt - Arnold 网络 (KAN) 进行语言建模的生成式预训练转换器 (GPT) 的 PyTorch 实现 (A01_文本生成_文本对话 / 其他_文本生成_文本对话)
README
# KAN-GPT
data:image/s3,"s3://crabby-images/c1fc5/c1fc5edc8c6c9ff44c5b04c84cd231d50204bc57" alt="PyPI - Downloads"
[data:image/s3,"s3://crabby-images/63444/63444f9be31b8f60c000e345e24affad9212f244" alt="PyPI - Version"](https://pypi.org/project/kan-gpt/)
[data:image/s3,"s3://crabby-images/c6582/c6582da771a837e1faf80e01ff8df991f97d8716" alt="codecov"](https://codecov.io/gh/AdityaNG/kan-gpt)
[data:image/s3,"s3://crabby-images/af155/af155ab41debb87fcccd4341ac9b9c8db0d1362c" alt="CI"](https://github.com/AdityaNG/kan-gpt/actions/workflows/main.yml)
[data:image/s3,"s3://crabby-images/b0589/b058964807889e4ab01092dcc86e56668b3eb488" alt="GitHub License"](https://github.com/AdityaNG/kan-gpt/blob/main/LICENSE)The PyTorch implementation of Generative Pre-trained Transformers (GPTs) using Kolmogorov-Arnold Networks (KANs) for language modeling
## Install it from PyPI
```bash
pip install kan_gpt
```## Citation
If you find our work useful cite us!
```
@misc{GANESH2024KANGPT,
author = {Aditya Nalgunda Ganesh},
title = {KAN-GPT: The PyTorch implementation of Generative Pre-trained Transformers (GPTs) using Kolmogorov-Arnold Networks (KANs) for language modeling},
year = {2024},
month = {May},
note = {Release 1.0.0, 9th May 2024},
url = {https://github.com/AdityaNG/kan-gpt/}
}
```## Usage
Refer to the [KAN_GPT.ipynb](https://github.com/AdityaNG/kan-gpt/blob/main/KAN_GPT.ipynb) and [kan_gpt/prompt.py](https://github.com/AdityaNG/kan-gpt/blob/main/kan_gpt/prompt.py) for usage examples. The following is an outline of how to use the model:
```py
from kan_gpt.model import GPT
from transformers import GPT2Tokenizermodel_config = GPT.get_default_config()
model_config.model_type = "gpt2"
model_config.vocab_size = 50257
model_config.block_size = 1024
model = GPT(model_config)tokenizer = GPT2Tokenizer.from_pretrained('gpt2')
prompt = "Bangalore is often described as the "
prompt_encoded = tokenizer.encode(
text=prompt, add_special_tokens=False
)x = torch.tensor(prompt_encoded).unsqueeze(0)
model.eval()
y = model.generate(x, 50) # sample 50 tokensresult = tokenizer.decode(y[0])
print(result)
# Bangalore is often described as the Silicon Valley of India.
# The city has witnessed rapid growth in the past two decades.....
```## Setup for Development
```bash
# Download Repo
git clone https://github.com/AdityaNG/kan-gpt
cd kan-gpt
git pull# Download Dataset
python3 -m kan_gpt.download_dataset --dataset tinyshakespeare
python3 -m kan_gpt.download_dataset --dataset mnist
python3 -m kan_gpt.download_dataset --dataset webtext# Install dependencies for development
pip install -r requirements.txt
pip install -e .
```## Train
Use the following dummy script to make sure everything is working as expected
```bash
WANDB_MODE=offline CUDA_VISIBLE_DEVICE="" python3 -m kan_gpt.train --architecture MLP --batch_size 1 --dummy_dataset --device cpu --max_iters 200
WANDB_MODE=offline CUDA_VISIBLE_DEVICE="" python3 -m kan_gpt.train --architecture KAN --batch_size 1 --dummy_dataset --device cpu --max_iters 200
```Then make use of the training script
```bash
python -m kan_gpt.train
```## Prompt
You can prompt the model to produce text as follows
```bash
python -m kan_gpt.prompt --prompt "Bangalore is often described as the " --model_path (checkpoint)
```## Results
We train and compare KAN-GPT with an equivalent MLP-GPT model on the Tiny Shakespeare dataset. We observe that the KAN-GPT performs slightly better than the MLP-GPT. We are looking into further experiments to dive deeper. The results are shown below:
| Metrics | | |
|---------|---------|---------|
| data:image/s3,"s3://crabby-images/1a5ae/1a5ae55389adca5ab5765441fad7aabaa12346f9" alt="results_loss" | data:image/s3,"s3://crabby-images/0605f/0605fc24657c97dcad158125cb4fe248251c83e2" alt="results_cross_entropy" | data:image/s3,"s3://crabby-images/f57d7/f57d7dfd7ffcdf5ac31154f278d194097fe0134e" alt="results_perplexity" |## TODOs
- [x] Integrate [minGPT](https://github.com/karpathy/minGPT) and [pykan](https://github.com/KindXiaoming/pykan)
- [x] Dataset downloading script for [WebText](https://github.com/openai/gpt-2-output-dataset)
- [x] PyTorch Dataset parser for [WebText](https://github.com/openai/gpt-2-output-dataset)
- [x] PyTorch Dataset parser for [tinyshakespeare](https://raw.githubusercontent.com/karpathy/char-rnn/master/data/tinyshakespeare/input.txt)
- [x] Mini training POC for KAN-GPT
- [x] Integrate KAN training logic from `KAN.train_kan`
- [x] Train a dummy batch w/o any memory issues
- [x] Mini training POC for MLP-GPT
- [x] Train MLP-GPT on the webtext dataset as a baseline
- [x] Train KAN-GPT on the webtext dataset as a baseline
- [x] Metrics comparing KAN-GPT and MLP-GPT
- [x] Auto Save checkpoints
- [x] Auto Save checkpoints to W&B
- [ ] Auto Download model weights from git / huggingface
- [x] W&B hyperparam sweep script
- [x] Script to load checkpoint in interactive mode
- [ ] Reduce requrements.txt constraints
- [ ] Define pydantic model for training and sweep args
- [ ] Pruning the package, get rid of unused code
- [ ] Training script to PyTorch Lighting
- [x] Documentation: `mkdocs gh-deploy`
- [x] Integrate with [efficient-kan](https://github.com/Blealtan/efficient-kan/blob/master/src/efficient_kan/kan.py)
- [x] Test Cases
- [x] KAN: Forward-Backward test
- [x] GPT: Forward-Backward test
- [x] KAN_GPT: Forward-Backward test
- [x] EFFICIENT_KAN: Forward-Backward test## Development
Read the [CONTRIBUTING.md](https://github.com/AdityaNG/kan-gpt/blob/main/CONTRIBUTING.md) file.
## References
- [minGPT](https://github.com/karpathy/minGPT)
- [pykan](https://github.com/KindXiaoming/pykan)
- [webtext](https://github.com/openai/gpt-2-output-dataset)
- [tinyshakespeare](https://raw.githubusercontent.com/karpathy/char-rnn/master/data/tinyshakespeare/input.txt)