All Projects → xxxsssyyy → DeepNER

xxxsssyyy / DeepNER

Licence: Apache-2.0 license
An Easy-to-use, Modular and Prolongable package of deep-learning based Named Entity Recognition Models.

Programming Languages

python
139335 projects - #7 most used programming language
Jupyter Notebook
11667 projects
perl
6916 projects

Projects that are alternatives of or similar to DeepNER

bern
A neural named entity recognition and multi-type normalization tool for biomedical text mining
Stars: ✭ 151 (+1577.78%)
Mutual labels:  named-entity-recognition, bert
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 (+544.44%)
Mutual labels:  named-entity-recognition, 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 (+1577.78%)
Mutual labels:  named-entity-recognition, bert
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 (+42544.44%)
Mutual labels:  named-entity-recognition, 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 (+24733.33%)
Mutual labels:  named-entity-recognition, bert
BERTOverflow
A Pre-trained BERT on StackOverflow Corpus
Stars: ✭ 40 (+344.44%)
Mutual labels:  named-entity-recognition, bert
TorchBlocks
A PyTorch-based toolkit for natural language processing
Stars: ✭ 85 (+844.44%)
Mutual labels:  named-entity-recognition, bert
Mt Dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
Stars: ✭ 1,871 (+20688.89%)
Mutual labels:  named-entity-recognition, bert
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+27877.78%)
Mutual labels:  named-entity-recognition, bert
OpenUE
OpenUE是一个轻量级知识图谱抽取工具 (An Open Toolkit for Universal Extraction from Text published at EMNLP2020: https://aclanthology.org/2020.emnlp-demos.1.pdf)
Stars: ✭ 274 (+2944.44%)
Mutual labels:  named-entity-recognition, bert
banglabert
This repository contains the official release of the model "BanglaBERT" and associated downstream finetuning code and datasets introduced in the paper titled "BanglaBERT: Language Model Pretraining and Benchmarks for Low-Resource Language Understanding Evaluation in Bangla" accpeted in Findings of the Annual Conference of the North American Chap…
Stars: ✭ 186 (+1966.67%)
Mutual labels:  named-entity-recognition, bert
MRC Competition Dureader
机器阅读理解 冠军/亚军代码及中文预训练MRC模型
Stars: ✭ 552 (+6033.33%)
Mutual labels:  bert
textwiser
[AAAI 2021] TextWiser: Text Featurization Library
Stars: ✭ 26 (+188.89%)
Mutual labels:  bert
neji
Flexible and powerful platform for biomedical information extraction from text
Stars: ✭ 37 (+311.11%)
Mutual labels:  named-entity-recognition
tfbert
基于tensorflow1.x的预训练模型调用,支持单机多卡、梯度累积,XLA加速,混合精度。可灵活训练、验证、预测。
Stars: ✭ 54 (+500%)
Mutual labels:  bert
Tianchi2020ChineseMedicineQuestionGeneration
2020 阿里云天池大数据竞赛-中医药文献问题生成挑战赛
Stars: ✭ 20 (+122.22%)
Mutual labels:  bert
Xpersona
XPersona: Evaluating Multilingual Personalized Chatbot
Stars: ✭ 54 (+500%)
Mutual labels:  bert
rosette-elasticsearch-plugin
Document Enrichment plugin for Elasticsearch
Stars: ✭ 25 (+177.78%)
Mutual labels:  named-entity-recognition
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 (+266.67%)
Mutual labels:  bert
subject-extractor
No description or website provided.
Stars: ✭ 21 (+133.33%)
Mutual labels:  named-entity-recognition

DeepNER

An Easy-to-use, Modular and Prolongable package of deep-learning based Named Entity Recognition Models.

This repository contains complex Deep Learning models for named entity recognition.

Requirements

Train Models

  • Train Transformer with CRF
python test_Transformer_CRF.py --num_blocks 2
  • Train Bilstm with CRF
python test_BiLSTM_CRF.py
  • fintuning bert with freezing bert Variables
python test_BiLSTM_CRF.py --freeze_bert True
  • fintuning bert Variables simultaneously
python test_BiLSTM_CRF.py --freeze_bert False

Simply Use Bert Sentence Embeddings

Please have a look at tests/predict_bert_sentence_emb.py

bc = BertVector(config)
embs = bc.encode(["这个项目好用吗", "希望被多多点赞!", "修改配置请看config字典"])

Using Bert for text classification

Please have a look at tests/bert_classification.py

model = BertClassification(config)
model.train()

Performances Comparison

models Precision Recall F1-Score
Transformer-CRF(2 Layers) 67.56% 62.88% 65.14%
BiGRU-CRF 91.66% 89.85% 90.75%
BiLSTM-CRF 91.90% 89.85% 90.87%
Bert-BiLSTM-CRF(freeze) 94.56% 95.09% 94.82%
Bert-BiLSTM-CRF(fintuning bert simultaneously) 95.33% 94.69% 95.01%

TODO

  • Lexicon enhance
  • Label Attention Network for fine-gained NER
  • Nested NER

References

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].