🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Support
Quality
Security
License
Reuse
TensorFlow code and pre-trained models for BERT
Support
Quality
Security
License
Reuse
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Support
Quality
Security
License
Reuse
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
Support
Quality
Security
License
Reuse
Multilingual Sentence & Image Embeddings with BERT
Support
Quality
Security
License
Reuse
👑 Easy-to-use and powerful NLP library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Search, ❓ Question Answering, ℹ️ Information Extraction, 📄 Document Intelligence, 💌 Sentiment Analysis and 🖼 Diffusion AIGC system etc.
Support
Quality
Security
License
Reuse
Mapping a variable-length sentence to a fixed-length vector using BERT model
Support
Quality
Security
License
Reuse
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
Support
Quality
Security
License
Reuse
An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.
Support
Quality
Security
License
Reuse
a
attention-is-all-you-need-pytorchby jadore801120
Python 7565 Version:Current License: Permissive (MIT)
A PyTorch implementation of the Transformer model in "Attention is All You Need".
Support
Quality
Security
License
Reuse
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Support
Quality
Security
License
Reuse
Chinese version of GPT2 training code, using BERT tokenizer.
Support
Quality
Security
License
Reuse
Code for the paper "Jukebox: A Generative Model for Music"
Support
Quality
Security
License
Reuse
TensorFlow Neural Machine Translation Tutorial
Support
Quality
Security
License
Reuse
An implementation of model parallel autoregressive transformers on GPUs, based on the DeepSpeed library.
Support
Quality
Security
License
Reuse
Google AI 2018 BERT pytorch implementation
Support
Quality
Security
License
Reuse
Ongoing research training transformer models at scale
Support
Quality
Security
License
Reuse
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
Support
Quality
Security
License
Reuse
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
Support
Quality
Security
License
Reuse
PyTorch code for Vision Transformers training with the Self-Supervised learning method DINO
Support
Quality
Security
License
Reuse
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
Support
Quality
Security
License
Reuse
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Support
Quality
Security
License
Reuse
C
Chinese-Text-Classification-Pytorchby 649453932
Python 4459 Version:Current License: Permissive (MIT)
中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。
Support
Quality
Security
License
Reuse
Hackable and optimized Transformers building blocks, supporting a composable construction.
Support
Quality
Security
License
Reuse
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
Support
Quality
Security
License
Reuse
pycorrector is a toolkit for text error correction. 文本纠错,Kenlm,ConvSeq2Seq,BERT,MacBERT,ELECTRA,ERNIE,Transformer,T5等模型实现,开箱即用。
Support
Quality
Security
License
Reuse
A TensorFlow Implementation of the Transformer: Attention Is All You Need
Support
Quality
Security
License
Reuse
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
Support
Quality
Security
License
Reuse
Transformers for Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
Support
Quality
Security
License
Reuse
Official DeiT repository
Support
Quality
Security
License
Reuse
State of the Art Natural Language Processing
Support
Quality
Security
License
Reuse
Production First and Production Ready End-to-End Speech Recognition Toolkit
Support
Quality
Security
License
Reuse
viewpager with parallax pages, together with vertical sliding (or click) and activity transition
Support
Quality
Security
License
Reuse
A simple but complete full-attention transformer with a set of promising experimental features from various papers
Support
Quality
Security
License
Reuse
A model library for exploring state-of-the-art deep learning topologies and techniques for optimizing Natural Language Processing neural networks
Support
Quality
Security
License
Reuse
GPT2 for Chinese chitchat/用于中文闲聊的GPT2模型(实现了DialoGPT的MMI思想)
Support
Quality
Security
License
Reuse
A model library for exploring state-of-the-art deep learning topologies and techniques for optimizing Natural Language Processing neural networks
Support
Quality
Security
License
Reuse
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
Support
Quality
Security
License
Reuse
AI 写小说,生成玄幻和言情网文等等。中文预训练生成模型。采用我的 RWKV 模型,类似 GPT-2 。AI写作。RWKV for Chinese novel generation.
Support
Quality
Security
License
Reuse
Transform PHP data to JavaScript.
Support
Quality
Security
License
Reuse
Large-scale pretraining for dialogue
Support
Quality
Security
License
Reuse
ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
Support
Quality
Security
License
Reuse
Evolutionary Scale Modeling (esm): Pretrained language models for proteins
Support
Quality
Security
License
Reuse
Elegant PyTorch implementation of paper Model-Agnostic Meta-Learning (MAML)
Support
Quality
Security
License
Reuse
Reformer, the efficient Transformer, in Pytorch
Support
Quality
Security
License
Reuse
Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)
Support
Quality
Security
License
Reuse
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
Support
Quality
Security
License
Reuse
Super easy library for BERT based NLP models
Support
Quality
Security
License
Reuse
Longformer: The Long-Document Transformer
Support
Quality
Security
License
Reuse
Explain, analyze, and visualize NLP language models. Ecco creates interactive visualizations directly in Jupyter notebooks explaining the behavior of Transformer-based language models (like GPT2, BERT, RoBERTA, T5, and T0).
Support
Quality
Security
License
Reuse
t
transformersby huggingface
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Python 104111Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
b
bertby google-research
TensorFlow code and pre-trained models for BERT
Python 34473Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
v
vit-pytorchby lucidrains
Implementation of Vision Transformer, a simple way to achieve SOTA in vision classification with only a single transformer encoder, in Pytorch
Python 14382Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
u
unilmby microsoft
Large-scale Self-supervised Pre-training Across Tasks, Languages, and Modalities
Python 12771Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
s
sentence-transformersby UKPLab
Multilingual Sentence & Image Embeddings with BERT
Python 10938Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
P
PaddleNLPby PaddlePaddle
👑 Easy-to-use and powerful NLP library with 🤗 Awesome model zoo, supporting wide-range of NLP tasks from research to industrial applications, including 🗂Text Classification, 🔍 Neural Search, ❓ Question Answering, ℹ️ Information Extraction, 📄 Document Intelligence, 💌 Sentiment Analysis and 🖼 Diffusion AIGC system etc.
Python 9417Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
b
bert-as-serviceby hanxiao
Mapping a variable-length sentence to a fixed-length vector using BERT model
Python 9373Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
C
Chinese-BERT-wwmby ymcui
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
Python 8439Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
g
gpt-neoby EleutherAI
An implementation of model parallel GPT-2 and GPT-3-style models using the mesh-tensorflow library.
Python 7866Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
a
attention-is-all-you-need-pytorchby jadore801120
A PyTorch implementation of the Transformer model in "Attention is All You Need".
Python 7565Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
tokenizersby huggingface
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Rust 7111Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
G
GPT2-Chineseby Morizeyao
Chinese version of GPT2 training code, using BERT tokenizer.
Python 6977Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
j
jukeboxby openai
Code for the paper "Jukebox: A Generative Model for Music"
Python 6973Updated: 1 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
n
nmtby tensorflow
TensorFlow Neural Machine Translation Tutorial
Python 6232Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
g
gpt-neoxby EleutherAI
An implementation of model parallel autoregressive transformers on GPUs, based on the DeepSpeed library.
Python 5633Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
B
BERT-pytorchby codertimo
Google AI 2018 BERT pytorch implementation
Python 5545Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
M
Megatron-LMby NVIDIA
Ongoing research training transformer models at scale
Python 5415Updated: 1 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
b
bertvizby jessevig
BertViz: Visualize Attention in NLP Models (BERT, GPT2, BART, etc.)
Python 5282Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
D
DALLE-pytorchby lucidrains
Implementation / replication of DALL-E, OpenAI's Text to Image Transformer, in Pytorch
Python 5230Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
d
dinoby facebookresearch
PyTorch code for Vision Transformers training with the Self-Supervised learning method DINO
Python 4892Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
L
LoRAby microsoft
Code for loralib, an implementation of "LoRA: Low-Rank Adaptation of Large Language Models"
Python 4881Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
pytorch-seq2seqby bentrevett
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Jupyter Notebook 4534Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
C
Chinese-Text-Classification-Pytorchby 649453932
中文文本分类,TextCNN,TextRNN,FastText,TextRCNN,BiLSTM_Attention,DPCNN,Transformer,基于pytorch,开箱即用。
Python 4459Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
x
xformersby facebookresearch
Hackable and optimized Transformers building blocks, supporting a composable construction.
Python 4418Updated: 1 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
B
BERTopicby MaartenGr
Leveraging BERT and c-TF-IDF to create easily interpretable topics.
Python 4329Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
pycorrectorby shibing624
pycorrector is a toolkit for text error correction. 文本纠错,Kenlm,ConvSeq2Seq,BERT,MacBERT,ELECTRA,ERNIE,Transformer,T5等模型实现,开箱即用。
Python 4230Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
t
transformerby Kyubyong
A TensorFlow Implementation of the Transformer: Attention Is All You Need
Python 3954Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
a
albert_zhby brightmart
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
Python 3823Updated: 1 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
s
simpletransformersby ThilinaRajapakse
Transformers for Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
Python 3698Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
d
deitby facebookresearch
Official DeiT repository
Python 3417Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
s
spark-nlpby JohnSnowLabs
State of the Art Natural Language Processing
Scala 3279Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
w
wenetby wenet-e2e
Production First and Production Ready End-to-End Speech Recognition Toolkit
C++ 3072Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
V
ViewpagerTransitionby xmuSistone
viewpager with parallax pages, together with vertical sliding (or click) and activity transition
Java 3035Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
x
x-transformersby lucidrains
A simple but complete full-attention transformer with a set of promising experimental features from various papers
Python 3021Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
n
nlp-architectby IntelLabs
A model library for exploring state-of-the-art deep learning topologies and techniques for optimizing Natural Language Processing neural networks
Python 2897Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
G
GPT2-chitchatby yangjianxin1
GPT2 for Chinese chitchat/用于中文闲聊的GPT2模型(实现了DialoGPT的MMI思想)
Python 2752Updated: 1 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
n
nlp-architectby NervanaSystems
A model library for exploring state-of-the-art deep learning topologies and techniques for optimizing Natural Language Processing neural networks
Python 2485Updated: 4 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
k
keras-bertby CyberZHG
Implementation of BERT that could load official pre-trained models for feature extraction and prediction
Python 2411Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
A
AI-Writerby BlinkDL
AI 写小说,生成玄幻和言情网文等等。中文预训练生成模型。采用我的 RWKV 模型,类似 GPT-2 。AI写作。RWKV for Chinese novel generation.
Python 2190Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
P
PHP-Vars-To-Js-Transformerby laracasts
Transform PHP data to JavaScript.
PHP 2188Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
D
DialoGPTby microsoft
Large-scale pretraining for dialogue
Python 2181Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
e
electraby google-research
ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
Python 2179Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
e
esmby facebookresearch
Evolutionary Scale Modeling (esm): Pretrained language models for proteins
Python 2078Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
M
MAML-Pytorchby dragen1860
Elegant PyTorch implementation of paper Model-Agnostic Meta-Learning (MAML)
Python 2014Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
r
reformer-pytorchby lucidrains
Reformer, the efficient Transformer, in Pytorch
Python 1911Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
r
rust-bertby guillaume-be
Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)
Rust 1876Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
a
attention-moduleby Jongchan
Official PyTorch code for "BAM: Bottleneck Attention Module (BMVC2018)" and "CBAM: Convolutional Block Attention Module (ECCV2018)"
Python 1814Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
f
fast-bertby utterworks
Super easy library for BERT based NLP models
Python 1793Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
l
longformerby allenai
Longformer: The Long-Document Transformer
Python 1778Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
e
eccoby jalammar
Explain, analyze, and visualize NLP language models. Ecco creates interactive visualizations directly in Jupyter notebooks explaining the behavior of Transformer-based language models (like GPT2, BERT, RoBERTA, T5, and T0).
Jupyter Notebook 1719Updated: 1 y ago License: Permissive (BSD-3-Clause)
Support
Quality
Security
License
Reuse