All Projects → Torchnlp → Similar Projects or Alternatives

441 Open source projects that are alternatives of or similar to Torchnlp

NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-90.13%)
Mutual labels:  crf, transformer
Etagger
reference tensorflow code for named entity tagging
Stars: ✭ 100 (-57.08%)
Mutual labels:  crf, transformer
Bigbird
Transformers for Longer Sequences
Stars: ✭ 146 (-37.34%)
Mutual labels:  transformer
Transformers.jl
Julia Implementation of Transformer models
Stars: ✭ 173 (-25.75%)
Mutual labels:  transformer
Id Cnn Cws
Source codes and corpora of paper "Iterated Dilated Convolutions for Chinese Word Segmentation"
Stars: ✭ 129 (-44.64%)
Mutual labels:  crf
Clinical Ner
面向中文电子病历的命名实体识别
Stars: ✭ 151 (-35.19%)
Mutual labels:  crf
Sentimentanalysis
Sentiment analysis neural network trained by fine-tuning BERT, ALBERT, or DistilBERT on the Stanford Sentiment Treebank.
Stars: ✭ 186 (-20.17%)
Mutual labels:  transformer
Tupe
Transformer with Untied Positional Encoding (TUPE). Code of paper "Rethinking Positional Encoding in Language Pre-training". Improve existing models like BERT.
Stars: ✭ 143 (-38.63%)
Mutual labels:  transformer
Bert Chainer
Chainer implementation of "BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding"
Stars: ✭ 205 (-12.02%)
Mutual labels:  transformer
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (-47.64%)
Mutual labels:  crf
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-29.18%)
Mutual labels:  transformer
Sightseq
Computer vision tools for fairseq, containing PyTorch implementation of text recognition and object detection
Stars: ✭ 116 (-50.21%)
Mutual labels:  transformer
Sequence tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
Stars: ✭ 1,889 (+710.73%)
Mutual labels:  crf
Kospeech
Open-Source Toolkit for End-to-End Korean Automatic Speech Recognition.
Stars: ✭ 190 (-18.45%)
Mutual labels:  transformer
Embedding As Service
One-Stop Solution to encode sentence to fixed length vectors from various embedding techniques
Stars: ✭ 151 (-35.19%)
Mutual labels:  transformer
Sttn
[ECCV'2020] STTN: Learning Joint Spatial-Temporal Transformations for Video Inpainting
Stars: ✭ 211 (-9.44%)
Mutual labels:  transformer
Tensorflowasr
集成了Tensorflow 2版本的端到端语音识别模型,并且RTF(实时率)在0.1左右/Mandarin State-of-the-art Automatic Speech Recognition in Tensorflow 2
Stars: ✭ 145 (-37.77%)
Mutual labels:  transformer
Transformer Clinic
Understanding the Difficulty of Training Transformers
Stars: ✭ 179 (-23.18%)
Mutual labels:  transformer
Nlp research
NLP research:基于tensorflow的nlp深度学习项目,支持文本分类/句子匹配/序列标注/文本生成 四大任务
Stars: ✭ 141 (-39.48%)
Mutual labels:  transformer
Multigraph transformer
transformer, multi-graph transformer, graph, graph classification, sketch recognition, sketch classification, free-hand sketch, official code of the paper "Multi-Graph Transformer for Free-Hand Sketch Recognition"
Stars: ✭ 231 (-0.86%)
Mutual labels:  transformer
Semantic Segmentation Of Remote Sensing Images
遥感图像的语义分割,基于深度学习,在Tensorflow框架下,利用TF.Keras,运行环境TF2.0+
Stars: ✭ 125 (-46.35%)
Mutual labels:  crf
Gpt 2 Tensorflow2.0
OpenAI GPT2 pre-training and sequence prediction implementation in Tensorflow 2.0
Stars: ✭ 172 (-26.18%)
Mutual labels:  transformer
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Stars: ✭ 121 (-48.07%)
Mutual labels:  crf
Pytorch Transformer
pytorch implementation of Attention is all you need
Stars: ✭ 199 (-14.59%)
Mutual labels:  transformer
Mmsegmentation
OpenMMLab Semantic Segmentation Toolbox and Benchmark.
Stars: ✭ 2,875 (+1133.91%)
Mutual labels:  transformer
Deep Crf
An implementation of Conditional Random Fields (CRFs) with Deep Learning Method
Stars: ✭ 161 (-30.9%)
Mutual labels:  crf
Overlappredator
[CVPR 2021, Oral] PREDATOR: Registration of 3D Point Clouds with Low Overlap.
Stars: ✭ 106 (-54.51%)
Mutual labels:  transformer
Fcn For Semantic Segmentation
Implemention of FCN-8 and FCN-16 with Keras and uses CRF as post processing
Stars: ✭ 155 (-33.48%)
Mutual labels:  crf
Graphtransformer
Graph Transformer Architecture. Source code for "A Generalization of Transformer Networks to Graphs", DLG-AAAI'21.
Stars: ✭ 187 (-19.74%)
Mutual labels:  transformer
G2pc
g2pC: A Context-aware Grapheme-to-Phoneme Conversion module for Chinese
Stars: ✭ 155 (-33.48%)
Mutual labels:  crf
Yin
The efficient and elegant JSON:API 1.1 server library for PHP
Stars: ✭ 214 (-8.15%)
Mutual labels:  transformer
Ner Slot filling
中文自然语言的实体抽取和意图识别(Natural Language Understanding),可选Bi-LSTM + CRF 或者 IDCNN + CRF
Stars: ✭ 151 (-35.19%)
Mutual labels:  crf
Graph Transformer
Transformer for Graph Classification (Pytorch and Tensorflow)
Stars: ✭ 191 (-18.03%)
Mutual labels:  transformer
Routing Transformer
Fully featured implementation of Routing Transformer
Stars: ✭ 149 (-36.05%)
Mutual labels:  transformer
Nn
🧑‍🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Stars: ✭ 5,720 (+2354.94%)
Mutual labels:  transformer
Transformer Pytorch
Transformer implementation in PyTorch.
Stars: ✭ 149 (-36.05%)
Mutual labels:  transformer
Fairseq Image Captioning
Transformer-based image captioning extension for pytorch/fairseq
Stars: ✭ 180 (-22.75%)
Mutual labels:  transformer
The Story Of Heads
This is a repository with the code for the ACL 2019 paper "Analyzing Multi-Head Self-Attention: Specialized Heads Do the Heavy Lifting, the Rest Can Be Pruned" and the paper "Analyzing Source and Target Contributions to NMT Predictions".
Stars: ✭ 146 (-37.34%)
Mutual labels:  transformer
Hardware Aware Transformers
[ACL 2020] HAT: Hardware-Aware Transformers for Efficient Natural Language Processing
Stars: ✭ 206 (-11.59%)
Mutual labels:  transformer
Onnxt5
Summarization, translation, sentiment-analysis, text-generation and more at blazing speed using a T5 version implemented in ONNX.
Stars: ✭ 143 (-38.63%)
Mutual labels:  transformer
Tensorflow Ml Nlp
텐서플로우와 머신러닝으로 시작하는 자연어처리(로지스틱회귀부터 트랜스포머 챗봇까지)
Stars: ✭ 176 (-24.46%)
Mutual labels:  transformer
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+658.37%)
Mutual labels:  crf
Fancy Nlp
NLP for human. A fast and easy-to-use natural language processing (NLP) toolkit, satisfying your imagination about NLP.
Stars: ✭ 233 (+0%)
Mutual labels:  crf
Mylearn
machine learning algorithm
Stars: ✭ 125 (-46.35%)
Mutual labels:  crf
End2end Asr Pytorch
End-to-End Automatic Speech Recognition on PyTorch
Stars: ✭ 175 (-24.89%)
Mutual labels:  transformer
Transformer In Generating Dialogue
An Implementation of 'Attention is all you need' with Chinese Corpus
Stars: ✭ 121 (-48.07%)
Mutual labels:  transformer
Linear Attention Transformer
Transformer based on a variant of attention that is linear complexity in respect to sequence length
Stars: ✭ 205 (-12.02%)
Mutual labels:  transformer
Ner
命名体识别(NER)综述-论文-模型-代码(BiLSTM-CRF/BERT-CRF)-竞赛资源总结-随时更新
Stars: ✭ 118 (-49.36%)
Mutual labels:  crf
Open Sesame
A frame-semantic parsing system based on a softmax-margin SegRNN.
Stars: ✭ 170 (-27.04%)
Mutual labels:  crf
Pydensecrf
Python wrapper to Philipp Krähenbühl's dense (fully connected) CRFs with gaussian edge potentials.
Stars: ✭ 1,633 (+600.86%)
Mutual labels:  crf
Self Attention Cv
Implementation of various self-attention mechanisms focused on computer vision. Ongoing repository.
Stars: ✭ 209 (-10.3%)
Mutual labels:  transformer
Symfony Jsonapi
JSON API Transformer Bundle for Symfony 2 and Symfony 3
Stars: ✭ 114 (-51.07%)
Mutual labels:  transformer
Effective transformer
Running BERT without Padding
Stars: ✭ 169 (-27.47%)
Mutual labels:  transformer
Bertqa Attention On Steroids
BertQA - Attention on Steroids
Stars: ✭ 112 (-51.93%)
Mutual labels:  transformer
Lumen Api Starter
Lumen 8 基础上扩展出的API 启动项目,精心设计的目录结构,规范统一的响应数据格式,Repository 模式架构的最佳实践。
Stars: ✭ 197 (-15.45%)
Mutual labels:  transformer
Crfsharp
CRFSharp is Conditional Random Fields implemented by .NET(C#), a machine learning algorithm for learning from labeled sequences of examples.
Stars: ✭ 110 (-52.79%)
Mutual labels:  crf
Medical Transformer
Pytorch Code for "Medical Transformer: Gated Axial-Attention for Medical Image Segmentation"
Stars: ✭ 153 (-34.33%)
Mutual labels:  transformer
Jddc solution 4th
2018-JDDC大赛第4名的解决方案
Stars: ✭ 235 (+0.86%)
Mutual labels:  transformer
Meshed Memory Transformer
Meshed-Memory Transformer for Image Captioning. CVPR 2020
Stars: ✭ 230 (-1.29%)
Mutual labels:  transformer
Paddlenlp
NLP Core Library and Model Zoo based on PaddlePaddle 2.0
Stars: ✭ 212 (-9.01%)
Mutual labels:  transformer
1-60 of 441 similar projects