All Projects → keras-bert-ner → Similar Projects or Alternatives

410 Open source projects that are alternatives of or similar to keras-bert-ner

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 (+54728.57%)
Mutual labels:  crf, ner, bert
ChineseNER
中文NER的那些事儿
Stars: ✭ 241 (+3342.86%)
Mutual labels:  crf, ner, bert
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (+228.57%)
Mutual labels:  crf, albert, bert
Ner Lstm Crf
An easy-to-use named entity recognition (NER) toolkit, implemented the Bi-LSTM+CRF model in tensorflow.
Stars: ✭ 337 (+4714.29%)
Mutual labels:  crf, ner
Chineseglue
Language Understanding Evaluation benchmark for Chinese: datasets, baselines, pre-trained models,corpus and leaderboard
Stars: ✭ 1,548 (+22014.29%)
Mutual labels:  albert, bert
Bert seq2seq
pytorch实现bert做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持GPT2进行文章续写。
Stars: ✭ 298 (+4157.14%)
Mutual labels:  crf, ner
Etagger
reference tensorflow code for named entity tagging
Stars: ✭ 100 (+1328.57%)
Mutual labels:  crf, ner
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 (+18328.57%)
Mutual labels:  crf, ner
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (+1642.86%)
Mutual labels:  crf, ner
knowledge-graph-nlp-in-action
从模型训练到部署,实战知识图谱(Knowledge Graph)&自然语言处理(NLP)。涉及 Tensorflow, Bert+Bi-LSTM+CRF,Neo4j等 涵盖 Named Entity Recognition,Text Classify,Information Extraction,Relation Extraction 等任务。
Stars: ✭ 58 (+728.57%)
Mutual labels:  crf, bert
datagrand bert
2019达观杯信息提取第5名代码
Stars: ✭ 20 (+185.71%)
Mutual labels:  ner, bert
CLUE pytorch
CLUE baseline pytorch CLUE的pytorch版本基线
Stars: ✭ 72 (+928.57%)
Mutual labels:  albert, bert
bert in a flask
A dockerized flask API, serving ALBERT and BERT predictions using TensorFlow 2.0.
Stars: ✭ 32 (+357.14%)
Mutual labels:  albert, bert
Hscrf Pytorch
ACL 2018: Hybrid semi-Markov CRF for Neural Sequence Labeling (http://aclweb.org/anthology/P18-2038)
Stars: ✭ 284 (+3957.14%)
Mutual labels:  crf, ner
Clue
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
Stars: ✭ 2,425 (+34542.86%)
Mutual labels:  albert, bert
Ner blstm Crf
LSTM-CRF for NER with ConLL-2002 dataset
Stars: ✭ 51 (+628.57%)
Mutual labels:  crf, ner
Ntagger
reference pytorch code for named entity tagging
Stars: ✭ 58 (+728.57%)
Mutual labels:  crf, ner
Ner
命名体识别(NER)综述-论文-模型-代码(BiLSTM-CRF/BERT-CRF)-竞赛资源总结-随时更新
Stars: ✭ 118 (+1585.71%)
Mutual labels:  crf, ner
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 (+25142.86%)
Mutual labels:  crf, ner
Pytorch ner bilstm cnn crf
End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF implement in pyotrch
Stars: ✭ 249 (+3457.14%)
Mutual labels:  crf, ner
neuro-comma
🇷🇺 Punctuation restoration production-ready model for Russian language 🇷🇺
Stars: ✭ 46 (+557.14%)
Mutual labels:  ner, bert
keras-crf-ner
keras+bi-lstm+crf,中文命名实体识别
Stars: ✭ 16 (+128.57%)
Mutual labels:  crf, ner
lstm-crf-tagging
No description or website provided.
Stars: ✭ 13 (+85.71%)
Mutual labels:  crf, ner
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+3400%)
Mutual labels:  ner, bert
Legal-Entity-Recognition
A Dataset of German Legal Documents for Named Entity Recognition
Stars: ✭ 98 (+1300%)
Mutual labels:  crf, ner
classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (+271.43%)
Mutual labels:  albert, bert
korean ner tagging challenge
KU_NERDY 이동엽, 임희석 (2017 국어 정보 처리 시스템경진대회 금상) - 한글 및 한국어 정보처리 학술대회
Stars: ✭ 30 (+328.57%)
Mutual labels:  crf, ner
trove
Weakly supervised medical named entity classification
Stars: ✭ 55 (+685.71%)
Mutual labels:  ner, bert
Albert zh
A LITE BERT FOR SELF-SUPERVISED LEARNING OF LANGUAGE REPRESENTATIONS, 海量中文预训练ALBERT模型
Stars: ✭ 3,500 (+49900%)
Mutual labels:  albert, bert
anonymisation
Anonymization of legal cases (Fr) based on Flair embeddings
Stars: ✭ 85 (+1114.29%)
Mutual labels:  ner, bert
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 (+31828.57%)
Mutual labels:  ner, bert
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+35871.43%)
Mutual labels:  albert, bert
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 (+4314.29%)
Mutual labels:  crf, ner
bert nli
A Natural Language Inference (NLI) model based on Transformers (BERT and ALBERT)
Stars: ✭ 97 (+1285.71%)
Mutual labels:  albert, bert
Named entity recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Stars: ✭ 995 (+14114.29%)
Mutual labels:  crf, ner
Lm Lstm Crf
Empower Sequence Labeling with Task-Aware Language Model
Stars: ✭ 778 (+11014.29%)
Mutual labels:  crf, ner
Torchcrf
An Inplementation of CRF (Conditional Random Fields) in PyTorch 1.0
Stars: ✭ 58 (+728.57%)
Mutual labels:  crf, ner
Bert Ner Pytorch
Chinese NER(Named Entity Recognition) using BERT(Softmax, CRF, Span)
Stars: ✭ 654 (+9242.86%)
Mutual labels:  crf, ner
Daguan 2019 rank9
datagrand 2019 information extraction competition rank9
Stars: ✭ 121 (+1628.57%)
Mutual labels:  crf, ner
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 (+1428.57%)
Mutual labels:  crf, ner
Clinical Ner
面向中文电子病历的命名实体识别
Stars: ✭ 151 (+2057.14%)
Mutual labels:  crf, ner
classifier multi label
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Stars: ✭ 127 (+1714.29%)
Mutual labels:  albert, bert
MobileQA
离线端阅读理解应用 QA for mobile, Android & iPhone
Stars: ✭ 49 (+600%)
Mutual labels:  albert, bert
Pytorch Bert Crf Ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Stars: ✭ 236 (+3271.43%)
Mutual labels:  crf, ner
ALBERT-Pytorch
Pytorch Implementation of ALBERT(A Lite BERT for Self-supervised Learning of Language Representations)
Stars: ✭ 214 (+2957.14%)
Mutual labels:  albert, bert
Sequence tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
Stars: ✭ 1,889 (+26885.71%)
Mutual labels:  crf, ner
Medi-CoQA
Conversational Question Answering on Clinical Text
Stars: ✭ 22 (+214.29%)
Mutual labels:  albert, bert
Transformer-QG-on-SQuAD
Implement Question Generator with SOTA pre-trained Language Models (RoBERTa, BERT, GPT, BART, T5, etc.)
Stars: ✭ 28 (+300%)
Mutual labels:  albert, bert
BiLSTM-CRF-NER-PyTorch
This repo contains a PyTorch implementation of a BiLSTM-CRF model for named entity recognition task.
Stars: ✭ 109 (+1457.14%)
Mutual labels:  crf, ner
Ner Slot filling
中文自然语言的实体抽取和意图识别(Natural Language Understanding),可选Bi-LSTM + CRF 或者 IDCNN + CRF
Stars: ✭ 151 (+2057.14%)
Mutual labels:  crf, ner
parsbert-ner
🤗 ParsBERT Persian NER Tasks
Stars: ✭ 15 (+114.29%)
Mutual labels:  ner, bert
tfbert
基于tensorflow1.x的预训练模型调用,支持单机多卡、梯度累积,XLA加速,混合精度。可灵活训练、验证、预测。
Stars: ✭ 54 (+671.43%)
Mutual labels:  albert, bert
viewpoint-mining
参考NER,基于BERT的电商评论观点挖掘和情感分析
Stars: ✭ 31 (+342.86%)
Mutual labels:  ner, bert
NER-FunTool
本NER项目包含多个中文数据集,模型采用BiLSTM+CRF、BERT+Softmax、BERT+Cascade、BERT+WOL等,最后用TFServing进行模型部署,线上推理和线下推理。
Stars: ✭ 56 (+700%)
Mutual labels:  bert
bangla-bert
Bangla-Bert is a pretrained bert model for Bengali language
Stars: ✭ 41 (+485.71%)
Mutual labels:  bert
text2class
Multi-class text categorization using state-of-the-art pre-trained contextualized language models, e.g. BERT
Stars: ✭ 15 (+114.29%)
Mutual labels:  bert
chinese-nlp-ner
一套针对中文实体识别的BLSTM-CRF解决方案
Stars: ✭ 14 (+100%)
Mutual labels:  ner
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (+214.29%)
Mutual labels:  bert
pytorch-partial-crf
CRF, Partial CRF and Marginal CRF in PyTorch
Stars: ✭ 23 (+228.57%)
Mutual labels:  crf
Quality-Estimation2
机器翻译子任务-翻译质量评价-在BERT模型后面加上Bi-LSTM进行fine-tuning
Stars: ✭ 31 (+342.86%)
Mutual labels:  bert
1-60 of 410 similar projects