Home>Repos>Topic>Transformer

Transformer 相关的热门 GitHub AI项目仓库

发现与 Transformer 相关的最受欢迎的开源项目和工具,了解最新的开发趋势和创新。

选择语言
热门

🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.

huggingfacehuggingface
143.5K
28.8K
2025-04-26

🧑‍🏫 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, ... 🧠

labmlailabmlai
60.3K
6.1K
2024-08-24
vllm
Python
Hot

A high-throughput and memory-efficient inference and serving engine for LLMs

vllm-projectvllm-project
45.8K
7.1K
2025-04-27

Port of OpenAI's Whisper model in C/C++

ggml-orgggml-org
39.5K
4.2K
2025-04-26

The largest collection of PyTorch image encoders / backbones. Including train, eval, inference, export scripts, and pretrained weights -- ResNet, ResNeXT, EfficientNet, NFNet, Vision Transformer (ViT), MobileNetV4, MobileNet-V3 & V2, RegNet, DPN, CSPNet, Swin Transformer, MaxViT, CoAtNet, ConvNeXt, and more

huggingfacehuggingface
33.9K
4.9K
2025-04-26
Hot

OpenMMLab Detection Toolbox and Benchmark

open-mmlabopen-mmlab
30.9K
9.6K
2024-08-21
Hot

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

lucidrainslucidrains
22.6K
3.3K
2025-03-06
minGPT
Python
Hot

A minimal PyTorch re-implementation of the OpenAI GPT (Generative Pretrained Transformer) training

karpathykarpathy
21.8K
2.8K
2024-08-15
Hot

SOTA Open Source TTS

fishaudiofishaudio
20.8K
1.7K
2025-04-12

🏆 A ranked list of awesome machine learning Python libraries. Updated weekly.

ml-toolingml-tooling
20.0K
2.8K
2025-04-25

CVPR 2025 论文和开源项目合集

amusiamusi
19.8K
2.7K
2025-03-11
Hot

[NeurIPS 2022] Towards Robust Blind Face Restoration with Codebook Lookup Transformer

sczhousczhou
17.0K
3.5K
2024-10-10

State-of-the-Art Text Embeddings

UKPLabUKPLab
16.6K
2.6K
2025-04-24

Faster Whisper transcription with CTranslate2

SYSTRANSYSTRAN
15.6K
1.3K
2025-03-20
leedl-tutorial
Jupyter Notebook
Hot

《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases

datawhalechinadatawhalechina
15.0K
3.0K
2025-04-03

This is an official implementation for "Swin Transformer: Hierarchical Vision Transformer using Shifted Windows".

microsoftmicrosoft
14.7K
2.1K
2024-07-25
nlp-tutorial
Jupyter Notebook
Hot

Natural Language Processing Tutorial for Deep Learning Researchers

graykodegraykode
14.6K
4.0K
2024-02-21
detr
Python
Hot

End-to-End Object Detection with Transformers

facebookresearchfacebookresearch
14.3K
2.6K
2024-03-12
LaTeX-OCR
Python
Hot

pix2tex: Using a ViT to convert images of equations into LaTeX code.

lukas-blecherlukas-blecher
14.2K
1.1K
2025-01-18
RWKV-LM
Python
Hot

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.

BlinkDLBlinkDL
13.5K
913
2025-04-23
transformers.js
JavaScript
Hot

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

huggingfacehuggingface
13.5K
902
2025-04-26
trl
Python
Hot

Train transformer language models with reinforcement learning.

huggingfacehuggingface
13.4K
1.8K
2025-04-27
dio
Dart
Hot

A powerful HTTP client for Dart and Flutter, which supports global settings, Interceptors, FormData, aborting and canceling a request, files uploading and downloading, requests timeout, custom adapters, etc.

cfugcfug
12.6K
1.5K
2025-03-26
Hot

Ongoing research training transformer models at scale

NVIDIANVIDIA
12.2K
2.7K
2025-04-27
Hot

Easy-to-use Speech Toolkit including Self-Supervised Learning model, SOTA/Streaming ASR with punctuation, Streaming TTS with text frontend, Speaker Verification System, End-to-End Speech Translation and Keyword Spotting. Won NAACL2022 Best Demo Award.

PaddlePaddlePaddlePaddle
11.8K
1.9K
2025-04-21

Advanced AI Explainability for computer vision. Support for CNNs, Vision Transformers, Classification, Object detection, Segmentation, Image similarity and more.

jacobgiljacobgil
11.5K
1.6K
2025-04-07
vision_transformer
Jupyter Notebook
Hot

暂无描述

google-researchgoogle-research
11.3K
1.4K
2025-03-06
Transformers-Tutorials
Jupyter Notebook
Hot

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

NielsRoggeNielsRogge
10.8K
1.6K
2025-04-21

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

qubvel-orgqubvel-org
10.4K
1.7K
2025-04-25
MNN
C++
Hot

MNN is a blazing fast, lightweight deep learning framework, battle-tested by business-critical use cases in Alibaba. Full multimodal LLM Android App:[MNN-LLM-Android](./apps/Android/MnnLlmChat/README.md)

alibabaalibaba
10.3K
1.8K
2025-04-17

Large Language Model Text Generation Inference

huggingfacehuggingface
10.1K
1.2K
2025-04-26
petals
Python

🌸 Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading

bigscience-workshopbigscience-workshop
9.6K
553
2024-09-07
xformers
Python

Hackable and optimized Transformers building blocks, supporting a composable construction.

facebookresearchfacebookresearch
9.4K
663
2025-04-24

A PyTorch implementation of the Transformer model in "Attention is All You Need".

jadore801120jadore801120
9.2K
2.0K
2024-04-16
PaddleSeg
Python

Easy-to-use image segmentation library with awesome pre-trained model zoo, supporting wide-range of practical tasks in Semantic Segmentation, Interactive Segmentation, Panoptic Segmentation, Image Matting, 3D Segmentation, etc.

PaddlePaddlePaddlePaddle
9.0K
1.7K
2025-04-17

OpenMMLab Semantic Segmentation Toolbox and Benchmark.

open-mmlabopen-mmlab
8.8K
2.7K
2024-08-13

A framework for few-shot evaluation of language models.

EleutherAIEleutherAI
8.8K
2.3K
2025-04-18
LMFlow
Python

An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.

OptimalScaleOptimalScale
8.4K
833
2025-04-27
trax
Python

Trax — Deep Learning with Clear Code and Speed

googlegoogle
8.2K
824
2025-04-11
jukebox
Python

Code for the paper "Jukebox: A Generative Model for Music"

openaiopenai
8.0K
1.4K
2024-06-19

Chinese version of GPT2 training code, using BERT tokenizer.

MorizeyaoMorizeyao
7.6K
1.7K
2024-04-25

Translate manga/image 一键翻译各类图片内文字 https://cotrans.touhou.ai/

zyddnyszyddnys
7.4K
713
2025-04-25
bertviz
Python

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

jessevigjessevig
7.4K
816
2023-08-24
DiT
Python

Official PyTorch Implementation of "Scalable Diffusion Models with Transformers"

facebookresearchfacebookresearch
7.2K
642
2024-05-31
gpt-neox
Python

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

EleutherAIEleutherAI
7.2K
1.1K
2025-04-26

Decorator-based transformation, serialization, and deserialization between objects and classes.

typestacktypestack
7.1K
511
2025-01-17
ts-jest
TypeScript

A Jest transformer with source map support that lets you use Jest to test projects written in TypeScript.

kulshekharkulshekhar
7.0K
458
2025-04-25

An extremely fast CSS parser, transformer, bundler, and minifier written in Rust.

parcel-bundlerparcel-bundler
7.0K
200
2025-04-26
dino
Python

PyTorch code for Vision Transformers training with the Self-Supervised learning method DINO

facebookresearchfacebookresearch
6.8K
947
2024-07-04

Google AI 2018 BERT pytorch implementation

codertimocodertimo
6.4K
1.3K
2023-09-15

Code for the paper "Exploring the Limits of Transfer Learning with a Unified Text-to-Text Transformer"

google-researchgoogle-research
6.3K
768
2025-02-28

Model parallel transformers in JAX and Haiku

kingoflolzkingoflolz
6.3K
890
2023-01-21
MindSearch
JavaScript

🔍 An LLM-based Multi-agent Framework of Web Search Engine (like Perplexity.ai Pro and SearchGPT)

InternLMInternLM
6.3K
634
2025-01-08
donut
Python

Official Implementation of OCR-free Document Understanding Transformer (Donut) and Synthetic Document Generator (SynthDoG), ECCV 2022

clovaaiclovaai
6.2K
504
2024-07-11
annotated-transformer
Jupyter Notebook

An annotated implementation of the Transformer paper.

harvardnlpharvardnlp
6.2K
1.3K
2024-04-07

Transformer related optimization, including BERT, GPT

NVIDIANVIDIA
6.1K
902
2024-03-27
taming-transformers
Jupyter Notebook

Taming Transformers for High-Resolution Image Synthesis

CompVisCompVis
6.1K
1.2K
2024-07-31

[ICCV 2023] ProPainter: Improving Propagation and Transformer for Video Inpainting

sczhousczhou
6.1K
693
2025-02-19
gpt-fast
Python

Simple and efficient pytorch-native transformer text generation in <1000 LOC of python.

pytorch-labspytorch-labs
5.9K
551
2025-04-12
gogocode
JavaScript

GoGoCode is a transformer for JavaScript/Typescript/HTML based on AST but providing a more intuitive API.

thxthx
5.9K
458
2024-04-11

The GitHub repository for the paper "Informer" accepted by AAAI 2021.

zhouhaoyizhouhaoyi
5.9K
1.2K
2025-04-03
vggt
Python

[CVPR 2025 Oral] VGGT: Visual Geometry Grounded Transformer

facebookresearchfacebookresearch
5.6K
505
2025-04-21

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

lucidrainslucidrains
5.6K
641
2024-02-18
tsai
Jupyter Notebook

Time series Timeseries Deep Learning Machine Learning Python Pytorch fastai | State-of-the-art Deep Learning library for Time Series and Sequences in Pytorch / fastai

timeseriesAItimeseriesAI
5.6K
683
2025-03-02

中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。

649453932649453932
5.6K
1.2K
2020-09-23
pytorch-seq2seq
Jupyter Notebook

Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.

bentrevettbentrevett
5.5K
1.4K
2024-01-21

keras implement of transformers for humans

bojonebojone
5.4K
928
2024-11-11

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

lucidrainslucidrains
5.3K
450
2025-04-25
recast
TypeScript

JavaScript syntax tree transformer, nondestructive pretty-printer, and automatic source map generator

benjamnbenjamn
5.1K
352
2025-03-03

An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites

cmhungstevecmhungsteve
4.8K
492
2024-07-30
AutoGPTQ
Python

An easy-to-use LLMs quantization package with user-friendly apis, based on GPTQ algorithm.

AutoGPTQAutoGPTQ
4.8K
513
2025-04-11
SwinIR
Python

SwinIR: Image Restoration Using Swin Transformer (official repository)

JingyunLiangJingyunLiang
4.8K
576
2024-05-14
understand-prompt
Jupyter Notebook

【🔞🔞🔞 内含不适合未成年人阅读的图片】基于我擅长的编程、绘画、写作展开的 AI 探索和总结:StableDiffusion 是一种强大的图像生成模型,能够通过对一张图片进行演化来生成新的图片。ChatGPT 是一个基于 Transformer 的语言生成模型,它能够自动为输入的主题生成合适的文章。而 Github Copilot 是一个智能编程助手,能够加速日常编程活动。

phodalphodal
4.6K
388
2023-03-11

An Open-Source Framework for Prompt-Learning.

thunlpthunlp
4.6K
465
2024-07-16
primus
JavaScript

:zap: Primus, the creator god of the transformers & an abstraction layer for real-time to prevent module lock-in.

primusprimus
4.5K
272
2023-11-07
wenet
Python

Production First and Production Ready End-to-End Speech Recognition Toolkit

wenet-e2ewenet-e2e
4.5K
1.1K
2025-03-29

This repository contains a hand-curated resources for Prompt Engineering with a focus on Generative Pre-trained Transformer (GPT), ChatGPT, PaLM etc

promptslabpromptslab
4.4K
410
2024-07-06
notebooks
Jupyter Notebook

Jupyter notebooks for the Natural Language Processing with Transformers book

nlp-with-transformersnlp-with-transformers
4.3K
1.3K
2024-08-21

Transformer Explained Visually: Learn How LLM Transformer Models Work with Interactive Visualization

poloclubpoloclub
4.3K
415
2025-04-15

Efficient AI Backbones including GhostNet, TNT and MLP, developed by Huawei Noah's Ark Lab.

huawei-noahhuawei-noah
4.2K
717
2025-03-15

Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI

ThilinaRajapakseThilinaRajapakse
4.2K
729
2025-04-26

暂无描述

openaiopenai
4.1K
244
2024-06-04
HunyuanDiT
Jupyter Notebook

Hunyuan-DiT : A Powerful Multi-Resolution Diffusion Transformer with Fine-Grained Chinese Understanding

TencentTencent
4.1K
339
2025-01-13
Sana
Python

SANA: Efficient High-Resolution Image Synthesis with Linear Diffusion Transformer

NVlabsNVlabs
4.1K
256
2025-04-21
qpdf
C++

qpdf: A content-preserving PDF document transformer

qpdfqpdf
3.9K
306
2025-04-24
regenerator
JavaScript

Source transformer enabling ECMAScript 6 generator functions in JavaScript-of-today.

facebookfacebook
3.8K
1.2K
2024-02-29
beat-ai
Handlebars

<Beat AI> 又名 <零生万物> , 是一本专属于软件开发工程师的 AI 入门圣经,手把手带你上手写 AI。从神经网络到大模型,从高层设计到微观原理,从工程实现到算法,学完后,你会发现 AI 也并不是想象中那么高不可攀、无法战胜,Just beat it !

ibeataiibeatai
3.8K
215
2025-01-16

Fast inference engine for Transformer models

OpenNMTOpenNMT
3.8K
352
2025-04-09

Transformer: PyTorch Implementation of "Attention Is All You Need"

hyunwoongkohyunwoongko
3.7K
519
2024-08-06

Transformer: PyTorch Implementation of "Attention Is All You Need"

hyunwoongkohyunwoongko
3.7K
519
2024-08-06

暂无描述

kimiyoungkimiyoung
3.6K
764
2022-09-21
RT-DETR
Python

[CVPR 2024] Official RT-DETR (RTDETR paddle pytorch), Real-Time DEtection TRansformer, DETRs Beat YOLOs on Real-time Object Detection. 🔥 🔥 🔥

lyuwenyulyuwenyu
3.6K
412
2025-04-19

Deformable DETR: Deformable Transformers for End-to-End Object Detection.

fundamentalvisionfundamentalvision
3.5K
557
2024-05-16

Collect some papers about transformer with vision. Awesome Transformer with Computer Vision (CV)

dk-liangdk-liang
3.5K
399
2025-01-07

Scalable and user friendly neural :brain: forecasting algorithms.

NixtlaNixtla
3.5K
400
2025-04-25
towhee
Python

Towhee is a framework that is dedicated to making neural data processing pipelines simple and fast.

towhee-iotowhee-io
3.4K
258
2024-10-18
没有更多数据了