๐ŸŒ
GitHub
github.com โ€บ topics โ€บ named-entity-recognition
named-entity-recognition ยท GitHub Topics ยท GitHub
python nlp data-science machine-learning natural-language-processing ai deep-learning neural-network text-classification cython artificial-intelligence spacy named-entity-recognition neural-networks nlp-library tokenization entity-linking

extraction of named entity mentions in unstructured text into pre-defined categories

Named-entity recognition (NER) (also known as (named) entity identification, entity chunking, and entity extraction) is a subtask of information extraction that seeks to locate and classify named entities mentioned in unstructured text โ€ฆ Wikipedia
Discussions

[D] Named Entity Recognition (NER) Libraries
If spaCyโ€™s NER isnโ€™t picking up what you need, youโ€™ll probably need to look into creating your own annotations and fine tuning a model or training a custom model. It isnโ€™t too hard using BIO/BILOU tags. Things like โ€œraw materialsโ€ and particularly niche models and brands are unlikely to be picked up by off the shelf solutions. More on reddit.com
๐ŸŒ r/MachineLearning
10
11
January 7, 2023
Named Entity Recognition

Unfortunately taking a model and applying it to another language is not trivial, maybe even jnfeasible for NER. In fact, its better to train your NER model directly in the language you want to work on.

So unless you can find a trained model in your language, you'd need to train it yourself which would require lots of labelling efforts.

More on reddit.com
๐ŸŒ r/LanguageTechnology
6
7
May 2, 2020
๐ŸŒ
GitHub
github.com โ€บ deeppavlov โ€บ ner
GitHub - deeppavlov/ner: Named Entity Recognition
In this repo you can find several neural network architectures for named entity recognition from the paper "Application of a Hybrid Bi-LSTM-CRF model to the task of Russian Named Entity Recognition" https://arxiv.org/pdf/1709.09686.pdf, which is inspired by LSTM+CRF architecture from https://arxiv.org/pdf/1603.01360.pdf.
Starred by 336 users
Forked by 64 users
Languages ย  Python 74.4% | Jupyter Notebook 25.6%
๐ŸŒ
GitHub
github.com โ€บ floydhub โ€บ named-entity-recognition-template
GitHub - floydhub/named-entity-recognition-template: Build a deep learning model for predicting the named entities from text.
June 5, 2018 - Build a deep learning model for predicting the named entities from text. - floydhub/named-entity-recognition-template
Starred by 55 users
Forked by 19 users
Languages ย  Jupyter Notebook
๐ŸŒ
GitHub
github.com โ€บ guillaumegenthial โ€บ sequence_tagging
GitHub - guillaumegenthial/sequence_tagging: Named Entity Recognition (LSTM + CRF) - Tensorflow
Named Entity Recognition (LSTM + CRF) - Tensorflow - guillaumegenthial/sequence_tagging
Starred by 1.9K users
Forked by 703 users
Languages ย  Python 99.5% | Makefile 0.5%
๐ŸŒ
GitHub
github.com โ€บ mxhofer โ€บ Named-Entity-Recognition-BidirectionalLSTM-CNN-CoNLL
GitHub - mxhofer/Named-Entity-Recognition-BidirectionalLSTM-CNN-CoNLL: Keras implementation of "Few-shot Learning for Named Entity Recognition in Medical Text"
Code adapted from: https://github.com/kamalkraj/Named-Entity-Recognition-with-Bidirectional-LSTM-CNNs
Starred by 179 users
Forked by 83 users
Languages ย  Jupyter Notebook 83.5% | Python 16.5%
๐ŸŒ
GitHub
github.com โ€บ Hironsan โ€บ anago
GitHub - Hironsan/anago: Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.
Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on. - Hironsan/anago
Starred by 1.5K users
Forked by 365 users
Languages ย  Python
Find elsewhere
๐ŸŒ
GitHub
github.com โ€บ guillaumegenthial โ€บ tf_ner
GitHub - guillaumegenthial/tf_ner: Simple and Efficient Tensorflow implementations of NER models with tf.estimator and tf.data
Each folder contains a standalone, short (~100 lines of Tensorflow), main.py that implements a neural-network based model for Named Entity Recognition (NER) using tf.estimator and tf.data.
Starred by 924 users
Forked by 273 users
Languages ย  Python 87.7% | Perl 12.1% | Makefile 0.2%
๐ŸŒ
GitHub
github.com โ€บ bnajlis โ€บ named_entity_recognition
GitHub - bnajlis/named_entity_recognition: Online News Named Entity Recognition with Deep Learning and Max Entropy
This project aimed to create a series of models for the extraction of Named Entities (People, Locations, Organizations, Dates) from news headlines obtained online. We created two models: a traditional Natural Processing Language Model using ...
Starred by 3 users
Forked by 3 users
Languages ย  Jupyter Notebook
๐ŸŒ
GitHub
github.com โ€บ universal-ner โ€บ universal-ner
GitHub - universal-ner/universal-ner
UniversalNER: Targeted Distillation from Large Language Models for Open Named Entity Recognition Wenxuan Zhou*, Sheng Zhang*, Yu Gu, Muhao Chen, Hoifung Poon (*Equal Contribution)
Starred by 369 users
Forked by 31 users
Languages ย  Python 93.9% | JavaScript 2.6% | HTML 2.0%
๐ŸŒ
GitHub
github.com โ€บ juand-r โ€บ entity-recognition-datasets
GitHub - 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.
This repository contains datasets from several domains annotated with a variety of entity types, useful for entity recognition and named entity recognition (NER) tasks.
Starred by 1.6K users
Forked by 248 users
Languages ย  Python 99.2% | Shell 0.8%
๐ŸŒ
GitHub
github.com โ€บ topics โ€บ ner
Build software better, together
nlp machine-learning text-classification named-entity-recognition seq2seq transfer-learning ner bert sequence-labeling nlp-framework bert-model text-labeling gpt-2
๐ŸŒ
GitHub
github.com โ€บ urchade โ€บ GLiNER
GitHub - urchade/GLiNER: Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024
Generalist and Lightweight Model for Named Entity Recognition (Extract any entity types from texts) @ NAACL 2024 - urchade/GLiNER
Starred by 2.6K users
Forked by 238 users
Languages ย  Python
๐ŸŒ
GitHub
github.com โ€บ zenithexpo โ€บ Named-Entity-Recognition
GitHub - zenithexpo/Named-Entity-Recognition: Named Entity Recognition (NER) is the information extraction task of identifying and classifying mentions of locations, quantities, monetary values, organizations, people, and other named entities within a text.
Named Entity Recognition (NER) is the information extraction task of identifying and classifying mentions of locations, quantities, monetary values, organizations, people, and other named entities within a text.
Author ย  zenithexpo
๐ŸŒ
GitHub
github.com โ€บ Tekraj15 โ€บ Named-Entity-Recognition-Using-LSTM-Keras
GitHub - Tekraj15/Named-Entity-Recognition-Using-LSTM-Keras: bidirectional LSTM neural network model to recognize named entities in text data i.e. identify mentions of people, locations, organizations, etc.
Using the Keras API with TensorFlow as its backend to build and train a bidirectional LSTM neural network model to recognize named entities in text data. Named entity recognition models can be used to identify mentions of people, locations, ...
Starred by 8 users
Forked by 5 users
Languages ย  Jupyter Notebook
๐ŸŒ
GitHub
github.com โ€บ Babelscape โ€บ ner4el
GitHub - Babelscape/ner4el: Repository for the paper "Named Entity Recognition for Entity Linking: What Works and What's Next" (EMNLP 2021).
Code and resources for the paper Named Entity Recognition for Entity Linking: What Works and What's Next.
Starred by 76 users
Forked by 2 users
Languages ย  Python 99.5% | Shell 0.5%
๐ŸŒ
GitHub
github.com โ€บ aiola-lab โ€บ whisper-ner
GitHub - aiola-lab/whisper-ner: Official implementation of "WhisperNER: Unified Open Named Entity and Speech Recognition"
Official implementation of "WhisperNER: Unified Open Named Entity and Speech Recognition" - aiola-lab/whisper-ner
Starred by 197 users
Forked by 8 users
Languages ย  Python
๐ŸŒ
GitHub
github.com โ€บ fastdatascience โ€บ drug_named_entity_recognition
GitHub - fastdatascience/drug_named_entity_recognition
This is a lightweight Python natural language processing library for finding drug names in a string, otherwise known as named entity recognition (NER) and named entity linking.
Starred by 30 users
Forked by 14 users
Languages ย  Jupyter Notebook 66.5% | Python 33.5%
๐ŸŒ
spaCy
spacy.io
spaCy ยท Industrial-strength Natural Language Processing in Python
Components for named entity recognition, part-of-speech tagging, dependency parsing, sentence segmentation, text classification, lemmatization, morphological analysis, entity linking and more