transformer
There are 4553 repositories under transformer topic.
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
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, ... 🧠
ggerganov/whisper.cpp
Port of OpenAI's Whisper model in C/C++
vllm-project/vllm
A high-throughput and memory-efficient inference and serving engine for LLMs
open-mmlab/mmdetection
OpenMMLab Detection Toolbox and Benchmark
amusi/CVPR2024-Papers-with-Code
CVPR 2024 论文和开源项目合集
ml-tooling/best-of-ml-python
🏆 A ranked list of awesome machine learning Python libraries. Updated weekly.
fishaudio/fish-speech
Brand new TTS solution
graykode/nlp-tutorial
Natural Language Processing Tutorial for Deep Learning Researchers
datawhalechina/leedl-tutorial
《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases
lukas-blecher/LaTeX-OCR
pix2tex: Using a ViT to convert images of equations into LaTeX code.
BlinkDL/RWKV-LM
RWKV is an RNN with transformer-level LLM performance. It can be directly trained like a GPT (parallelizable). So it's combining the best of RNN and transformer - great performance, fast inference, saves VRAM, fast training, "infinite" ctx_len, and free sentence embedding.
SYSTRAN/faster-whisper
Faster Whisper transcription with CTranslate2
cfug/dio
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.
PaddlePaddle/PaddleSpeech
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.
bigscience-workshop/petals
🌸 Run LLMs at home, BitTorrent-style. Fine-tuning and inference up to 10x faster than offloading
huggingface/text-generation-inference
Large Language Model Text Generation Inference
PaddlePaddle/PaddleSeg
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.
open-mmlab/mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
OptimalScale/LMFlow
An Extensible Toolkit for Finetuning and Inference of Large Foundation Models. Large Models for All.
google/trax
Trax — Deep Learning with Clear Code and Speed
openai/jukebox
Code for the paper "Jukebox: A Generative Model for Music"
Morizeyao/GPT2-Chinese
Chinese version of GPT2 training code, using BERT tokenizer.
EleutherAI/lm-evaluation-harness
A framework for few-shot evaluation of language models.
jessevig/bertviz
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
codertimo/BERT-pytorch
Google AI 2018 BERT pytorch implementation
sgl-project/sglang
SGLang is a fast serving framework for large language models and vision language models.
NVIDIA/FasterTransformer
Transformer related optimization, including BERT, GPT
zhouhaoyi/Informer2020
The GitHub repository for the paper "Informer" accepted by AAAI 2021.
bentrevett/pytorch-seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
zyddnys/manga-image-translator
Translate manga/image 一键翻译各类图片内文字 https://cotrans.touhou.ai/
timeseriesAI/tsai
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
InternLM/MindSearch
🔍 An LLM-based Multi-agent Framework of Web Search Engine (like Perplexity.ai Pro and SearchGPT)
cmhungsteve/Awesome-Transformer-Attention
An ultimately comprehensive paper list of Vision Transformer/Attention, including papers, codes, and related websites
AutoGPTQ/AutoGPTQ
An easy-to-use LLMs quantization package with user-friendly apis, based on GPTQ algorithm.
JingyunLiang/SwinIR
SwinIR: Image Restoration Using Swin Transformer (official repository)