karpathy / minGPTLinks
A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training
☆22,669Updated last year
Alternatives and similar repositories for minGPT
Users that are interested in minGPT are comparing it to the libraries listed below
Sorting:
- The simplest, fastest repository for training/finetuning medium-sized GPTs.☆44,823Updated 9 months ago
- Inference Llama 2 in one file of pure C☆18,801Updated last year
- A tiny scalar-valued autograd engine and a neural net library on top of it with PyTorch-like API☆12,844Updated last year
- Train transformer language models with reinforcement learning.☆15,739Updated this week
- Facebook AI Research Sequence-to-Sequence Toolkit written in Python.☆31,856Updated last week
- 🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.☆19,743Updated this week
- Instruct-tune LLaMA on consumer hardware☆18,958Updated last year
- QLoRA: Efficient Finetuning of Quantized LLMs☆10,680Updated last year
- Minimal, clean code for the Byte Pair Encoding (BPE) algorithm commonly used in LLM tokenization.☆9,975Updated last year
- 🤗 Transformers: the model-definition framework for state-of-the-art machine learning models in text, vision, audio, and multimodal model…☆150,669Updated this week
- RWKV (pronounced RwaKuv) is an RNN with great LLM performance, which can also be directly trained like a GPT transformer (parallelizable)…☆13,997Updated last week
- Ongoing research training transformer models at scale☆13,755Updated this week
- Implementation of the LLaMA language model based on nanoGPT. Supports flash attention, Int8 and GPTQ 4bit quantization, LoRA and LLaMA-Ad…☆6,076Updated 3 months ago
- Tensor library for machine learning☆13,230Updated last week
- Code and documentation to train Stanford's Alpaca models, and generate the data.☆30,166Updated last year
- LLM training in simple, raw C/CUDA☆27,769Updated 3 months ago
- Pretrain, finetune ANY AI model of ANY size on 1 or 10,000+ GPUs with zero code changes.☆30,222Updated this week
- Fast and memory-efficient exact attention☆19,778Updated last week
- Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities☆21,753Updated 3 months ago
- An autoregressive character-level language model for making more things☆3,317Updated last year
- Repo for external large-scale work☆6,545Updated last year
- Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"☆12,775Updated 9 months ago
- BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)☆7,686Updated 4 months ago
- tiktoken is a fast BPE tokeniser for use with OpenAI's models.☆16,097Updated last week
- Flexible and powerful tensor operations for readable and reliable code (for pytorch, jax, TF and others)☆9,205Updated last month
- Awesome-LLM: a curated list of Large Language Model☆25,197Updated 2 months ago
- Unsupervised text tokenizer for Neural Network-based text generation.☆11,331Updated this week
- [NeurIPS'23 Oral] Visual Instruction Tuning (LLaVA) built towards GPT-4V level capabilities and beyond.☆23,663Updated last year
- An unnecessarily tiny implementation of GPT-2 in NumPy.☆3,412Updated 2 years ago
- 🚀 A simple way to launch, train, and use PyTorch models on almost any device and distributed configuration, automatic mixed precision (i…☆9,180Updated last week