Topic: "named-entity-recognition"
dmis-lab/GeNER
Simple Questions Generate Named Entity Recognition Datasets (EMNLP 2022)
Language: Python - Size: 82.5 MB - Last synced at: 2 months ago - Pushed at: about 2 years ago - Stars: 76 - Forks: 9

zliucr/coach
Coach: A Coarse-to-Fine Approach for Cross-domain Slot Filling (ACL-2020)
Language: Python - Size: 264 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 76 - Forks: 19

philipperemy/Stanford-NER-Python
Stanford Named Entity Recognizer (NER) - Python Wrapper
Language: Python - Size: 166 MB - Last synced at: about 2 months ago - Pushed at: about 5 years ago - Stars: 76 - Forks: 16

monologg/KoBERT-NER
NER Task with KoBERT (with Naver NLP Challenge dataset)
Language: Python - Size: 21 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 75 - Forks: 29

Ankit-Kumar-Saini/Coursera_Deep_Learning_Specialization
Implementation of Logistic Regression, MLP, CNN, RNN & LSTM from scratch in python. Training of deep learning models for image classification, object detection, and sequence processing (including transformers implementation) in TensorFlow.
Language: Jupyter Notebook - Size: 208 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 74 - Forks: 54

Flight-School/ner 📦
A command-line utility for extracting names of people, places, and organizations from text on macOS.
Language: Swift - Size: 11.7 KB - Last synced at: 7 months ago - Pushed at: over 5 years ago - Stars: 73 - Forks: 1

ahmedbesbes/anonymization-api
How to build and deploy an anonymization API with FastAPI and SpaCy
Language: Python - Size: 32.1 MB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 71 - Forks: 28

saiwaiyanyu/knowledge-graph-nlp-in-action
从模型训练到部署,实战知识图谱(Knowledge Graph)&自然语言处理(NLP)。涉及 Tensorflow, Bert+Bi-LSTM+CRF,Neo4j等 涵盖 Named Entity Recognition,Text Classify,Information Extraction,Relation Extraction 等任务。
Language: Python - Size: 3.05 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 71 - Forks: 25

jantrienes/nereval
Evaluation script for named entity recognition (NER) systems based on entity-level F1 score.
Language: Python - Size: 22.5 KB - Last synced at: 15 days ago - Pushed at: about 4 years ago - Stars: 70 - Forks: 8

fordai/CCKS2019-Chinese-Clinical-NER
The word2vec-BiLSTM-CRF model for CCKS2019 Chinese clinical named entity recognition.
Language: Python - Size: 15.5 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 70 - Forks: 17

arop/ner-re-pt
Named entity extraction from Portuguese web text
Language: Python - Size: 1.02 GB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 70 - Forks: 20

smitkiri/ehr-relation-extraction
NER and Relation Extraction from Electronic Health Records (EHR).
Language: Python - Size: 1.28 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 69 - Forks: 29

jinzhuoran/CogIE
CogIE: An Information Extraction Toolkit for Bridging Text and CogNet. ACL 2021
Language: Python - Size: 343 KB - Last synced at: 14 days ago - Pushed at: almost 3 years ago - Stars: 68 - Forks: 5

DerwenAI/strwythura
How to construct knowledge graphs from unstructured data sources
Language: Jupyter Notebook - Size: 1.22 MB - Last synced at: 9 months ago - Pushed at: 10 months ago - Stars: 67 - Forks: 6

Babelscape/ner4el
Repository for the paper "Named Entity Recognition for Entity Linking: What Works and What's Next" (EMNLP 2021).
Language: Python - Size: 3.24 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 67 - Forks: 2

JonathanRaiman/wikipedia_ner
:book: Labeled examples from wiki dumps in Python
Language: Jupyter Notebook - Size: 108 KB - Last synced at: 26 days ago - Pushed at: almost 9 years ago - Stars: 67 - Forks: 7

nlpaueb/gr-nlp-toolkit
The Greek NLP toolkit for Python. Supports NER/DP/POS Tagging/Greeklish-to-Greek Transliteration. Visit the playground here: https://huggingface.co/spaces/AUEB-NLP/greek-nlp-toolkit-demo (paper presented at COLING 2025)
Language: Python - Size: 39.4 MB - Last synced at: 26 days ago - Pushed at: 5 months ago - Stars: 66 - Forks: 6

dayyass/QaNER
Unofficial implementation of QaNER: Prompting Question Answering Models for Few-shot Named Entity Recognition.
Language: Python - Size: 2.29 MB - Last synced at: 4 days ago - Pushed at: over 2 years ago - Stars: 65 - Forks: 6

SkyAndCloud/bilstm_crf_sequence_labeling_pytorch
Bi-LSTM+CRF sequence labeling model implemented in PyTorch
Language: Python - Size: 1.43 MB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 64 - Forks: 20

vmware/data-annotator-for-machine-learning
Data annotator for machine learning allows you to centrally create, manage and administer annotation projects for machine learning
Language: TypeScript - Size: 12.3 MB - Last synced at: 28 days ago - Pushed at: 4 months ago - Stars: 63 - Forks: 23

yumeng5/RoSTER
[EMNLP 2021] Distantly-Supervised Named Entity Recognition with Noise-Robust Learning and Language Model Augmented Self-Training
Language: Python - Size: 4.03 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 63 - Forks: 7

Babelscape/wikineural
Data and evaluation code for the paper WikiNEuRal: Combined Neural and Knowledge-based Silver Data Creation for Multilingual NER (EMNLP 2021).
Language: Python - Size: 225 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 61 - Forks: 10

fmpr/CrowdLayer
A neural network layer that enables training of deep neural networks directly from crowdsourced labels (e.g. from Amazon Mechanical Turk) or, more generally, labels from multiple annotators with different biases and levels of expertise.
Language: Jupyter Notebook - Size: 223 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 61 - Forks: 20

jiaqianghuai/tf-lstm-crf-batch
Tensorflow-LSTM-CRF tool for Named Entity Recognizer
Language: Python - Size: 15.6 KB - Last synced at: 12 months ago - Pushed at: almost 8 years ago - Stars: 61 - Forks: 22

Chenfeng1271/awesome-MNER
awesome-multimodal-named-entity-recognition
Size: 176 KB - Last synced at: 5 days ago - Pushed at: over 1 year ago - Stars: 60 - Forks: 5

Hironsan/IOB2Corpus
Japanese IOB2 tagged corpus for Named Entity Recognition.
Size: 442 KB - Last synced at: 2 months ago - Pushed at: over 5 years ago - Stars: 60 - Forks: 19

VinAIResearch/PhoNER_COVID19
COVID-19 Named Entity Recognition for Vietnamese (NAACL 2021)
Size: 3.53 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 59 - Forks: 16

LHNCBC/metamaplite
A near real-time named-entity recognizer
Language: Java - Size: 1010 KB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 59 - Forks: 14

KBNLresearch/europeananp-ner
Named Entities Recognition Annotator Tool for Europeana Newspapers
Language: Java - Size: 4.83 MB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 59 - Forks: 7

JohnGiorgi/seq2rel
The corresponding code for our paper: A sequence-to-sequence approach for document-level relation extraction.
Language: Jupyter Notebook - Size: 1.7 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 58 - Forks: 8

neelkamath/spacy-server 📦
🦜 Containerized HTTP API for industrial-strength NLP via spaCy and sense2vec
Language: Python - Size: 87.9 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 58 - Forks: 13

dumitrescustefan/ronec
Romanian Named Entity Corpus (RONEC) version 2.0
Language: Python - Size: 24.4 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 57 - Forks: 14

lemuria-wchen/imcs21
Code and dataset for our Bioinformatics 2022 paper: "A Benchmark for Automatic Medical Consultation System: Frameworks, Tasks and Datasets"
Language: Python - Size: 18 MB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 56 - Forks: 12

holylovenia/question-answer-generation
Question-answer generation from text
Language: Jupyter Notebook - Size: 59.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 56 - Forks: 21

dayyass/pytorch-ner
Pipeline for training NER models using PyTorch.
Language: Python - Size: 920 KB - Last synced at: 4 days ago - Pushed at: almost 3 years ago - Stars: 56 - Forks: 9

shushanxingzhe/transformers_ner
Add CRF or LSTM+CRF for huggingface transformers bert to perform better on NER task. It is very simple to use and very convenient to customize
Language: Python - Size: 5.86 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 56 - Forks: 13

dnanhkhoa/python-vncorenlp
A Python wrapper for VnCoreNLP using a bidirectional communication channel.
Language: Python - Size: 40 KB - Last synced at: about 1 month ago - Pushed at: almost 7 years ago - Stars: 56 - Forks: 18

ncbi/AIONER
AIONER
Language: Python - Size: 20.8 MB - Last synced at: 8 days ago - Pushed at: 11 months ago - Stars: 55 - Forks: 17

wannaphong/thai-ner
Thai Named Entity Recognition
Language: Jupyter Notebook - Size: 133 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 54 - Forks: 19

floydhub/named-entity-recognition-template
Build a deep learning model for predicting the named entities from text.
Language: Jupyter Notebook - Size: 527 KB - Last synced at: over 2 years ago - Pushed at: over 6 years ago - Stars: 54 - Forks: 18

zjunlp/ContinueMKGC
[IJCAI 2024] Continual Multimodal Knowledge Graph Construction
Language: Python - Size: 4.18 MB - Last synced at: 3 days ago - Pushed at: 22 days ago - Stars: 53 - Forks: 7

eagle705/korean-ner-cnn-bilstm
CNN+BiLSTM 기반 한국어 개체명 인식기입니다
Language: Python - Size: 57.3 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 53 - Forks: 25

kermitt2/grobid-ner
A Named-Entity Recogniser based on Grobid.
Language: Java - Size: 142 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 52 - Forks: 11

Legal-NLP-EkStep/legal_NER
OpenNyAI is a mission aimed at developing open source software and datasets to catalyze the creation of AI-powered solutions to improve access to justice in India. Legal NER is one the AI component developed under this mission
Language: Python - Size: 6.11 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 52 - Forks: 26

yyDing1/GNER
[ACL-24 Findings] Code implementation of Paper "Rethinking Negative Instances for Generative Named Entity Recognition"
Language: Python - Size: 4.69 MB - Last synced at: 4 days ago - Pushed at: about 1 year ago - Stars: 52 - Forks: 2

mtaruno/eve-bot
EVE bot, a customer service chatbot to enhance virtual engagement for Twitter Apple Support
Language: Jupyter Notebook - Size: 89.8 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 52 - Forks: 23

undertheseanlp/ner
Vietnamese Named Entity Recognition
Language: Python - Size: 105 MB - Last synced at: about 2 months ago - Pushed at: over 2 years ago - Stars: 51 - Forks: 17

FranxYao/Partially-Observed-TreeCRFs
Implementation of AAAI 21 paper: Nested Named Entity Recognition with Partially Observed TreeCRFs
Language: Python - Size: 1.67 MB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 51 - Forks: 7

HaniehP/PersianNER
Named-Entity Recognition in Persian Language
Size: 201 MB - Last synced at: over 1 year ago - Pushed at: almost 5 years ago - Stars: 51 - Forks: 7

monologg/NER-Multimodal-pytorch
Pytorch Implementation of "Adaptive Co-attention Network for Named Entity Recognition in Tweets" (AAAI 2018)
Language: Python - Size: 31.4 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 50 - Forks: 11

sudhamstarun/Understanding-Financial-Reports-using-Natural-Language-Processing 📦
Investigate how mutual funds leverage credit derivatives by studying their routine filings to the SEC using NLP techniques 📈🤑
Language: CSS - Size: 66.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 50 - Forks: 23

yuzhimanhua/LM-LSTM-CRF Fork of LiyuanLucasLiu/LM-LSTM-CRF
Size: 173 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 48 - Forks: 9

ROBINADC/BiGRU-CRF-with-Attention-for-NER
Named Entity Recognition (NER) with different combinations of BiGRU, Self-Attention and CRF
Language: Python - Size: 13.5 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 48 - Forks: 17

SmartDataAnalytics/HORUS-NER
HORUS: A framework to boost NLP tasks
Language: Python - Size: 949 MB - Last synced at: 20 days ago - Pushed at: almost 5 years ago - Stars: 48 - Forks: 6

hu-ner/huner
Named Entity Recognition for biomedical entities
Language: Python - Size: 372 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 47 - Forks: 10

SNUDerek/NER_bLSTM-CRF
LSTM-CRF for NER with ConLL-2002 dataset
Language: Jupyter Notebook - Size: 53 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 47 - Forks: 15

zonghui0228/BioMedical-NLP-corpus
Biomedical NLP Corpus or Datasets.
Size: 27.6 MB - Last synced at: over 2 years ago - Pushed at: about 3 years ago - Stars: 46 - Forks: 5

datquocnguyen/jointRE
End-to-end neural relation extraction using deep biaffine attention (ECIR 2019)
Language: Python - Size: 220 KB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 46 - Forks: 9

astutic/Acharya
A Data Centric NER annotation tool for your Named Entity Recognition projects
Size: 11.3 MB - Last synced at: 6 months ago - Pushed at: about 1 year ago - Stars: 45 - Forks: 3

himkt/pyner
🌈 Implementation of Neural Network based Named Entity Recognizer (Lample+, 2016) using Chainer.
Language: Python - Size: 355 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 45 - Forks: 6

kifish/NER-demo
Pytorch-BERT-CRF-NER;Chinese-Named-Entity-Recognition
Language: Python - Size: 63 MB - Last synced at: over 2 years ago - Pushed at: about 4 years ago - Stars: 45 - Forks: 7

SilentFlame/Named-Entity-Recognition
Corpus and a baseline neural network system for Named Entity Recognition in Hindi-English Code-Mixed social media text.
Language: Python - Size: 29.2 MB - Last synced at: 2 months ago - Pushed at: over 4 years ago - Stars: 45 - Forks: 16

taishi-i/nagisa-tutorial-pycon2019
Code for PyCon JP 2019 talk "Python による日本語自然言語処理 〜系列ラベリングによる実世界テキスト分析〜"
Language: Jupyter Notebook - Size: 4.81 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 45 - Forks: 1

nasa-jpl-memex/memex-gate
General Architecture for Text Engineering
Language: Python - Size: 231 MB - Last synced at: over 1 year ago - Pushed at: about 9 years ago - Stars: 45 - Forks: 27

taishan1994/BERT-Event-Extraction
使用bert进行事件抽取。
Language: Python - Size: 32.2 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 44 - Forks: 3

0xferit/ITU-Turkish-NLP-Pipeline-Caller 📦
A Python3 wrapper tool to help using ITU Turkish NLP Pipeline API -- UNMAINTAINED --
Language: Python - Size: 131 KB - Last synced at: 7 days ago - Pushed at: about 7 years ago - Stars: 44 - Forks: 9

OpenJarbas/simple_NER
simple rule based named entity recognition
Language: Python - Size: 2.1 MB - Last synced at: 20 days ago - Pushed at: over 3 years ago - Stars: 43 - Forks: 9

overfit-ir/parstwiner
Name Entity Recognition (NER) on the Persian Twitter dataset.
Language: Jupyter Notebook - Size: 20.4 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 43 - Forks: 2

lanwuwei/BERTOverflow
A Pre-trained BERT on StackOverflow Corpus
Size: 207 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 42 - Forks: 2

gorgitko/molminer 📦
Python library and command-line tool for extracting compounds from scientific literature. Written in Python.
Language: Python - Size: 1.54 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 42 - Forks: 14

Ma-Dan/XLNet-ChineseNER
Tensorflow solution of NER task Using BiLSTM-CRF model with CMU/Google XLNet
Language: Python - Size: 3.58 MB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 42 - Forks: 6

d-kleine/NER_decoder
Named Entity Recognition with an decoder-only (autoregressive) LLM using HuggingFace
Language: Jupyter Notebook - Size: 886 KB - Last synced at: 2 months ago - Pushed at: 7 months ago - Stars: 41 - Forks: 0

zamgi/lingvo--Ner-ru
Named entity recognition (NER) in Russian texts / Определение именованных сущностей (NER) в тексте на русском языке
Language: C# - Size: 28.3 MB - Last synced at: 2 months ago - Pushed at: 3 months ago - Stars: 40 - Forks: 7

chakki-works/namaco
Character Based Named Entity Recognition.
Language: Python - Size: 5.24 MB - Last synced at: about 2 months ago - Pushed at: about 7 years ago - Stars: 40 - Forks: 10

GuanRunwei/FindVehicle
FindVehicle: A NER dataset in transportation to extract keywords describing vehicles on the road
Size: 1.88 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 39 - Forks: 2

AdirthaBorgohain/NER-RE
A Named Entity Recognition + Entity Linker + Relation Extraction Pipeline built using spacy v3. Given a text, the pipeline will extract entities from the text as trained and will disambiguate the entities to its normalized form through an Entity Linker connected to a Knowledge Base and will assign a relation between the entities, if any.
Language: Python - Size: 15.1 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 39 - Forks: 9

yahshibu/nested-ner-tacl2020
Implementation of Nested Named Entity Recognition
Language: Python - Size: 73.2 KB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 39 - Forks: 6

TheAnig/NER-LSTM-CNN-Pytorch
End-to-end-Sequence-Labeling-via-Bi-directional-LSTM-CNNs-CRF-Tutorial
Language: Jupyter Notebook - Size: 36 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 39 - Forks: 11

BMDSoftware/neji
Flexible and powerful platform for biomedical information extraction from text
Language: JavaScript - Size: 97.7 MB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 39 - Forks: 23

nicolay-r/ARElight
Granular Viewer of Sentiments Between Entities in Massively Large Documents and Collections of Texts, powered by AREkit
Language: Python - Size: 25 MB - Last synced at: 1 day ago - Pushed at: about 1 month ago - Stars: 38 - Forks: 2

limteng-rpi/neural_name_tagging
Code for "Reliability-aware Dynamic Feature Composition for Name Tagging" (ACL2019)
Language: Python - Size: 157 KB - Last synced at: 29 days ago - Pushed at: over 5 years ago - Stars: 37 - Forks: 5

supercoderhawk/DeepNLP
基于深度学习的自然语言处理库
Language: Python - Size: 11.9 MB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 37 - Forks: 18

EmnamoR/Arabic-named-entity-recognition
Arabic named entity recognition using AnerCorp corpus (location , organisation, person, Miscellaneous Word)
Language: Jupyter Notebook - Size: 1.98 MB - Last synced at: 4 days ago - Pushed at: almost 8 years ago - Stars: 37 - Forks: 7

xxjwxc/gohanlp
Golang RESTful Client for HanLP.中文分词 词性标注 命名实体识别 依存句法分析 语义依存分析 新词发现 关键词短语提取 自动摘要 文本分类聚类 拼音简繁转换 自然语言处理
Language: Go - Size: 32.2 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 36 - Forks: 5

hbahadirsahin/nlp-experiments-in-pytorch
PyTorch repository for text categorization and NER experiments in Turkish and English.
Language: Python - Size: 248 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 36 - Forks: 8

noc-lab/clinical_concept_extraction
Clinical Concept Extraction with Contextual Word Embedding
Language: Python - Size: 732 KB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 36 - Forks: 23

tianlinyang/stack-lstm-ner
Transition-based NER system
Language: Python - Size: 32.2 KB - Last synced at: 11 months ago - Pushed at: almost 7 years ago - Stars: 36 - Forks: 11

jftuga/deidentification
Deidentify people's names and gender specific pronouns
Language: Python - Size: 284 KB - Last synced at: 13 days ago - Pushed at: about 1 month ago - Stars: 35 - Forks: 2

johncmunson/react-taggy
A simple zero-dependency React component for tagging user-defined entities within a block of text.
Language: JavaScript - Size: 727 KB - Last synced at: 15 days ago - Pushed at: over 2 years ago - Stars: 35 - Forks: 9

randomrandom/deep-atrous-ner
Deep-Atrous-CNN-NER: Word level model for Named Entity Recognition
Language: Python - Size: 2.2 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 35 - Forks: 9

singhsourabh/Resume-NER
Applying BERT for named entity recognition on resumes.
Language: Python - Size: 510 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 34 - Forks: 16

taishan1994/SpERT_chinese
基于论文SpERT: "Span-based Entity and Relation Transformer"的中文关系抽取,同时抽取实体、实体类别和关系类别。
Language: Python - Size: 50.8 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 34 - Forks: 6

KaiyuanGao/awesome-deeplearning-nlp-papers
A curated list of Deep learning and NLP must read papers
Size: 24.4 KB - Last synced at: about 20 hours ago - Pushed at: over 5 years ago - Stars: 34 - Forks: 4

milangritta/Pragmatic-Guide-to-Geoparsing-Evaluation
Full resources supporting the publication "A Pragmatic Guide to Geoparsing Evaluation."
Language: Python - Size: 17.6 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 34 - Forks: 4

acoadmarmon/united-nations-ner
Fine-tuning a Hugging Face BERT model for the United Nations Named Entity Recognition task.
Language: Jupyter Notebook - Size: 262 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 33 - Forks: 11

lyutyuh/gazetteer-NER-acl19
Code for ACL '19 paper: Towards Improving Neural Named Entity Recognition with Gazetteers
Language: Python - Size: 2.48 MB - Last synced at: over 2 years ago - Pushed at: almost 4 years ago - Stars: 33 - Forks: 1

msramalho/desarquivo
Portuguese web archive for justice, journalism and truth | Arquivo.pt para justiça, jornalismo e verdade
Language: Vue - Size: 7.3 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 32 - Forks: 3

JudeLee19/korean_ner_tagging_challenge
KU_NERDY 이동엽, 임희석 (2017 국어 정보 처리 시스템경진대회 금상) - 한글 및 한국어 정보처리 학술대회
Language: C - Size: 198 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 32 - Forks: 8

Babelscape/multinerd
Repository for the paper "MultiNERD: A Multilingual, Multi-Genre and Fine-Grained Dataset for Named Entity Recognition (and Disambiguation)" (NAACL 2022).
Language: Jupyter Notebook - Size: 286 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 31 - Forks: 6

Alexzsh/FDDC
Named Entity Recognition & Relation Extraction 实体命名识别与关系分类
Language: HTML - Size: 164 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 31 - Forks: 7
