Topic: "named-entity-recognition"
hankcs/HanLP
Natural Language Processing for the next decade. Tokenization, Part-of-Speech Tagging, Named Entity Recognition, Syntactic & Semantic Dependency Parsing, Document Classification
Language: Python - Size: 69.5 MB - Last synced at: 17 days ago - Pushed at: 21 days ago - Stars: 35,049 - Forks: 10,602

explosion/spaCy
💫 Industrial-strength Natural Language Processing (NLP) in Python
Language: Python - Size: 194 MB - Last synced at: 1 day ago - Pushed at: 8 days ago - Stars: 31,699 - Forks: 4,508

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.
Language: Python - Size: 1.33 MB - Last synced at: 11 days ago - Pushed at: 10 months ago - Stars: 22,871 - Forks: 3,623

flairNLP/flair
A very simple framework for state-of-the-art Natural Language Processing (NLP)
Language: Python - Size: 356 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 14,193 - Forks: 2,114

spencermountain/compromise
modest natural-language processing
Language: JavaScript - Size: 55.7 MB - Last synced at: 1 day ago - Pushed at: 24 days ago - Stars: 11,756 - Forks: 656

stanfordnlp/CoreNLP
CoreNLP: A Java suite of core NLP tools for tokenization, sentence segmentation, NER, parsing, coreference, sentiment analysis, etc.
Language: Java - Size: 378 MB - Last synced at: 3 days ago - Pushed at: 3 days ago - Stars: 9,897 - Forks: 2,715

stanfordnlp/stanza
Stanford NLP Python library for tokenization, sentence segmentation, NER, and parsing of many human languages
Language: Python - Size: 82.4 MB - Last synced at: 9 days ago - Pushed at: 9 days ago - Stars: 7,472 - Forks: 907

deeppavlov/DeepPavlov
An open source library for deep learning end-to-end dialog systems and chatbots.
Language: Python - Size: 31.2 MB - Last synced at: 16 days ago - Pushed at: 2 months ago - Stars: 6,880 - Forks: 1,162

macanv/BERT-BiLSTM-CRF-NER
Tensorflow solution of NER task Using BiLSTM-CRF model with Google BERT Fine-tuning And private Server services
Language: Python - Size: 3.75 MB - Last synced at: 15 days ago - Pushed at: over 4 years ago - Stars: 4,814 - Forks: 1,254

microsoft/presidio
An open-source framework for detecting, redacting, masking, and anonymizing sensitive data (PII) across text, images, and structured data. Supports NLP, pattern matching, and customizable pipelines.
Language: Python - Size: 222 MB - Last synced at: about 2 hours ago - Pushed at: 4 days ago - Stars: 4,765 - Forks: 662

ThilinaRajapakse/simpletransformers
Transformers for Information Retrieval, Text Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
Language: Python - Size: 20 MB - Last synced at: 8 days ago - Pushed at: about 1 month ago - Stars: 4,185 - Forks: 728

qq547276542/Agriculture_KnowledgeGraph
农业知识图谱(AgriKG):农业领域的信息检索,命名实体识别,关系抽取,智能问答,辅助决策
Language: Python - Size: 327 MB - Last synced at: 16 days ago - Pushed at: 4 months ago - Stars: 4,173 - Forks: 1,571

JohnSnowLabs/spark-nlp
State of the Art Natural Language Processing
Language: Scala - Size: 3.4 GB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 3,988 - Forks: 726

baidu/lac
百度NLP:分词,词性标注,命名实体识别,词重要性
Language: C++ - Size: 63.6 MB - Last synced at: 15 days ago - Pushed at: about 4 years ago - Stars: 3,933 - Forks: 596

snipsco/snips-nlu
Snips Python library to extract meaning from text
Language: Python - Size: 19.3 MB - Last synced at: 15 days ago - Pushed at: about 2 years ago - Stars: 3,931 - Forks: 512

zjunlp/DeepKE
[EMNLP 2022] An Open Toolkit for Knowledge Graph Extraction and Construction
Language: Python - Size: 121 MB - Last synced at: 17 days ago - Pushed at: about 1 month ago - Stars: 3,905 - Forks: 720

hankcs/pyhanlp
中文分词
Language: Python - Size: 280 KB - Last synced at: 17 days ago - Pushed at: 5 months ago - Stars: 3,173 - Forks: 808

blmoistawinde/HarvestText
文本挖掘和预处理工具(文本清洗、新词发现、情感分析、实体识别链接、关键词抽取、知识抽取、句法分析等),无监督或弱监督方法
Language: Python - Size: 4.27 MB - Last synced at: 8 days ago - Pushed at: about 1 year ago - Stars: 2,515 - Forks: 336

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.
Language: Python - Size: 14.3 MB - Last synced at: 8 days ago - Pushed at: 9 months ago - Stars: 2,389 - Forks: 434

explosion/spacy-course
👩🏫 Advanced NLP with spaCy: A free online course
Language: Python - Size: 9.05 MB - Last synced at: 7 days ago - Pushed at: 4 months ago - Stars: 2,371 - Forks: 375

Determined22/zh-NER-TF
A very simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)
Language: Python - Size: 107 MB - Last synced at: 7 days ago - Pushed at: about 3 years ago - Stars: 2,337 - Forks: 936

crownpku/Information-Extraction-Chinese
Chinese Named Entity Recognition with IDCNN/biLSTM+CRF, and Relation Extraction with biGRU+2ATT 中文实体识别与关系提取
Language: Python - Size: 78.9 MB - Last synced at: 7 days ago - Pushed at: over 1 year ago - Stars: 2,257 - Forks: 808

namisan/mt-dnn
Multi-Task Deep Neural Networks for Natural Language Understanding
Language: Python - Size: 1.97 MB - Last synced at: 7 days ago - Pushed at: about 1 year ago - Stars: 2,250 - Forks: 412

luopeixiang/named_entity_recognition
中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)
Language: Python - Size: 28.2 MB - Last synced at: 14 days ago - Pushed at: almost 3 years ago - Stars: 2,208 - Forks: 536

urchade/GLiNER
Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024
Language: Python - Size: 30.8 MB - Last synced at: 17 days ago - Pushed at: 19 days ago - Stars: 2,010 - Forks: 185

UniversalDataTool/universal-data-tool
Collaborate & label any type of data, images, text, or documents, in an easy web interface or desktop app.
Language: JavaScript - Size: 247 MB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 1,992 - Forks: 192

guillaumegenthial/sequence_tagging
Named Entity Recognition (LSTM + CRF) - Tensorflow
Language: Python - Size: 54.7 KB - Last synced at: 14 days ago - Pushed at: over 4 years ago - Stars: 1,948 - Forks: 703

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.
Language: Python - Size: 6.79 MB - Last synced at: 14 days ago - Pushed at: almost 3 years ago - Stars: 1,896 - Forks: 447

Franck-Dernoncourt/NeuroNER
Named-entity recognition using neural networks. Easy-to-use and state-of-the-art results.
Language: Python - Size: 121 MB - Last synced at: 7 days ago - Pushed at: about 2 years ago - Stars: 1,710 - Forks: 474

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.
Language: Python - Size: 2.75 MB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 1,538 - Forks: 248

undertheseanlp/underthesea
Underthesea - Vietnamese NLP Toolkit
Language: Python - Size: 166 MB - Last synced at: 9 days ago - Pushed at: about 1 month ago - Stars: 1,533 - Forks: 282

CLUEbenchmark/CLUENER2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
Language: Python - Size: 867 KB - Last synced at: 7 days ago - Pushed at: over 2 years ago - Stars: 1,491 - Forks: 301

Hironsan/anago
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
Language: Python - Size: 7.33 MB - Last synced at: 14 days ago - Pushed at: over 2 years ago - Stars: 1,482 - Forks: 366

myhhub/KnowledgeGraph
knowledge graph知识图谱,从零开始构建知识图谱
Language: Python - Size: 2.56 MB - Last synced at: 2 days ago - Pushed at: over 1 year ago - Stars: 1,368 - Forks: 154

Tongjilibo/bert4torch
An elegent pytorch implement of transformers
Language: Python - Size: 10.8 MB - Last synced at: 7 days ago - Pushed at: 15 days ago - Stars: 1,296 - Forks: 164

buppt/ChineseNER
中文命名实体识别,实体抽取,tensorflow,pytorch,BiLSTM+CRF
Language: Python - Size: 15.1 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 1,296 - Forks: 395

explosion/spacy-llm
🦙 Integrating LLMs into structured NLP pipelines
Language: Python - Size: 1.79 MB - Last synced at: 3 days ago - Pushed at: 5 months ago - Stars: 1,254 - Forks: 97

kamalkraj/BERT-NER
Pytorch-Named-Entity-Recognition-with-BERT
Language: Python - Size: 1.63 MB - Last synced at: 13 days ago - Pushed at: about 4 years ago - Stars: 1,240 - Forks: 274

chakki-works/seqeval
A Python framework for sequence labeling evaluation(named-entity recognition, pos tagging, etc...)
Language: Python - Size: 180 KB - Last synced at: 8 days ago - Pushed at: 9 months ago - Stars: 1,138 - Forks: 132

jiesutd/YEDDA
YEDDA: A Lightweight Collaborative Text Span Annotation Tool. Code for ACL 2018 Best Demo Paper Nomination.
Language: Python - Size: 10.5 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 1,055 - Forks: 299

opensemanticsearch/open-semantic-search
Open Source research tool to search, browse, analyze and explore large document collections by Semantic Search Engine and Open Source Text Mining & Text Analytics platform (Integrates ETL for document processing, OCR for images & PDF, named entity recognition for persons, organizations & locations, metadata management by thesaurus & ontologies, search user interface & search apps for fulltext search, faceted search & knowledge graph)
Language: Shell - Size: 8.91 MB - Last synced at: 13 days ago - Pushed at: about 2 months ago - Stars: 1,034 - Forks: 183

guillaumegenthial/tf_ner
Simple and Efficient Tensorflow implementations of NER models with tf.estimator and tf.data
Language: Python - Size: 144 KB - Last synced at: 12 days ago - Pushed at: over 6 years ago - Stars: 923 - Forks: 274

JohnSnowLabs/nlu
1 line for thousands of State of The Art NLP models in hundreds of languages The fastest and most accurate way to solve text problems.
Language: Python - Size: 474 MB - Last synced at: 15 days ago - Pushed at: 4 months ago - Stars: 915 - Forks: 138

philipperemy/name-dataset
The Python library for names.
Language: Python - Size: 145 MB - Last synced at: 15 days ago - Pushed at: about 2 months ago - Stars: 908 - Forks: 155

heathersherry/Knowledge-Graph-Tutorials-and-Papers
Insightful Tutorials and Papers about Knowledge Graphs
Size: 4.14 MB - Last synced at: 1 day ago - Pushed at: 2 days ago - Stars: 891 - Forks: 125

rodrigopivi/Chatito
🎯🗯 Dataset generation for AI chatbots, NLP tasks, named entity recognition or text classification models using a simple DSL!
Language: TypeScript - Size: 6.42 MB - Last synced at: 13 days ago - Pushed at: almost 2 years ago - Stars: 882 - Forks: 153

abhimishra91/transformers-tutorials
Github repo with tutorials to fine tune transformers for diff NLP tasks
Language: Jupyter Notebook - Size: 282 KB - Last synced at: 13 days ago - Pushed at: about 1 year ago - Stars: 848 - Forks: 191

explosion/spacy-streamlit
👑 spaCy building blocks and visualizers for Streamlit apps
Language: Python - Size: 61.5 KB - Last synced at: 7 days ago - Pushed at: 10 months ago - Stars: 839 - Forks: 116

quqxui/Awesome-LLM4IE-Papers
Awesome papers about generative Information Extraction (IE) using Large Language Models (LLMs)
Size: 1.47 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 754 - Forks: 42

mhbashari/awesome-persian-nlp-ir
Curated List of Persian Natural Language Processing and Information Retrieval Tools and Resources
Size: 192 KB - Last synced at: 29 days ago - Pushed at: over 1 year ago - Stars: 747 - Forks: 114

ckiplab/ckip-transformers
CKIP Transformers
Language: Python - Size: 232 KB - Last synced at: 13 days ago - Pushed at: about 2 years ago - Stars: 730 - Forks: 76

The-FinAI/PIXIU
This repository introduces PIXIU, an open-source resource featuring the first financial large language models (LLMs), instruction tuning data, and evaluation benchmarks to holistically assess financial LLMs. Our goal is to continually push forward the open-source development of financial artificial intelligence (AI).
Language: Jupyter Notebook - Size: 49.5 MB - Last synced at: 3 days ago - Pushed at: 3 months ago - Stars: 716 - Forks: 88

VinAIResearch/PhoBERT
PhoBERT: Pre-trained language models for Vietnamese (EMNLP-2020 Findings)
Size: 66.4 KB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 705 - Forks: 102

taishan1994/awesome-chinese-ner
中文命名实体识别。包含目前最新的中文命名实体识别论文、中文实体识别相关工具、数据集,以及中文预训练模型、词向量、实体识别综述等。
Size: 235 KB - Last synced at: 26 days ago - Pushed at: 3 months ago - Stars: 699 - Forks: 54

lavis-nlp/spert 📦
PyTorch code for SpERT: Span-based Entity and Relation Transformer
Language: Python - Size: 69.3 KB - Last synced at: about 2 months ago - Pushed at: over 1 year ago - Stars: 698 - Forks: 146

monarch-initiative/ontogpt
LLM-based ontological extraction tools, including SPIRES
Language: Jupyter Notebook - Size: 80.6 MB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 689 - Forks: 96

ICIJ/datashare
A self-hosted search engine for documents.
Language: Java - Size: 395 MB - Last synced at: about 15 hours ago - Pushed at: about 18 hours ago - Stars: 634 - Forks: 58

vncorenlp/VnCoreNLP
A Vietnamese natural language processing toolkit (NAACL 2018)
Language: Java - Size: 232 MB - Last synced at: 9 days ago - Pushed at: over 2 years ago - Stars: 619 - Forks: 151

smilelight/lightKG
基于Pytorch和torchtext的知识图谱深度学习框架。
Language: Python - Size: 91.8 KB - Last synced at: 26 days ago - Pushed at: almost 5 years ago - Stars: 614 - Forks: 150

VinAIResearch/BERTweet
BERTweet: A pre-trained language model for English Tweets (EMNLP-2020)
Language: Python - Size: 140 KB - Last synced at: 2 months ago - Pushed at: 11 months ago - Stars: 589 - Forks: 52

ankane/informers
Fast transformer inference for Ruby
Language: Ruby - Size: 2.48 MB - Last synced at: 15 days ago - Pushed at: 4 months ago - Stars: 569 - Forks: 15

taishan1994/pytorch_bert_bilstm_crf_ner
基于pytorch的bert_bilstm_crf中文命名实体识别
Language: Python - Size: 9.87 MB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 564 - Forks: 84

JayYip/m3tl
BERT for Multitask Learning
Language: Jupyter Notebook - Size: 29.1 MB - Last synced at: 13 days ago - Pushed at: about 2 years ago - Stars: 548 - Forks: 126

ukairia777/tensorflow-nlp-tutorial
tensorflow를 사용하여 텍스트 전처리부터, Topic Models, BERT, GPT, LLM과 같은 최신 모델의 다운스트림 태스크들을 정리한 Deep Learning NLP 저장소입니다.
Language: Jupyter Notebook - Size: 126 MB - Last synced at: 7 days ago - Pushed at: 27 days ago - Stars: 544 - Forks: 279

monikkinom/ner-lstm
Named Entity Recognition using multilayered bidirectional LSTM
Language: Python - Size: 2.64 MB - Last synced at: 14 days ago - Pushed at: about 6 years ago - Stars: 539 - Forks: 181

ljynlp/W2NER
Source code for AAAI 2022 paper: Unified Named Entity Recognition as Word-Word Relation Classification
Language: Python - Size: 277 KB - Last synced at: about 2 months ago - Pushed at: almost 3 years ago - Stars: 527 - Forks: 83

shangjingbo1226/AutoNER
Learning Named Entity Tagger from Domain-Specific Dictionary
Language: ChucK - Size: 3.55 MB - Last synced at: 3 months ago - Pushed at: over 5 years ago - Stars: 482 - Forks: 91

CogComp/cogcomp-nlp
CogComp's Natural Language Processing Libraries and Demos: Modules include lemmatizer, ner, pos, prep-srl, quantifier, question type, relation-extraction, similarity, temporal normalizer, tokenizer, transliteration, verb-sense, and more.
Language: Java - Size: 85.5 MB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 475 - Forks: 144

eagle705/pytorch-bert-crf-ner
KoBERT와 CRF로 만든 한국어 개체명인식기 (BERT+CRF based Named Entity Recognition model for Korean)
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 460 - Forks: 110

CAMeL-Lab/camel_tools
A suite of Arabic natural language processing tools developed by the CAMeL Lab at New York University Abu Dhabi.
Language: Python - Size: 11.5 MB - Last synced at: 7 days ago - Pushed at: about 2 months ago - Stars: 453 - Forks: 76

lemonhu/NER-BERT-pytorch
PyTorch solution of named entity recognition task Using Google AI's pre-trained BERT model.
Language: Python - Size: 7.46 MB - Last synced at: 11 days ago - Pushed at: about 2 years ago - Stars: 447 - Forks: 108

DataTurks-Engg/Entity-Recognition-In-Resumes-SpaCy
Automatic Summarization of Resumes with NER -> Evaluate resumes at a glance through Named Entity Recognition
Language: Python - Size: 357 KB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 442 - Forks: 215

XuezheMax/NeuroNLP2
Deep neural models for core NLP tasks (Pytorch version)
Language: Python - Size: 770 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 441 - Forks: 91

modelscope/AdaSeq
AdaSeq: An All-in-One Library for Developing State-of-the-Art Sequence Understanding Models
Language: Python - Size: 5.03 MB - Last synced at: 13 days ago - Pushed at: over 1 year ago - Stars: 437 - Forks: 41

taishan1994/BERT-BILSTM-CRF
使用BERT-BILSTM-CRF进行中文命名实体识别。
Language: Python - Size: 1.05 MB - Last synced at: 13 days ago - Pushed at: 5 months ago - Stars: 430 - Forks: 46

DA-southampton/ner
命名体识别(NER)综述-论文-模型-代码(BiLSTM-CRF/BERT-CRF)-竞赛资源总结-随时更新
Size: 10.3 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 426 - Forks: 48

hemingkx/CLUENER2020
A PyTorch implementation of a BiLSTM\BERT\Roberta(+CRF) model for Named Entity Recognition.
Language: Python - Size: 6.38 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 408 - Forks: 97

Georgetown-IR-Lab/QuickUMLS
System for Medical Concept Extraction and Linking
Language: Python - Size: 89.8 KB - Last synced at: 11 days ago - Pushed at: 10 months ago - Stars: 403 - Forks: 96

yumath/bertNER
ChineseNER based on BERT, with BiLSTM+CRF layer
Language: Python - Size: 8.95 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 399 - Forks: 95

erre-quadro/spikex
SpikeX - SpaCy Pipes for Knowledge Extraction
Language: Python - Size: 3.43 MB - Last synced at: 11 days ago - Pushed at: almost 4 years ago - Stars: 398 - Forks: 28

thunlp/Few-NERD
Code and data of ACL 2021 paper "Few-NERD: A Few-shot Named Entity Recognition Dataset"
Language: Python - Size: 67.4 KB - Last synced at: 11 days ago - Pushed at: over 1 year ago - Stars: 396 - Forks: 54

pfliu-nlp/Named-Entity-Recognition-NER-Papers
An elaborate and exhaustive paper list for Named Entity Recognition (NER)
Size: 4.5 MB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 393 - Forks: 38

asahi417/tner
Language model fine-tuning on NER with an easy interface and cross-domain evaluation. "T-NER: An All-Round Python Library for Transformer-based Named Entity Recognition, EACL 2021"
Language: Python - Size: 54.7 MB - Last synced at: 12 days ago - Pushed at: about 2 years ago - Stars: 388 - Forks: 41

sz128/slot_filling_and_intent_detection_of_SLU
slot filling, intent detection, joint training, ATIS & SNIPS datasets, the Facebook’s multilingual dataset, MIT corpus, E-commerce Shopping Assistant (ECSA) dataset, CoNLL2003 NER, ELMo, BERT, XLNet
Language: Python - Size: 9.26 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 383 - Forks: 104

IBM/zshot
Zero and Few shot named entity & relationships recognition
Language: Python - Size: 1.47 MB - Last synced at: 7 days ago - Pushed at: 29 days ago - Stars: 375 - Forks: 24

hitz-zentroa/GoLLIE
Guideline following Large Language Model for Information Extraction
Language: Python - Size: 10.8 MB - Last synced at: 4 days ago - Pushed at: 7 months ago - Stars: 374 - Forks: 26

kamalkraj/Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Language: Python - Size: 1.09 MB - Last synced at: 10 days ago - Pushed at: about 5 years ago - Stars: 365 - Forks: 141

hertz-pj/BERT-BiLSTM-CRF-NER-pytorch
Pytorch BERT-BiLSTM-CRF For NER
Language: Python - Size: 21.5 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 365 - Forks: 63

hellohaptik/multi-task-NLP
multi_task_NLP is a utility toolkit enabling NLP developers to easily train and infer a single model for multiple tasks.
Language: Python - Size: 7.46 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 358 - Forks: 54

yanwii/ChinsesNER-pytorch
基于BI-LSTM+CRF的中文命名实体识别 Pytorch
Language: Python - Size: 4.63 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 351 - Forks: 86

taishan1994/pytorch_triple_extraction
基于pytorch的中文三元组提取(命名实体识别+关系抽取)
Language: Python - Size: 1.39 MB - Last synced at: 17 days ago - Pushed at: about 2 years ago - Stars: 348 - Forks: 46

yongzhuo/Pytorch-NLU
中文文本分类、序列标注工具包(pytorch),支持中文长文本、短文本的多类、多标签分类任务,支持中文命名实体识别、词性标注、分词、抽取式文本摘要等序列标注任务。 Chinese text classification and sequence labeling toolkit, supports multi class and multi label classification, text similsrity, text summary and NER.
Language: Python - Size: 379 KB - Last synced at: 7 days ago - Pushed at: 11 months ago - Stars: 346 - Forks: 50

deeppavlov/ner
Named Entity Recognition
Language: Python - Size: 116 KB - Last synced at: 10 days ago - Pushed at: about 2 years ago - Stars: 333 - Forks: 64

davidsbatista/NER-datasets
Datasets to train supervised classifiers for Named-Entity Recognition in different languages (Portuguese, German, Dutch, French, English)
Language: Python - Size: 59.5 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 333 - Forks: 83

hellohaptik/chatbot_ner
chatbot_ner: Named Entity Recognition for chatbots.
Language: Python - Size: 15.5 MB - Last synced at: 8 days ago - Pushed at: 3 months ago - Stars: 328 - Forks: 133

zjunlp/OpenUE
[EMNLP 2020] OpenUE: An Open Toolkit of Universal Extraction from Text
Language: Python - Size: 78.8 MB - Last synced at: 26 days ago - Pushed at: over 2 years ago - Stars: 325 - Forks: 59

nlpodyssey/cybertron
Cybertron: the home planet of the Transformers in Go
Language: Go - Size: 1.17 MB - Last synced at: 12 days ago - Pushed at: 12 months ago - Stars: 308 - Forks: 27

Alibaba-NLP/ACE
[ACL-IJCNLP 2021] Automated Concatenation of Embeddings for Structured Prediction
Language: Python - Size: 1.68 MB - Last synced at: 3 months ago - Pushed at: over 2 years ago - Stars: 306 - Forks: 46

textpipe/textpipe 📦
Textpipe: clean and extract metadata from text
Language: Python - Size: 340 KB - Last synced at: 13 days ago - Pushed at: almost 4 years ago - Stars: 301 - Forks: 25

charles9n/bert-sklearn
a sklearn wrapper for Google's BERT model
Language: Jupyter Notebook - Size: 510 KB - Last synced at: 11 days ago - Pushed at: over 2 years ago - Stars: 300 - Forks: 70
