transformers

There are 5669 repositories under transformers topic.

  • generative-ai-for-beginners

    microsoft/generative-ai-for-beginners

    21 Lessons, Get Started Building with Generative AI

    Language:Jupyter Notebook98k85718451.4k
  • annotated_deep_learning_paper_implementations

    labmlai/annotated_deep_learning_paper_implementations

    🧑‍🏫 60+ Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠

    Language:Python63.2k4831376.4k
  • LLaMA-Factory

    hiyouga/LLaMA-Factory

    Unified Efficient Fine-Tuning of 100+ LLMs & VLMs (ACL 2024)

    Language:Python58.3k2907.4k7.2k
  • lucidrains/vit-pytorch

    Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch

    Language:Python23.9k1602723.4k
  • haystack

    deepset-ai/haystack

    AI orchestration framework to build customizable, production-ready LLM applications. Connect components (models, vector DBs, file converters) to pipelines or agents that can interact with your data. With advanced retrieval methods, it's best suited for building RAG, question answering, semantic search or conversational agent chatbots.

    Language:Python22.5k1584.1k2.4k
  • amusi/CVPR2025-Papers-with-Code

    CVPR 2025 论文和开源项目合集

  • huggingface/peft

    🤗 PEFT: State-of-the-art Parameter-Efficient Fine-Tuning.

    Language:Python19.6k1121.3k2k
  • arc53/DocsGPT

    Private AI platform for agents, assistants and enterprise search. Built-in Agent Builder, Deep research, Document analysis, Multi-model support, and API connectivity for agents.

    Language:TypeScript17.1k1005271.8k
  • stas00/ml-engineering

    Machine Learning Engineering Open Book

    Language:Python15.1k12232910
  • huggingface/transformers.js

    State-of-the-art Machine Learning for the web. Run 🤗 Transformers directly in your browser, with no need for a server!

    Language:JavaScript14.5k837851k
  • 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
  • NVIDIA/Megatron-LM

    Ongoing research training transformer models at scale

    Language:Python13.6k1741.1k3.1k
  • PaddleNLP

    PaddlePaddle/PaddleNLP

    Easy-to-use and powerful LLM and SLM library with awesome model zoo.

    Language:Python12.8k1003.8k3.1k
  • txtai

    neuml/txtai

    💡 All-in-one open-source AI framework for semantic search, LLM orchestration and language model workflows

    Language:Python11.6k111916740
  • NielsRogge/Transformers-Tutorials

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

    Language:Jupyter Notebook11.2k1474791.7k
  • qubvel-org/segmentation_models.pytorch

    Semantic segmentation models with 500+ pretrained convolutional and transformer-based backbones.

    Language:Python10.9k847101.8k
  • speechbrain/speechbrain

    A PyTorch-based Speech Toolkit

    Language:Python10.4k1341.2k1.6k
  • tokenizers

    huggingface/tokenizers

    💥 Fast State-of-the-Art Tokenizers optimized for Research and Production

    Language:Rust10.1k1261.1k966
  • niedev/RTranslator

    Open source real-time translation app for Android that runs locally

    Language:C++9.2k67119821
  • openvinotoolkit/openvino

    OpenVINO™ is an open source toolkit for optimizing and deploying AI inference

    Language:C++8.8k1923.1k2.7k
  • 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.4k104159539
  • intel/ipex-llm

    Accelerate local LLM inference and finetuning (LLaMA, Mistral, ChatGLM, Qwen, DeepSeek, Mixtral, Gemma, Phi, MiniCPM, Qwen-VL, MiniCPM-V, etc.) on Intel XPU (e.g., local PC with iGPU and NPU, discrete GPU such as Arc, Flex and Max); seamlessly integrate with llama.cpp, Ollama, HuggingFace, LangChain, LlamaIndex, vLLM, DeepSpeed, Axolotl, etc.

    Language:Python8.3k2613k1.4k
  • EleutherAI/gpt-neo

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

    Language:Python8.3k177137966
  • OpenRLHF/OpenRLHF

    An Easy-to-use, Scalable and High-performance RLHF Framework based on Ray (PPO & GRPO & REINFORCE++ & vLLM & Ray & Dynamic Sampling & Async Agentic RL)

    Language:Python7.9k37591769
  • lucidrains/PaLM-rlhf-pytorch

    Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM

    Language:Python7.9k13948682
  • bertviz

    jessevig/bertviz

    BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)

    Language:Python7.6k74126840
  • EleutherAI/gpt-neox

    An implementation of model parallel autoregressive transformers on GPUs, based on the Megatron and DeepSpeed libraries

    Language:Python7.3k1284601.1k
  • BERTopic

    MaartenGr/BERTopic

    Leveraging BERT and c-TF-IDF to create easily interpretable topics.

    Language:Python7k521.8k857
  • SkalskiP/courses

    This repository is a curated collection of links to various courses and resources about Artificial Intelligence (AI)

    Language:Python6.2k1008561
  • lucidrains/DALLE-pytorch

    Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch

    Language:Python5.6k95277645
  • lucidrains/x-transformers

    A concise but complete full-attention transformer with a set of promising experimental features from various papers

    Language:Python5.6k57261478
  • microsoft/presidio

    An open-source framework for detecting, redacting, masking, and anonymizing sensitive data (PII) across text, images, and structured data. Supports NLP, pattern matching, and customizable pipelines.

    Language:Python5.6k75495740
  • OFA-Sys/Chinese-CLIP

    Chinese version of CLIP which achieves Chinese cross-modal retrieval and representation generation.

    Language:Jupyter Notebook5.5k38369518
  • imoneoi/openchat

    OpenChat: Advancing Open-source Language Models with Imperfect Data

    Language:Python5.4k49190430
  • alignment-handbook

    huggingface/alignment-handbook

    Robust recipes to align language models with human and AI preferences

    Language:Python5.4k109143457
  • superduper

    superduper-io/superduper

    Superduper: End-to-end framework for building custom AI applications and agents.

    Language:Python5.2k431.4k527