An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with sequence-labeling

A curated list of projects in awesome lists tagged with sequence-labeling .

https://github.com/flairnlp/flair

A very simple framework for state-of-the-art Natural Language Processing (NLP)

machine-learning named-entity-recognition natural-language-processing nlp pytorch semantic-role-labeling sequence-labeling word-embeddings

Last synced: 17 Nov 2025

https://github.com/flairNLP/flair

A very simple framework for state-of-the-art Natural Language Processing (NLP)

machine-learning named-entity-recognition natural-language-processing nlp pytorch semantic-role-labeling sequence-labeling word-embeddings

Last synced: 14 Mar 2025

https://github.com/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.

bert bert-model gpt-2 machine-learning named-entity-recognition ner nlp nlp-framework seq2seq sequence-labeling text-classification text-labeling transfer-learning

Last synced: 09 Apr 2025

https://github.com/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.

bert bert-model gpt-2 machine-learning named-entity-recognition ner nlp nlp-framework seq2seq sequence-labeling text-classification text-labeling transfer-learning

Last synced: 27 Mar 2025

https://github.com/luopeixiang/named_entity_recognition

中文命名实体识别(包括多种模型:HMM,CRF,BiLSTM,BiLSTM+CRF的具体实现)

bi-lstm bi-lstm-crf chinese-ner crf hmm named-entity-recognition ner nlp pytorch-ner pytorch-nlp sequence-labeling

Last synced: 19 Oct 2025

https://github.com/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.

artificial-intelligence char-cnn char-rnn chunking cnn crf lstm lstm-crf named-entity-recognition natural-language-processing nbest ner neural-networks part-of-speech-tagger pytorch sequence-labeling

Last synced: 09 Apr 2025

https://github.com/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.

artificial-intelligence char-cnn char-rnn chunking cnn crf lstm lstm-crf named-entity-recognition natural-language-processing nbest ner neural-networks part-of-speech-tagger pytorch sequence-labeling

Last synced: 15 May 2025

https://github.com/hironsan/anago

Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.

deep-learning keras machine-learning named-entity-recognition natural-language-processing sequence-labeling

Last synced: 15 May 2025

https://github.com/cluebenchmark/cluener2020

CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition

albert bert chinese chinese-ner chinesener dataset fine-grained-ner named-entity-recognition ner roberta seq2seq sequence-labeling sequence-to-sequence

Last synced: 08 Apr 2025

https://github.com/Hironsan/anago

Bidirectional LSTM-CRF and ELMo for Named-Entity Recognition, Part-of-Speech Tagging and so on.

deep-learning keras machine-learning named-entity-recognition natural-language-processing sequence-labeling

Last synced: 12 Apr 2025

https://github.com/chakki-works/seqeval

A Python framework for sequence labeling evaluation(named-entity recognition, pos tagging, etc...)

conlleval deep-learning machine-learning named-entity-recognition natural-language-processing python sequence-labeling sequence-labeling-evaluation

Last synced: 14 May 2025

https://github.com/grammarly/gector

Official implementation of the papers "GECToR – Grammatical Error Correction: Tag, Not Rewrite" (BEA-20) and "Text Simplification by Tagging" (BEA-21)

bert grammatical-error-correction natural-language-processing nlp roberta sequence-labeling text-simplification transformers xlnet

Last synced: 09 May 2025

https://github.com/liyuanlucasliu/lm-lstm-crf

Empower Sequence Labeling with Task-Aware Language Model

crf language-model ner pytorch sequence-labeling

Last synced: 12 Apr 2025

https://github.com/scofield7419/sequence-labeling-bilstm-crf

The BiLSTM-CRF model implementation in Tensorflow, for sequence labeling tasks.

bilstm-crf ner nlp python35 sequence-labeling tensorflow

Last synced: 13 Apr 2025

https://github.com/gaoisbest/NLP-Projects

word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding

dialogue-systems information-extraction information-retrieval knowledge-graph machine-reading-comprehension network-embedding pretrained-language-model sentence2vec sequence-labeling text-classification text-generation word2vec

Last synced: 07 Apr 2025

https://github.com/yuanxiaosc/bert-for-sequence-labeling-and-text-classification

This is the template code to use BERT for sequence lableing and text classification, in order to facilitate BERT for more tasks. Currently, the template code has included conll-2003 named entity identification, Snips Slot Filling and Intent Prediction.

atis-dataset bert conll-2003 sequence-labeling snips-dataset template-project text-classification

Last synced: 07 May 2025

https://github.com/yuanxiaosc/BERT-for-Sequence-Labeling-and-Text-Classification

This is the template code to use BERT for sequence lableing and text classification, in order to facilitate BERT for more tasks. Currently, the template code has included conll-2003 named entity identification, Snips Slot Filling and Intent Prediction.

atis-dataset bert conll-2003 sequence-labeling snips-dataset template-project text-classification

Last synced: 02 Apr 2025

https://github.com/kermitt2/delft

a Deep Learning Framework for Text https://delft.readthedocs.io/

deep-learning keras ner nlp sequence-labeling text-classification

Last synced: 08 Apr 2025

https://github.com/yongzhuo/pytorch-nlu

中文文本分类、序列标注工具包(pytorch),支持中文长文本、短文本的多类、多标签分类任务,支持中文命名实体识别、词性标注、分词、抽取式文本摘要等序列标注任务。 Chinese text classification and sequence labeling toolkit, supports multi class and multi label classification, text similsrity, text summary and NER.

bert chinese-text-classification chinese-text-segmentation named-entity-recognition pos-tagging pretrained-models python3 pytorch sequence-labeling text-classification transformers word-segmentation

Last synced: 03 Oct 2025

https://github.com/yongzhuo/macadam

Macadam是一个以Tensorflow(Keras)和bert4keras为基础,专注于文本分类、序列标注和关系抽取的自然语言处理工具包。支持RANDOM、WORD2VEC、FASTTEXT、BERT、ALBERT、ROBERTA、NEZHA、XLNET、ELECTRA、GPT-2等EMBEDDING嵌入; 支持FineTune、FastText、TextCNN、CharCNN、BiRNN、RCNN、DCNN、CRNN、DeepMoji、SelfAttention、HAN、Capsule等文本分类算法; 支持CRF、Bi-LSTM-CRF、CNN-LSTM、DGCNN、Bi-LSTM-LAN、Lattice-LSTM-Batch、MRC等序列标注算法。

bert embedding keras ner python3 relation-extraction sequence-labeling tensorflow text-classification

Last synced: 05 Apr 2025

https://github.com/zhongkaifu/RNNSharp

RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.

c-sharp crf deep-learning dotnet lstm machine-learning nlp recurrent-neural-networks rnn rnn-model sequence-labeling

Last synced: 06 Aug 2025

https://github.com/zhongkaifu/rnnsharp

RNNSharp is a toolkit of deep recurrent neural network which is widely used for many different kinds of tasks, such as sequence labeling, sequence-to-sequence and so on. It's written by C# language and based on .NET framework 4.6 or above versions. RNNSharp supports many different types of networks, such as forward and bi-directional network, sequence-to-sequence network, and different types of layers, such as LSTM, Softmax, sampled Softmax and others.

c-sharp crf deep-learning dotnet lstm machine-learning nlp recurrent-neural-networks rnn rnn-model sequence-labeling

Last synced: 08 Apr 2025

https://github.com/applenob/rnn-for-joint-nlu

Tensorflow implementation of "Attention-Based Recurrent Neural Network Models for Joint Intent Detection and Slot Filling" (https://arxiv.org/abs/1609.01454)

nlu seq2seq sequence-labeling slot-filling tensorflow

Last synced: 09 Apr 2025

https://github.com/26hzhang/neural_sequence_labeling

A TensorFlow implementation of Neural Sequence Labeling model, which is able to tackle sequence labeling tasks such as POS Tagging, Chunking, NER, Punctuation Restoration and etc.

chunking lstm-networks named-entity-recognition pos-tagger punctuation python3 sentence-boundary-detection sequence-labeling tensorflow

Last synced: 20 Aug 2025

https://github.com/liyuanlucasliu/ld-net

Efficient Contextualized Representation: Language Model Pruning for Sequence Labeling

contextualized-representation language-model model-compression named-entity-recognition ner pytorch sequence-labeling

Last synced: 15 Apr 2025

https://github.com/liyuanlucasliu/lightner

Inference with state-of-the-art models (pre-trained by LD-Net / AutoNER / VanillaNER / ...)

inference ner neural-network sequence-labeling

Last synced: 15 Apr 2025

https://github.com/ailln/nlp-roadmap

🗺️ 一个自然语言处理的学习路线图

natural-language-processing nlp roadmap sequence-labeling word-embedding word-segmentation

Last synced: 22 Jul 2025

https://github.com/macanv/mqnlp

自然语言处理相关实验实现 some experiment of natural language processing, Like text classification, named entity recognition, pos-tags, segment, key words extractor, auto summarize etc.

fasttext lstm ner pos-tagging segment sequence-labeling textclassification textcnn textrnn

Last synced: 29 Oct 2025

https://github.com/himkt/pyner

🌈 Implementation of Neural Network based Named Entity Recognizer (Lample+, 2016) using Chainer.

chainer deep-learning named-entity-recognition neural-networks sequence-labeling

Last synced: 03 Aug 2025

https://github.com/stevewyl/nlp_toolkit

Basic NLP Toolkits include text classification, sequence labeling etc.

keras nlp sequence-labeling text-classification

Last synced: 28 Apr 2025

https://github.com/brikerman/classic_chinese_punctuate

classic Chinese punctuate experiment with keras using daizhige(殆知阁古代文献藏书) dataset

chinese-nlp keras sequence-labeling

Last synced: 11 Aug 2025

https://github.com/qznan/qiznlp

Quick run NLP in many task 快速运行分类、序列标注、匹配、生成等NLP任务的Tensorflow框架 (中文 NLP 支持分布式)

beam-search chinese classification horovod match nlp sequence-labeling sequence-to-sequence tensorflow

Last synced: 10 Apr 2025

https://github.com/Qznan/QizNLP

Quick run NLP in many task 快速运行分类、序列标注、匹配、生成等NLP任务的Tensorflow框架 (中文 NLP 支持分布式)

beam-search chinese classification horovod match nlp sequence-labeling sequence-to-sequence tensorflow

Last synced: 09 May 2025

https://github.com/michiyasunaga/pos_adv

[NAACL 2018] Robust Sequence Labeling with Adversarial Training

adversarial-training robustness sequence-labeling

Last synced: 14 Apr 2025

https://github.com/aditeyabaral/maple

Implementation of the paper, MAPLE - MAsking words to generate blackout Poetry using sequence-to-sequence LEarning, ICNLSP 2021

blackout-poetry natural-language-processing sequence-labeling summarization token-classification transformers

Last synced: 16 Apr 2025

https://github.com/tech-sketch/seqal

Sequence labeling active learning framework based on Flair

active-learning annotation deep-learning flair python pytorch sequence-labeling

Last synced: 11 Oct 2025

https://github.com/juanmc2005/continualnlu

Companion repository for the paper "Analyzing BERT Cross-lingual Transfer Capabilities in Continual Sequence Labeling"

bert continual-learning pytorch-lightning sequence-labeling transfer-learning

Last synced: 04 Aug 2025

https://github.com/tranbavinhson/sequence-labeling

Sequence Labeling implemented by BiLSTM using Tensorflow

bilstm deep-learning lstm lstm-model sequence-labeling tensorflow tensorflow-tutorials

Last synced: 01 Sep 2025

https://github.com/sunyancn/band

BAND:BERT Application aNd Deployment, A simple and efficient BERT model training and deployment framework.

bert named-entity-recognition question-answering reading-comprehension sequence-labeling text-classification transformer

Last synced: 03 May 2025

https://github.com/generall/sklearn-sknnsuite

Wrapper which provides scikit-learn-compatible implementation of SkNN sequence labeling algorithm

metrics sequence-labeling sklearn-compatible

Last synced: 09 Oct 2025

https://github.com/negrinho/beam_learn_supertagging

Code for "An Empirical Investigation of Beam-Aware Training in Supertagging" to appear in EMNLP Findings 2020

beam-search sequence-labeling structured-prediction supertagging

Last synced: 27 Mar 2025

https://github.com/erip/feiertag

An open-source neural sequence tagging toolkit.

hydra ner pos-tagging pytorch sequence-labeling

Last synced: 06 Apr 2025

https://github.com/mohsenim/sequence-labeling-fastai

Leveraging Language Models for Sequence Labeling Using fastai

fastai language-model neural-network sequence-labeling

Last synced: 31 Mar 2025

https://github.com/lgirrbach/sequence-labelling

LSTM model for sequence labelling. Includes option to expand input length by constant. Currently implements cross-entropy, crf, and ctc losses.

crf-lstm ctc ctc-crf sequence-labeling

Last synced: 12 Mar 2025

https://github.com/lgirrbach/tuereuth-legal-at-semeval-task-6

TüReuth Legal Code for SemEval 2023 Task 6: LegalAI.

legal-documents semeval semeval-2023 sequence-labeling

Last synced: 25 Dec 2025

https://github.com/bibymaths/grmap

A Snakemake pipeline for matching sequencing reads to a reference genome and annotating genomic features.

dna-sequences fasta pattern-matching perl regex sequence-labeling

Last synced: 14 Jul 2025

https://github.com/yasufumy/sequence-classifier

A PyTorch Library for Sequence Labeling Tasks such as Named-entity Recognition or Part-of-speech Tagging

bert deberta named-entity-recognition part-of-speech-tagging pytorch roberta sequence-labeling torch transformers

Last synced: 07 Apr 2025

https://github.com/jamnicki/bachelor_thesis_project

System for Training-based Expansion of Tools for Proper Name Mentions Recognition Based on Active Learning

active-learning active-learning-in-nlp annotation-tool argilla kpwr named-entity-recognition nlp optimization sampling-methods sequence-labeling sequential-data spacy

Last synced: 07 Apr 2025

https://github.com/gauravcodepro/expression-sequence-ml

a automated framework for the sequence to expression machine learning. it takes the fasta sequences, expression file from the expression analysis and then writes the pickle file

bioinformatics expression-language machine-learning machine-learning-algorithms sequence-labeling sklearn-classify sklearn-library

Last synced: 22 Feb 2025

https://github.com/yasufumy/sequence-label

A Tensor Creation and Label Reconstruction for Sequence Labeling

machine-learning named-entity-recognition natural-language-processing nlp sequence-labeling

Last synced: 07 Apr 2025

https://github.com/gauravcodepro/plant-resistance-gene-fetcher

a custom function to fetch the dna and the protein sequence from the plant resistance gene database and get the corresponding dna_sequence and the protein_sequence.

bioinformatics disease-detection diseaseresistance plantgenomics plantresistance sequence-analysis sequence-labeling

Last synced: 22 Feb 2025