[CVPR 2021] Rethinking Semantic Segmentation from a Sequence-to-Sequence Perspective with Transformers
Support
Quality
Security
License
Reuse
Easy to use, state-of-the-art Neural Machine Translation for 100+ languages
Support
Quality
Security
License
Reuse
Source code of K-BERT (AAAI2020)
Support
Quality
Security
License
Reuse
nlp in action
Support
Quality
Security
License
Reuse
Support
Quality
Security
License
Reuse
Transformers4Rec is a flexible and efficient library for sequential and session-based recommendation and works with PyTorch.
Support
Quality
Security
License
Reuse
Simple transformer implementation from scratch in pytorch.
Support
Quality
Security
License
Reuse
t
transformer-time-series-predictionby oliverguhr
Python 854 Version:Current License: Permissive (MIT)
proof of concept for a transformer-based time series prediction model
Support
Quality
Security
License
Reuse
M
Megatron-DeepSpeedby bigscience-workshop
Python 842 Version:Current License: Proprietary (Proprietary)
Ongoing research training transformer language models at scale, including: BERT & GPT-2
Support
Quality
Security
License
Reuse
Source code for "On the Relationship between Self-Attention and Convolutional Layers"
Support
Quality
Security
License
Reuse
Keras implementation of BERT with pre-trained weights
Support
Quality
Security
License
Reuse
A Tensorflow implementation of Spatial Transformer Networks.
Support
Quality
Security
License
Reuse
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
Support
Quality
Security
License
Reuse
Translate - a PyTorch Language Library
Support
Quality
Security
License
Reuse
Official implementation of the papers "GECToR – Grammatical Error Correction: Tag, Not Rewrite" (BEA-20) and "Text Simplification by Tagging" (BEA-21)
Support
Quality
Security
License
Reuse
B
Bert-Multi-Label-Text-Classificationby lonePatient
Python 769 Version:Current License: Permissive (MIT)
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Support
Quality
Security
License
Reuse
G
Graph_Transformer_Networksby seongjunyun
Jupyter Notebook 765 Version:Current License: No License (No License)
Graph Transformer Networks (Authors' PyTorch implementation for the NeurIPS 19 paper)
Support
Quality
Security
License
Reuse
:rocket: State-of-the-art parsers for natural language.
Support
Quality
Security
License
Reuse
Jest Vue transformer
Support
Quality
Security
License
Reuse
CMU MultimodalSDK is a machine learning platform for development of advanced multimodal models as well as easily accessing and processing multimodal datasets.
Support
Quality
Security
License
Reuse
Reinforcement Learning with Model-Agnostic Meta-Learning in Pytorch
Support
Quality
Security
License
Reuse
list of efficient attention modules
Support
Quality
Security
License
Reuse
Support
Quality
Security
License
Reuse
A Keras TensorFlow 2.0 implementation of BERT, ALBERT and adapter-BERT.
Support
Quality
Security
License
Reuse
A PyTorch implementation of Speech Transformer, an End-to-End ASR with Transformer network on Mandarin Chinese.
Support
Quality
Security
License
Reuse
[CVPR'20] TTSR: Learning Texture Transformer Network for Image Super-Resolution
Support
Quality
Security
License
Reuse
PyTorch implementation of "Conformer: Convolution-augmented Transformer for Speech Recognition" (INTERSPEECH 2020)
Support
Quality
Security
License
Reuse
You Only Look at One Sequence (NeurIPS 2021)
Support
Quality
Security
License
Reuse
Implementation of Transformer model (originally from Attention is All You Need) applied to Time Series.
Support
Quality
Security
License
Reuse
A Laravel Fractal package for building API responses, giving you the power of Fractal with Laravel's elegancy.
Support
Quality
Security
License
Reuse
[CVPR2021 Oral] End-to-End Video Instance Segmentation with Transformers
Support
Quality
Security
License
Reuse
Production First and Production Ready End-to-End Speech Recognition Toolkit
Support
Quality
Security
License
Reuse
Trankit is a Light-Weight Transformer-based Python Toolkit for Multilingual Natural Language Processing
Support
Quality
Security
License
Reuse
A light weight, super fast, large scale machine learning library on spark .
Support
Quality
Security
License
Reuse
[ICCV2021] Official PyTorch implementation of Segmenter: Transformer for Semantic Segmentation
Support
Quality
Security
License
Reuse
基于Pytorch的,中文语义相似度匹配模型(ABCNN、Albert、Bert、BIMPM、DecomposableAttention、DistilBert、ESIM、RE2、Roberta、SiaGRU、XlNet)
Support
Quality
Security
License
Reuse
Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch
Support
Quality
Security
License
Reuse
transformer xl在中文文本生成上的尝试(可写小说、古诗)(transformer xl for text generation of chinese)
Support
Quality
Security
License
Reuse
Huggingface Transformers + Adapters = ❤️
Support
Quality
Security
License
Reuse
Large-scale open domain KNOwledge grounded conVERsation system based on PaddlePaddle
Support
Quality
Security
License
Reuse
Graph Transformer Architecture. Source code for "A Generalization of Transformer Networks to Graphs", DLG-AAAI'21.
Support
Quality
Security
License
Reuse
a
attention-is-all-you-need-kerasby Lsdefine
Python 634 Version:Current License: No License (No License)
A Keras+TensorFlow Implementation of the Transformer: Attention Is All You Need
Support
Quality
Security
License
Reuse
Trained models & code to predict toxic comments on all 3 Jigsaw Toxic Comment Challenges. Built using ⚡ Pytorch Lightning and 🤗 Transformers. For access to our API, please email us at contact@unitary.ai.
Support
Quality
Security
License
Reuse
[ACL'19] [PyTorch] Multimodal Transformer
Support
Quality
Security
License
Reuse
Implementation of the Swin Transformer in PyTorch.
Support
Quality
Security
License
Reuse
A bidirectional recurrent neural network model with attention mechanism for restoring missing punctuation in unsegmented text
Support
Quality
Security
License
Reuse
Implementation of TimeSformer from Facebook AI, a pure attention-based solution for video classification
Support
Quality
Security
License
Reuse
Implementation of Bottleneck Transformer in Pytorch
Support
Quality
Security
License
Reuse
Official code Cross-Covariance Image Transformer (XCiT)
Support
Quality
Security
License
Reuse
Neural Network Compression Framework for enhanced OpenVINO™ inference
Support
Quality
Security
License
Reuse
S
SETRby fudan-zvg
[CVPR 2021] Rethinking Semantic Segmentation from a Sequence-to-Sequence Perspective with Transformers
Python 926Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
E
EasyNMTby UKPLab
Easy to use, state-of-the-art Neural Machine Translation for 100+ languages
Python 867Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
K
K-BERTby autoliuweijie
Source code of K-BERT (AAAI2020)
Python 863Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
l
Support
Quality
Security
License
Reuse
p
pytorch-i3dby piergiaj
Python 857Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
T
Transformers4Recby NVIDIA-Merlin
Transformers4Rec is a flexible and efficient library for sequential and session-based recommendation and works with PyTorch.
Python 856Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
f
formerby pbloem
Simple transformer implementation from scratch in pytorch.
Python 855Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
transformer-time-series-predictionby oliverguhr
proof of concept for a transformer-based time series prediction model
Python 854Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
M
Megatron-DeepSpeedby bigscience-workshop
Ongoing research training transformer language models at scale, including: BERT & GPT-2
Python 842Updated: 1 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
a
attention-cnnby epfml
Source code for "On the Relationship between Self-Attention and Convolutional Layers"
Python 828Updated: 3 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
B
BERT-kerasby Separius
Keras implementation of BERT with pre-trained weights
Python 825Updated: 3 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
s
spatial-transformer-networkby kevinzakka
A Tensorflow implementation of Spatial Transformer Networks.
Python 824Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
N
NLP-Tutorialsby MorvanZhou
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
Python 789Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
translateby pytorch
Translate - a PyTorch Language Library
Python 788Updated: 2 y ago License: Permissive (BSD-3-Clause)
Support
Quality
Security
License
Reuse
g
gectorby grammarly
Official implementation of the papers "GECToR – Grammatical Error Correction: Tag, Not Rewrite" (BEA-20) and "Text Simplification by Tagging" (BEA-21)
Python 787Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
B
Bert-Multi-Label-Text-Classificationby lonePatient
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Python 769Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
G
Graph_Transformer_Networksby seongjunyun
Graph Transformer Networks (Authors' PyTorch implementation for the NeurIPS 19 paper)
Jupyter Notebook 765Updated: 1 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
p
parserby yzhangcs
:rocket: State-of-the-art parsers for natural language.
Python 751Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
v
Support
Quality
Security
License
Reuse
C
CMU-MultimodalSDKby A2Zadeh
CMU MultimodalSDK is a machine learning platform for development of advanced multimodal models as well as easily accessing and processing multimodal datasets.
Python 739Updated: 2 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
p
pytorch-maml-rlby tristandeleu
Reinforcement Learning with Model-Agnostic Meta-Learning in Pytorch
Python 722Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
a
awesome-fast-attentionby Separius
list of efficient attention modules
Python 720Updated: 3 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
t
typescript-isby woutervh-
TypeScript 720Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
b
bert-for-tf2by kpe
A Keras TensorFlow 2.0 implementation of BERT, ALBERT and adapter-BERT.
Python 711Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
S
Speech-Transformerby kaituoxu
A PyTorch implementation of Speech Transformer, an End-to-End ASR with Transformer network on Mandarin Chinese.
Python 709Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
T
TTSRby researchmm
[CVPR'20] TTSR: Learning Texture Transformer Network for Image Super-Resolution
Python 702Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
c
conformerby sooftware
PyTorch implementation of "Conformer: Convolution-augmented Transformer for Speech Recognition" (INTERSPEECH 2020)
Python 697Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
Y
YOLOSby hustvl
You Only Look at One Sequence (NeurIPS 2021)
Jupyter Notebook 694Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
transformerby maxjcohen
Implementation of Transformer model (originally from Attention is All You Need) applied to Time Series.
Jupyter Notebook 691Updated: 1 y ago License: Strong Copyleft (GPL-3.0)
Support
Quality
Security
License
Reuse
l
laravel-responderby flugg
A Laravel Fractal package for building API responses, giving you the power of Fractal with Laravel's elegancy.
PHP 690Updated: 3 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
V
VisTRby Epiphqny
[CVPR2021 Oral] End-to-End Video Instance Segmentation with Transformers
Python 689Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
w
wenetby mobvoi
Production First and Production Ready End-to-End Speech Recognition Toolkit
Python 687Updated: 4 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
t
trankitby nlp-uoregon
Trankit is a Light-Weight Transformer-based Python Toolkit for Multilingual Natural Language Processing
Python 680Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
F
Fregataby TalkingData
A light weight, super fast, large scale machine learning library on spark .
Scala 680Updated: 4 y ago License: Proprietary (Proprietary)
Support
Quality
Security
License
Reuse
s
segmenterby rstrudel
[ICCV2021] Official PyTorch implementation of Segmenter: Transformer for Semantic Segmentation
Python 680Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
T
TextMatchby zhaogaofeng611
基于Pytorch的,中文语义相似度匹配模型(ABCNN、Albert、Bert、BIMPM、DecomposableAttention、DistilBert、ESIM、RE2、Roberta、SiaGRU、XlNet)
Python 662Updated: 2 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
s
seq2seqby keon
Minimal Seq2Seq model with Attention for Neural Machine Translation in PyTorch
Python 662Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
t
transformer-xl-chineseby GaoPeng97
transformer xl在中文文本生成上的尝试(可写小说、古诗)(transformer xl for text generation of chinese)
Python 660Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
a
adapter-transformersby Adapter-Hub
Huggingface Transformers + Adapters = ❤️
Python 660Updated: 3 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
K
Knoverby PaddlePaddle
Large-scale open domain KNOwledge grounded conVERsation system based on PaddlePaddle
Python 652Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
g
graphtransformerby graphdeeplearning
Graph Transformer Architecture. Source code for "A Generalization of Transformer Networks to Graphs", DLG-AAAI'21.
Python 637Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
a
attention-is-all-you-need-kerasby Lsdefine
A Keras+TensorFlow Implementation of the Transformer: Attention Is All You Need
Python 634Updated: 3 y ago License: No License (No License)
Support
Quality
Security
License
Reuse
d
detoxifyby unitaryai
Trained models & code to predict toxic comments on all 3 Jigsaw Toxic Comment Challenges. Built using ⚡ Pytorch Lightning and 🤗 Transformers. For access to our API, please email us at contact@unitary.ai.
Python 630Updated: 1 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
M
Multimodal-Transformerby yaohungt
[ACL'19] [PyTorch] Multimodal Transformer
Python 629Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
s
swin-transformer-pytorchby berniwal
Implementation of the Swin Transformer in PyTorch.
Python 628Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
p
punctuator2by ottokart
A bidirectional recurrent neural network model with attention mechanism for restoring missing punctuation in unsegmented text
Python 624Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
T
TimeSformer-pytorchby lucidrains
Implementation of TimeSformer from Facebook AI, a pure attention-based solution for video classification
Python 619Updated: 1 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
b
bottleneck-transformer-pytorchby lucidrains
Implementation of Bottleneck Transformer in Pytorch
Python 614Updated: 2 y ago License: Permissive (MIT)
Support
Quality
Security
License
Reuse
x
xcitby facebookresearch
Official code Cross-Covariance Image Transformer (XCiT)
Python 613Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse
n
nncfby openvinotoolkit
Neural Network Compression Framework for enhanced OpenVINO™ inference
Python 611Updated: 2 y ago License: Permissive (Apache-2.0)
Support
Quality
Security
License
Reuse