All Projects → Paddlenlp → Similar Projects or Alternatives

786 Open source projects that are alternatives of or similar to Paddlenlp

Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (+78.77%)
Mutual labels:  seq2seq, transformer
Kevinpro-NLP-demo
All NLP you Need Here. 个人实现了一些好玩的NLP demo,目前包含13个NLP应用的pytorch实现
Stars: ✭ 117 (-44.81%)
Mutual labels:  text-classification, transformer
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-89.15%)
Mutual labels:  transformer, seq2seq
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+1087.74%)
Mutual labels:  seq2seq, text-classification
Seq2seqchatbots
A wrapper around tensor2tensor to flexibly train, interact, and generate data for neural chatbots.
Stars: ✭ 466 (+119.81%)
Mutual labels:  seq2seq, transformer
transformer
A PyTorch Implementation of "Attention Is All You Need"
Stars: ✭ 28 (-86.79%)
Mutual labels:  transformer, seq2seq
Nlp Experiments In Pytorch
PyTorch repository for text categorization and NER experiments in Turkish and English.
Stars: ✭ 35 (-83.49%)
Mutual labels:  text-classification, transformer
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+1512.26%)
Mutual labels:  seq2seq, transformer
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (-89.62%)
Mutual labels:  text-classification, transformer
Neural sp
End-to-end ASR/LM implementation with PyTorch
Stars: ✭ 408 (+92.45%)
Mutual labels:  seq2seq, transformer
Transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
Stars: ✭ 55,742 (+26193.4%)
Mutual labels:  transformer, seq2seq
kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition leveraging PyTorch and Hydra.
Stars: ✭ 456 (+115.09%)
Mutual labels:  transformer, seq2seq
deep-molecular-optimization
Molecular optimization by capturing chemist’s intuition using the Seq2Seq with attention and the Transformer
Stars: ✭ 60 (-71.7%)
Mutual labels:  transformer, seq2seq
Bert Multitask Learning
BERT for Multitask Learning
Stars: ✭ 380 (+79.25%)
Mutual labels:  text-classification, transformer
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (-16.98%)
Mutual labels:  seq2seq, transformer
Multiturndialogzoo
Multi-turn dialogue baselines written in PyTorch
Stars: ✭ 106 (-50%)
Mutual labels:  seq2seq, transformer
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+15.57%)
Mutual labels:  transformer, seq2seq
Joeynmt
Minimalist NMT for educational purposes
Stars: ✭ 420 (+98.11%)
Mutual labels:  seq2seq, transformer
transformer
Neutron: A pytorch based implementation of Transformer and its variants.
Stars: ✭ 60 (-71.7%)
Mutual labels:  transformer, seq2seq
pytorch-transformer-chatbot
PyTorch v1.2에서 생긴 Transformer API 를 이용한 간단한 Chitchat 챗봇
Stars: ✭ 44 (-79.25%)
Mutual labels:  transformer, seq2seq
Nlp Tutorials
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
Stars: ✭ 394 (+85.85%)
Mutual labels:  seq2seq, transformer
Bert seq2seq
pytorch实现bert做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持GPT2进行文章续写。
Stars: ✭ 298 (+40.57%)
Mutual labels:  text-classification, seq2seq
Asr
Stars: ✭ 54 (-74.53%)
Mutual labels:  seq2seq, transformer
Delta
DELTA is a deep learning based natural language and speech processing platform.
Stars: ✭ 1,479 (+597.64%)
Mutual labels:  text-classification, seq2seq
Kashgari
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
Stars: ✭ 2,235 (+954.25%)
Mutual labels:  text-classification, seq2seq
Nlp pytorch project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Stars: ✭ 153 (-27.83%)
Mutual labels:  text-classification, seq2seq
Machine Translation
Stars: ✭ 51 (-75.94%)
Mutual labels:  seq2seq, transformer
Transformer Temporal Tagger
Code and data form the paper BERT Got a Date: Introducing Transformers to Temporal Tagging
Stars: ✭ 55 (-74.06%)
Mutual labels:  transformer, seq2seq
Sockeye
Sequence-to-sequence framework with a focus on Neural Machine Translation based on Apache MXNet
Stars: ✭ 990 (+366.98%)
Mutual labels:  seq2seq, transformer
FNet-pytorch
Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms
Stars: ✭ 204 (-3.77%)
Mutual labels:  text-classification, transformer
Embedding
Embedding模型代码和学习笔记总结
Stars: ✭ 25 (-88.21%)
Mutual labels:  transformer, seq2seq
classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (-87.74%)
Mutual labels:  text-classification, seq2seq
Keras Textclassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
Stars: ✭ 914 (+331.13%)
Mutual labels:  text-classification, transformer
Onnxt5
Summarization, translation, sentiment-analysis, text-generation and more at blazing speed using a T5 version implemented in ONNX.
Stars: ✭ 143 (-32.55%)
Mutual labels:  text-classification, transformer
Kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition.
Stars: ✭ 190 (-10.38%)
Mutual labels:  seq2seq, transformer
Graph Transformer
Transformer for Graph Classification (Pytorch and Tensorflow)
Stars: ✭ 191 (-9.91%)
Mutual labels:  transformer
Icdar 2019 Sroie
ICDAR 2019 Robust Reading Challenge on Scanned Receipts OCR and Information Extraction
Stars: ✭ 202 (-4.72%)
Mutual labels:  text-classification
Sentimentanalysis
Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.
Stars: ✭ 186 (-12.26%)
Mutual labels:  transformer
A Pytorch Tutorial To Text Classification
Hierarchical Attention Networks | a PyTorch Tutorial to Text Classification
Stars: ✭ 184 (-13.21%)
Mutual labels:  text-classification
Cnn Text Classification Keras
Text Classification by Convolutional Neural Network in Keras
Stars: ✭ 213 (+0.47%)
Mutual labels:  text-classification
Nlp classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Stars: ✭ 202 (-4.72%)
Mutual labels:  text-classification
Deep Time Series Prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Stars: ✭ 183 (-13.68%)
Mutual labels:  seq2seq
Text Pairs Relation Classification
About Text Pairs (Sentence Level) Classification (Similarity Modeling) Based on Neural Network.
Stars: ✭ 182 (-14.15%)
Mutual labels:  text-classification
Seq2seq
基于Pytorch的中文聊天机器人 集成BeamSearch算法
Stars: ✭ 200 (-5.66%)
Mutual labels:  seq2seq
Fairseq Image Captioning
Transformer-based image captioning extension for pytorch/fairseq
Stars: ✭ 180 (-15.09%)
Mutual labels:  transformer
Transformer Clinic
Understanding the Difficulty of Training Transformers
Stars: ✭ 179 (-15.57%)
Mutual labels:  transformer
Headliner
🏖 Easy training and deployment of seq2seq models.
Stars: ✭ 221 (+4.25%)
Mutual labels:  seq2seq
Sttn
[ECCV'2020] STTN: Learning Joint Spatial-Temporal Transformations for Video Inpainting
Stars: ✭ 211 (-0.47%)
Mutual labels:  transformer
Pytorch Transformer
pytorch implementation of Attention is all you need
Stars: ✭ 199 (-6.13%)
Mutual labels:  transformer
Tgen
Statistical NLG for spoken dialogue systems
Stars: ✭ 179 (-15.57%)
Mutual labels:  seq2seq
Lumen Api Starter
Lumen 8 基础上扩展出的API 启动项目,精心设计的目录结构,规范统一的响应数据格式,Repository 模式架构的最佳实践。
Stars: ✭ 197 (-7.08%)
Mutual labels:  transformer
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+888.68%)
Mutual labels:  seq2seq
Chinese ulmfit
中文ULMFiT 情感分析 文本分类
Stars: ✭ 208 (-1.89%)
Mutual labels:  text-classification
Shallowlearn
An experiment about re-implementing supervised learning models based on shallow neural network approaches (e.g. fastText) with some additional exclusive features and nice API. Written in Python and fully compatible with Scikit-learn.
Stars: ✭ 196 (-7.55%)
Mutual labels:  text-classification
Fastnlp
fastNLP: A Modularized and Extensible NLP Framework. Currently still in incubation.
Stars: ✭ 2,441 (+1051.42%)
Mutual labels:  text-classification
Transformers.jl
Julia Implementation of Transformer models
Stars: ✭ 173 (-18.4%)
Mutual labels:  transformer
Lingvo
Lingvo
Stars: ✭ 2,361 (+1013.68%)
Mutual labels:  seq2seq
End2end Asr Pytorch
End-to-End Automatic Speech Recognition on PyTorch
Stars: ✭ 175 (-17.45%)
Mutual labels:  transformer
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (+4.72%)
Mutual labels:  seq2seq
1-60 of 786 similar projects