All Projects → Bert_seq2seq → Similar Projects or Alternatives

650 Open source projects that are alternatives of or similar to Bert_seq2seq

Nlp pytorch project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Stars: ✭ 153 (-48.66%)
Mutual labels:  text-classification, seq2seq, ner
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 (+650%)
Mutual labels:  text-classification, seq2seq, ner
Delft
a Deep Learning Framework for Text
Stars: ✭ 289 (-3.02%)
Mutual labels:  text-classification, ner
Pytorch ner bilstm cnn crf
End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF implement in pyotrch
Stars: ✭ 249 (-16.44%)
Mutual labels:  ner, crf
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+744.97%)
Mutual labels:  seq2seq, text-classification
Bert Bilstm Crf Ner
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
Stars: ✭ 3,838 (+1187.92%)
Mutual labels:  ner, crf
Ntagger
reference pytorch code for named entity tagging
Stars: ✭ 58 (-80.54%)
Mutual labels:  ner, crf
keras-bert-ner
Keras solution of Chinese NER task using BiLSTM-CRF/BiGRU-CRF/IDCNN-CRF model with Pretrained Language Model: supporting BERT/RoBERTa/ALBERT
Stars: ✭ 7 (-97.65%)
Mutual labels:  crf, ner
Ner Slot filling
中文自然语言的实体抽取和意图识别(Natural Language Understanding),可选Bi-LSTM + CRF 或者 IDCNN + CRF
Stars: ✭ 151 (-49.33%)
Mutual labels:  ner, crf
Bertweet
BERTweet: A pre-trained language model for English Tweets (EMNLP-2020)
Stars: ✭ 282 (-5.37%)
Mutual labels:  text-classification, ner
Marktool
这是一款基于web的通用文本标注工具,支持大规模实体标注、关系标注、事件标注、文本分类、基于字典匹配和正则匹配的自动标注以及用于实现归一化的标准名标注,同时也支持文本的迭代标注和实体的嵌套标注。标注规范可自定义且同类型任务中可“一次创建多次复用”。通过分级实体集合扩大了实体类型的规模,并设计了全新高效的标注方式,提升了用户体验和标注效率。此外,本工具增加了审核环节,可对多人的标注结果进行一致性检验和调整,提高了标注语料的准确率和可靠性。
Stars: ✭ 190 (-36.24%)
Mutual labels:  text-classification, ner
Hscrf Pytorch
ACL 2018: Hybrid semi-Markov CRF for Neural Sequence Labeling (http://aclweb.org/anthology/P18-2038)
Stars: ✭ 284 (-4.7%)
Mutual labels:  ner, crf
ChineseNER
中文NER的那些事儿
Stars: ✭ 241 (-19.13%)
Mutual labels:  crf, ner
Macropodus
自然语言处理工具Macropodus,基于Albert+BiLSTM+CRF深度学习网络架构,中文分词,词性标注,命名实体识别,新词发现,关键词,文本摘要,文本相似度,科学计算器,中文数字阿拉伯数字(罗马数字)转换,中文繁简转换,拼音转换。tookit(tool) of NLP,CWS(chinese word segnment),POS(Part-Of-Speech Tagging),NER(name entity recognition),Find(new words discovery),Keyword(keyword extraction),Summarize(text summarization),Sim(text similarity),Calculate(scientific calculator),Chi2num(chinese number to arabic number)
Stars: ✭ 309 (+3.69%)
Mutual labels:  ner, crf
Ner blstm Crf
LSTM-CRF for NER with ConLL-2002 dataset
Stars: ✭ 51 (-82.89%)
Mutual labels:  ner, crf
Bert Ner Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
Stars: ✭ 654 (+119.46%)
Mutual labels:  ner, crf
Ner
命名体识别(NER)综述-论文-模型-代码(BiLSTM-CRF/BERT-CRF)-竞赛资源总结-随时更新
Stars: ✭ 118 (-60.4%)
Mutual labels:  ner, crf
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (-59.06%)
Mutual labels:  ner, crf
Pytorch Bert Crf Ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Stars: ✭ 236 (-20.81%)
Mutual labels:  ner, crf
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+332.89%)
Mutual labels:  ner, crf
Nlp Experiments In Pytorch
PyTorch repository for text categorization and NER experiments in Turkish and English.
Stars: ✭ 35 (-88.26%)
Mutual labels:  text-classification, ner
Delta
DELTA is a deep learning based natural language and speech processing platform.
Stars: ✭ 1,479 (+396.31%)
Mutual labels:  text-classification, seq2seq
Macadam
Macadam是一个以Tensorflow(Keras)和bert4keras为基础,专注于文本分类、序列标注和关系抽取的自然语言处理工具包。支持RANDOM、WORD2VEC、FASTTEXT、BERT、ALBERT、ROBERTA、NEZHA、XLNET、ELECTRA、GPT-2等EMBEDDING嵌入; 支持FineTune、FastText、TextCNN、CharCNN、BiRNN、RCNN、DCNN、CRNN、DeepMoji、SelfAttention、HAN、Capsule等文本分类算法; 支持CRF、Bi-LSTM-CRF、CNN-LSTM、DGCNN、Bi-LSTM-LAN、Lattice-LSTM-Batch、MRC等序列标注算法。
Stars: ✭ 149 (-50%)
Mutual labels:  text-classification, ner
Cluedatasetsearch
搜索所有中文NLP数据集,附常用英文NLP数据集
Stars: ✭ 2,112 (+608.72%)
Mutual labels:  text-classification, ner
BiLSTM-CRF-NER-PyTorch
This repo contains a PyTorch implementation of a BiLSTM-CRF model for named entity recognition task.
Stars: ✭ 109 (-63.42%)
Mutual labels:  crf, ner
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-92.28%)
Mutual labels:  crf, seq2seq
classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (-91.28%)
Mutual labels:  text-classification, seq2seq
korean ner tagging challenge
KU_NERDY 이동엽, 임희석 (2017 국어 정보 처리 시스템경진대회 금상) - 한글 및 한국어 정보처리 학술대회
Stars: ✭ 30 (-89.93%)
Mutual labels:  crf, ner
keras-crf-ner
keras+bi-lstm+crf,中文命名实体识别
Stars: ✭ 16 (-94.63%)
Mutual labels:  crf, ner
Ner Lstm Crf
An easy-to-use named entity recognition (NER) toolkit, implemented the Bi-LSTM+CRF model in tensorflow.
Stars: ✭ 337 (+13.09%)
Mutual labels:  ner, crf
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (-17.79%)
Mutual labels:  seq2seq, ner
Named entity recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Stars: ✭ 995 (+233.89%)
Mutual labels:  ner, crf
Lm Lstm Crf
Empower Sequence Labeling with Task-Aware Language Model
Stars: ✭ 778 (+161.07%)
Mutual labels:  ner, crf
Torchcrf
An Inplementation of CRF (Conditional Random Fields) in PyTorch 1.0
Stars: ✭ 58 (-80.54%)
Mutual labels:  ner, crf
Snips Nlu
Snips Python library to extract meaning from text
Stars: ✭ 3,583 (+1102.35%)
Mutual labels:  text-classification, ner
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Stars: ✭ 121 (-59.4%)
Mutual labels:  ner, crf
Min nlp practice
Chinese & English Cws Pos Ner Entity Recognition implement using CNN bi-directional lstm and crf model with char embedding.基于字向量的CNN池化双向BiLSTM与CRF模型的网络,可能一体化的完成中文和英文分词,词性标注,实体识别。主要包括原始文本数据,数据转换,训练脚本,预训练模型,可用于序列标注研究.注意:唯一需要实现的逻辑是将用户数据转化为序列模型。分词准确率约为93%,词性标注准确率约为90%,实体标注(在本样本上)约为85%。
Stars: ✭ 107 (-64.09%)
Mutual labels:  ner, crf
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 (+492.95%)
Mutual labels:  ner, crf
Etagger
reference tensorflow code for named entity tagging
Stars: ✭ 100 (-66.44%)
Mutual labels:  ner, crf
Sequence tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
Stars: ✭ 1,889 (+533.89%)
Mutual labels:  ner, crf
Clinical Ner
面向中文电子病历的命名实体识别
Stars: ✭ 151 (-49.33%)
Mutual labels:  ner, crf
Cluener2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
Stars: ✭ 689 (+131.21%)
Mutual labels:  seq2seq, ner
Paddlenlp
NLP Core Library and Model Zoo based on PaddlePaddle 2.0
Stars: ✭ 212 (-28.86%)
Mutual labels:  text-classification, seq2seq
Chatbot cn
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
Stars: ✭ 791 (+165.44%)
Mutual labels:  text-classification, ner
Bert Multitask Learning
BERT for Multitask Learning
Stars: ✭ 380 (+27.52%)
Mutual labels:  text-classification, ner
Dan Jurafsky Chris Manning Nlp
My solution to the Natural Language Processing course made by Dan Jurafsky, Chris Manning in Winter 2012.
Stars: ✭ 124 (-58.39%)
Mutual labels:  text-classification, ner
Spacy Streamlit
👑 spaCy building blocks and visualizers for Streamlit apps
Stars: ✭ 360 (+20.81%)
Mutual labels:  text-classification, ner
Legal-Entity-Recognition
A Dataset of German Legal Documents for Named Entity Recognition
Stars: ✭ 98 (-67.11%)
Mutual labels:  crf, ner
Nlp Tools
😋本项目旨在通过Tensorflow基于BiLSTM+CRF实现中文分词、词性标注、命名实体识别(NER)。
Stars: ✭ 225 (-24.5%)
Mutual labels:  seq2seq, ner
Fancy Nlp
NLP for human. A fast and easy-to-use natural language processing (NLP) toolkit, satisfying your imagination about NLP.
Stars: ✭ 233 (-21.81%)
Mutual labels:  text-classification, crf
trove
Weakly supervised medical named entity classification
Stars: ✭ 55 (-81.54%)
Mutual labels:  text-classification, ner
lstm-crf-tagging
No description or website provided.
Stars: ✭ 13 (-95.64%)
Mutual labels:  crf, ner
WeSTClass
[CIKM 2018] Weakly-Supervised Neural Text Classification
Stars: ✭ 67 (-77.52%)
Mutual labels:  text-classification
Bert Ch Ner
基于BERT的中文命名实体识别
Stars: ✭ 274 (-8.05%)
Mutual labels:  ner
Seq2Seq-Models
Basic Seq2Seq, Attention, CopyNet
Stars: ✭ 19 (-93.62%)
Mutual labels:  seq2seq
KgCLUE
KgCLUE: 大规模中文开源知识图谱问答
Stars: ✭ 131 (-56.04%)
Mutual labels:  ner
Bert For Sequence Labeling And Text Classification
This is the template code to use BERT for sequence lableing and text classification, in order to facilitate BERT for more tasks. Currently, the template code has included conll-2003 named entity identification, Snips Slot Filling and Intent Prediction.
Stars: ✭ 293 (-1.68%)
Mutual labels:  text-classification
Rnnsharp
RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.
Stars: ✭ 277 (-7.05%)
Mutual labels:  crf
HiLAP
Code for paper "Hierarchical Text Classification with Reinforced Label Assignment" EMNLP 2019
Stars: ✭ 116 (-61.07%)
Mutual labels:  text-classification
node-fasttext
Nodejs binding for fasttext representation and classification.
Stars: ✭ 39 (-86.91%)
Mutual labels:  text-classification
1-60 of 650 similar projects