named-entity-recognition
There are 1567 repositories under named-entity-recognition topic.
hankcs/HanLP
Natural Language Processing for the next decade. Tokenization, Part-of-Speech Tagging, Named Entity Recognition, Syntactic & Semantic Dependency Parsing, Document Classification
explosion/spaCy
💫 Industrial-strength Natural Language Processing (NLP) in Python
sebastianruder/NLP-progress
Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
flairNLP/flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
spencermountain/compromise
modest natural-language processing
stanfordnlp/CoreNLP
CoreNLP: A Java suite of core NLP tools for tokenization, sentence segmentation, NER, parsing, coreference, sentiment analysis, etc.
stanfordnlp/stanza
Stanford NLP Python library for tokenization, sentence segmentation, NER, and parsing of many human languages
deeppavlov/DeepPavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
macanv/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
ThilinaRajapakse/simpletransformers
Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
qq547276542/Agriculture_KnowledgeGraph
农业知识图谱(AgriKG):农业领域的信息检索,命名实体识别,关系抽取,智能问答,辅助决策
snipsco/snips-nlu
Snips Python library to extract meaning from text
baidu/lac
百度NLP:分词,词性标注,命名实体识别,词重要性
JohnSnowLabs/spark-nlp
State of the Art Natural Language Processing
zjunlp/DeepKE
[EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and Construction
hankcs/pyhanlp
中文分词
blmoistawinde/HarvestText
文本挖掘和预处理工具(文本清洗、新词发现、情感分析、实体识别链接、关键词抽取、知识抽取、句法分析等),无监督或弱监督方法
BrikerMan/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.
Determined22/zh-NER-TF
A very simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)
explosion/spacy-course
👩🏫 Advanced NLP with spaCy: A free online course
namisan/mt-dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
crownpku/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
luopeixiang/named_entity_recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
UniversalDataTool/universal-data-tool
Collaborate & label any type of data, images, text, or documents, in an easy web interface or desktop app.
guillaumegenthial/sequence_tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
jiesutd/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.
Franck-Dernoncourt/NeuroNER
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
urchade/GLiNER
Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024
juand-r/entity-recognition-datasets
A collection of corpora for named entity recognition (NER) and entity recognition tasks. These annotated datasets cover a variety of languages, domains and entity types.
Hironsan/anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
CLUEbenchmark/CLUENER2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
undertheseanlp/underthesea
Underthesea - Vietnamese NLP Toolkit
buppt/ChineseNER
中文命名实体识别,实体抽取,tensorflow,pytorch,BiLSTM+CRF
Tongjilibo/bert4torch
An elegent pytorch implement of transformers
kamalkraj/BERT-NER
Pytorch-Named-Entity-Recognition-with-BERT
myhhub/KnowledgeGraph
knowledge graph知识图谱,从零开始构建知识图谱