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

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

bangla-bert
Bangla-Bert is a pretrained bert model for Bengali language
Stars: ✭ 41 (+485.71%)
Mutual labels:  bert
CIP
Basic exercises of chinese information processing
Stars: ✭ 32 (+357.14%)
Mutual labels:  crf
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
ParsBigBird
Persian Bert For Long-Range Sequences
Stars: ✭ 58 (+728.57%)
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
ark-nlp
A private nlp coding package, which quickly implements the SOTA solutions.
Stars: ✭ 232 (+3214.29%)
Mutual labels:  bert
wink-ner
Language agnostic named entity recognizer
Stars: ✭ 32 (+357.14%)
Mutual labels:  ner
bert sa
bert sentiment analysis tensorflow serving with RESTful API
Stars: ✭ 35 (+400%)
Mutual labels:  bert
ner-d
Python module for Named Entity Recognition (NER) using natural language processing.
Stars: ✭ 14 (+100%)
Mutual labels:  ner
LMMS
Language Modelling Makes Sense - WSD (and more) with Contextual Embeddings
Stars: ✭ 79 (+1028.57%)
Mutual labels:  bert
are-16-heads-really-better-than-1
Code for the paper "Are Sixteen Heads Really Better than One?"
Stars: ✭ 128 (+1728.57%)
Mutual labels:  bert
Text and Audio classification with Bert
Text Classification in Turkish Texts with Bert
Stars: ✭ 34 (+385.71%)
Mutual labels:  bert
bert-AAD
Adversarial Adaptation with Distillation for BERT Unsupervised Domain Adaptation
Stars: ✭ 27 (+285.71%)
Mutual labels:  bert
GoEmotions-pytorch
Pytorch Implementation of GoEmotions 😍😢😱
Stars: ✭ 95 (+1257.14%)
Mutual labels:  bert
Computer-Vision
implemented some computer vision problems
Stars: ✭ 25 (+257.14%)
Mutual labels:  crf
NER BiLSTM CRF Chinese
BiLSTM_CRF中文实体命名识别
Stars: ✭ 46 (+557.14%)
Mutual labels:  ner
ganbert-pytorch
Enhancing the BERT training with Semi-supervised Generative Adversarial Networks in Pytorch/HuggingFace
Stars: ✭ 60 (+757.14%)
Mutual labels:  bert
VideoBERT
Using VideoBERT to tackle video prediction
Stars: ✭ 56 (+700%)
Mutual labels:  bert
HugsVision
HugsVision is a easy to use huggingface wrapper for state-of-the-art computer vision
Stars: ✭ 154 (+2100%)
Mutual labels:  bert
FinBERT
A Pretrained BERT Model for Financial Communications. https://arxiv.org/abs/2006.08097
Stars: ✭ 193 (+2657.14%)
Mutual labels:  bert
CoronaXiv
First Prize in HackJaipur Hackathon 2020 for Best ElasticSearch-based Product! Website: http://coronaxiv2.surge.sh/#/
Stars: ✭ 15 (+114.29%)
Mutual labels:  bert
Self-Supervised-Embedding-Fusion-Transformer
The code for our IEEE ACCESS (2020) paper Multimodal Emotion Recognition with Transformer-Based Self Supervised Feature Fusion.
Stars: ✭ 57 (+714.29%)
Mutual labels:  bert
Pytorch-NLU
Pytorch-NLU,一个中文文本分类、序列标注工具包,支持中文长文本、短文本的多类、多标签分类任务,支持中文命名实体识别、词性标注、分词等序列标注任务。 Ptorch NLU, a Chinese text classification and sequence annotation toolkit, supports multi class and multi label classification tasks of Chinese long text and short text, and supports sequence annotation tasks such as Chinese named entity recognition, part of speech ta…
Stars: ✭ 151 (+2057.14%)
Mutual labels:  bert
huner
Named Entity Recognition for biomedical entities
Stars: ✭ 44 (+528.57%)
Mutual labels:  ner
DeepNER
An Easy-to-use, Modular and Prolongable package of deep-learning based Named Entity Recognition Models.
Stars: ✭ 9 (+28.57%)
Mutual labels:  bert
muse-as-service
REST API for sentence tokenization and embedding using Multilingual Universal Sentence Encoder.
Stars: ✭ 45 (+542.86%)
Mutual labels:  bert
mcQA
🔮 Answering multiple choice questions with Language Models.
Stars: ✭ 23 (+228.57%)
Mutual labels:  bert
NSP-BERT
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"
Stars: ✭ 166 (+2271.43%)
Mutual labels:  bert
SentimentAnalysis
(BOW, TF-IDF, Word2Vec, BERT) Word Embeddings + (SVM, Naive Bayes, Decision Tree, Random Forest) Base Classifiers + Pre-trained BERT on Tensorflow Hub + 1-D CNN and Bi-Directional LSTM on IMDB Movie Reviews Dataset
Stars: ✭ 40 (+471.43%)
Mutual labels:  bert
simple NER
simple rule based named entity recognition
Stars: ✭ 29 (+314.29%)
Mutual labels:  ner
StatNLP-Framework
C++ based implementation of StatNLP framework
Stars: ✭ 17 (+142.86%)
Mutual labels:  crf
Tianchi2020ChineseMedicineQuestionGeneration
2020 阿里云天池大数据竞赛-中医药文献问题生成挑战赛
Stars: ✭ 20 (+185.71%)
Mutual labels:  bert
erc
Emotion recognition in conversation
Stars: ✭ 34 (+385.71%)
Mutual labels:  bert
cdQA-ui
⛔ [NOT MAINTAINED] A web interface for cdQA and other question answering systems.
Stars: ✭ 19 (+171.43%)
Mutual labels:  bert
crfs-rs
Pure Rust port of CRFsuite: a fast implementation of Conditional Random Fields (CRFs)
Stars: ✭ 22 (+214.29%)
Mutual labels:  crf
contextualSpellCheck
✔️Contextual word checker for better suggestions
Stars: ✭ 274 (+3814.29%)
Mutual labels:  bert
MRC Competition Dureader
机器阅读理解 冠军/亚军代码及中文预训练MRC模型
Stars: ✭ 552 (+7785.71%)
Mutual labels:  bert
bert experimental
code and supplementary materials for a series of Medium articles about the BERT model
Stars: ✭ 72 (+928.57%)
Mutual labels:  bert
Xpersona
XPersona: Evaluating Multilingual Personalized Chatbot
Stars: ✭ 54 (+671.43%)
Mutual labels:  bert
deep-atrous-ner
Deep-Atrous-CNN-NER: Word level model for Named Entity Recognition
Stars: ✭ 35 (+400%)
Mutual labels:  ner
KLUE
📖 Korean NLU Benchmark
Stars: ✭ 420 (+5900%)
Mutual labels:  bert
TorchBlocks
A PyTorch-based toolkit for natural language processing
Stars: ✭ 85 (+1114.29%)
Mutual labels:  bert
PDN
The official PyTorch implementation of "Pathfinder Discovery Networks for Neural Message Passing" (WebConf '21)
Stars: ✭ 44 (+528.57%)
Mutual labels:  bert
ipymarkup
NER, syntax markup visualizations
Stars: ✭ 108 (+1442.86%)
Mutual labels:  ner
ai web RISKOUT BTS
국방 리스크 관리 플랫폼 (🏅 국방부장관상/Minister of National Defense Award)
Stars: ✭ 18 (+157.14%)
Mutual labels:  bert
policy-data-analyzer
Building a model to recognize incentives for landscape restoration in environmental policies from Latin America, the US and India. Bringing NLP to the world of policy analysis through an extensible framework that includes scraping, preprocessing, active learning and text analysis pipelines.
Stars: ✭ 22 (+214.29%)
Mutual labels:  bert
jcrfsuite
Java interface for CRFsuite: http://www.chokkan.org/software/crfsuite/
Stars: ✭ 44 (+528.57%)
Mutual labels:  crf
syntaxdot
Neural syntax annotator, supporting sequence labeling, lemmatization, and dependency parsing.
Stars: ✭ 32 (+357.14%)
Mutual labels:  bert
entity recognition
Entity recognition codes for "2019 Datagrand Cup: Text Information Extraction Challenge"
Stars: ✭ 26 (+271.43%)
Mutual labels:  crf
NER corpus chinese
NER(命名实体识别)中文语料,一站式获取
Stars: ✭ 102 (+1357.14%)
Mutual labels:  ner
2020CCF-NER
2020 CCF大数据与计算智能大赛-非结构化商业文本信息中隐私信息识别-第7名方案
Stars: ✭ 66 (+842.86%)
Mutual labels:  ner
bert-movie-reviews-sentiment-classifier
Build a Movie Reviews Sentiment Classifier with Google's BERT Language Model
Stars: ✭ 12 (+71.43%)
Mutual labels:  bert
textgo
Text preprocessing, representation, similarity calculation, text search and classification. Let's go and play with text!
Stars: ✭ 33 (+371.43%)
Mutual labels:  bert
textwiser
[AAAI 2021] TextWiser: Text Featurization Library
Stars: ✭ 26 (+271.43%)
Mutual labels:  bert
grobid-ner
A Named-Entity Recogniser based on Grobid.
Stars: ✭ 38 (+442.86%)
Mutual labels:  crf
LightLM
高性能小模型测评 Shared Tasks in NLPCC 2020. Task 1 - Light Pre-Training Chinese Language Model for NLP Task
Stars: ✭ 54 (+671.43%)
Mutual labels:  bert
JD2Skills-BERT-XMLC
Code and Dataset for the Bhola et al. (2020) Retrieving Skills from Job Descriptions: A Language Model Based Extreme Multi-label Classification Framework
Stars: ✭ 33 (+371.43%)
Mutual labels:  bert
naacl2019-select-pretraining-data-for-ner
BiLSTM-CRF model for NER
Stars: ✭ 15 (+114.29%)
Mutual labels:  ner
61-120 of 410 similar projects