gpt-2

There are 944 repositories under gpt-2 topic.

  • BlinkDL/RWKV-LM

    RWKV (pronounced RwaKuv) is an RNN with great LLM performance, which can also be directly trained like a GPT transformer (parallelizable). We are at RWKV-7 "Goose". So it's combining the best of RNN and transformer - great performance, linear time, constant space (no kv-cache), fast training, infinite ctx_len, and free sentence embedding.

    Language:Python14k137260944
  • microsoft/LoRA

    Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"

    Language:Python12.7k75118838
  • NielsRogge/Transformers-Tutorials

    This repository contains demos I made with the Transformers library by HuggingFace.

    Language:Jupyter Notebook11.2k1474791.7k
  • codota/TabNine

    AI Code Completions

    Language:Shell10.8k139608521
  • FoundationVision/VAR

    [NeurIPS 2024 Best Paper Award][GPT beats diffusion🔥] [scaling laws in visual generation📈] Official impl. of "Visual Autoregressive Modeling: Scalable Image Generation via Next-Scale Prediction". An *ultra-simple, user-friendly yet state-of-the-art* codebase for autoregressive image generation!

    Language:Jupyter Notebook8.4k104159538
  • EleutherAI/gpt-neo

    An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.

    Language:Python8.3k177137966
  • Morizeyao/GPT2-Chinese

    Chinese version of GPT2 training code, using BERT tokenizer.

    Language:Python7.6k1612511.7k
  • lonePatient/awesome-pretrained-chinese-nlp-models

    Awesome Pretrained Chinese NLP Models,高质量中文预训练模型&大模型&多模态模型&大语言模型集合

    Language:Python5.4k9613507
  • jaymody/picoGPT

    An unnecessarily tiny implementation of GPT-2 in NumPy.

    Language:Python3.4k2812441
  • dbiir/UER-py

    Open Source Pre-training Model Framework in PyTorch & Pre-trained Model Zoo

    Language:Python3.1k74264525
  • yangjianxin1/GPT2-chitchat

    GPT2 for Chinese chitchat/用于中文闲聊的GPT2模型(实现了DialoGPT的MMI思想)

    Language:Python3k41118676
  • guillaume-be/rust-bert

    Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)

    Language:Rust2.9k40223235
  • stochasticai/xTuring

    Build, customize and control you own LLMs. From data pre-processing to fine-tuning, xTuring provides an easy way to personalize open-source LLMs. Join our discord community: https://discord.gg/TgHXuSJEk6

    Language:Python2.7k34102204
  • microsoft/DialoGPT

    Large-scale pretraining for dialogue

    Language:Python2.4k5584346
  • asyml/texar

    Toolkit for Machine Learning, Natural Language Processing, and Text Generation, in TensorFlow. This is part of the CASL project: http://casl-project.ai/

    Language:Python2.4k77159369
  • BrikerMan/Kashgari

    Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.

    Language:Python2.4k64377434
  • lxe/simple-llm-finetuner

    Simple UI for LLM Model Finetuning

    Language:Jupyter Notebook2.1k2049132
  • thu-coai/CDial-GPT

    A Large-scale Chinese Short-Text Conversation Dataset and Chinese pre-training dialog models

    Language:Python1.9k28108263
  • guinmoon/LLMFarm

    llama and other large language models on iOS and MacOS offline using GGML library.

    Language:C1.9k24123153
  • VHellendoorn/Code-LMs

    Guide to using pre-trained large language models of source code

    Language:Python1.8k4336262
  • transfer-learning-conv-ai

    huggingface/transfer-learning-conv-ai

    🦄 State-of-the-Art Conversational AI with Transfer Learning

    Language:Python1.7k83109432
  • imcaspar/gpt2-ml

    GPT2 for Multiple Languages, including pretrained models. GPT2 多语言支持, 15亿参数中文预训练模型

    Language:Python1.7k3789333
  • FoundationVision/Infinity

    [CVPR 2025 Oral]Infinity ∞ : Scaling Bitwise AutoRegressive Modeling for High-Resolution Image Synthesis

    Language:Python1.4k2411778
  • codota/tabnine-vscode

    Visual Studio Code client for Tabnine. https://marketplace.visualstudio.com/items?itemName=TabNine.tabnine-vscode

    Language:TypeScript1.4k38400204
  • explosion/spacy-transformers

    🛸 Use pretrained transformers like BERT, XLNet and GPT-2 in spaCy

    Language:Python1.4k300173
  • Discord-AI-Chatbot

    mishl-dev/Discord-AI-Chatbot

    This Discord chatbot is incredibly versatile. Powered incredibly fast Groq API

    Language:Python1.4k29153424
  • SkalskiP/vlms-zero-to-hero

    This series will take you on a journey from the fundamentals of NLP and Computer Vision to the cutting edge of Vision-Language Models.

    Language:Jupyter Notebook1.1k461101
  • cedrickchee/awesome-transformer-nlp

    A curated list of NLP resources focused on Transformer networks, attention mechanism, GPT, BERT, ChatGPT, LLMs, and transfer learning.

  • Tencent/TencentPretrain

    Tencent Pre-training framework in PyTorch & Pre-trained Model Zoo

    Language:Python1.1k2138149
  • turtlesoupy/this-word-does-not-exist

    This Word Does Not Exist

    Language:Python1k94984
  • graykode/gpt-2-Pytorch

    Simple Text-Generator with OpenAI gpt-2 Pytorch Implementation

    Language:Python1k2618230
  • tg12/gpt_jailbreak_status

    This is a repository that aims to provide updates on the status of jailbreaking the OpenAI GPT language model.

    Language:HTML92534767
  • asyml/texar-pytorch

    Integrating the Best of TF into PyTorch, for Machine Learning, Natural Language Processing, and Text Generation. This is part of the CASL project: http://casl-project.ai/

    Language:Python74624138113
  • codota/tabnine-vim

    Vim client for TabNine. https://vimawesome.com/plugin/tabnine-vim

    Language:Python6731710037
  • niieani/gpt-tokenizer

    The fastest JavaScript BPE Tokenizer Encoder Decoder for OpenAI's GPT models (o1, o3, o4, gpt-4o, gpt-4, etc.). Port of OpenAI's tiktoken with additional features.

    Language:TypeScript61844846
  • re-search/DocProduct

    Medical Q&A with Deep Language Models

    Language:Jupyter Notebook5712732157