sequence-labeling

There are 207 repositories under sequence-labeling topic.

  • flairNLP/flair

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

    Language:Python14.3k1962.4k2.1k
  • 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:Python2.4k64377434
  • luopeixiang/named_entity_recognition

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

    Language:Python2.2k2252536
  • 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:Python1.9k58172444
  • CLUEbenchmark/CLUENER2020

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

    Language:Python1.5k1994301
  • Hironsan/anago

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

    Language:Python1.5k59108365
  • microsoft/NeuronBlocks

    NLP DNN Toolkit - Building Your NLP DNN Models Like Playing Lego

    Language:Python1.5k6227193
  • chakki-works/seqeval

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

    Language:Python1.1k1068134
  • grammarly/gector

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

    Language:Python93621173221
  • LiyuanLucasLiu/LM-LSTM-CRF

    Empower Sequence Labeling with Task-Aware Language Model

    Language:Python8494348205
  • scofield7419/sequence-labeling-BiLSTM-CRF

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

    Language:JavaScript7063320255
  • 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

    Language:OpenEdge ABL558211153
  • HadoopIt/rnn-nlu

    A TensorFlow implementation of Recurrent Neural Networks for Sequence Classification and Sequence Labeling

    Language:Python4873820169
  • shangjingbo1226/AutoNER

    Learning Named Entity Tagger from Domain-Specific Dictionary

    Language:ChucK485143891
  • 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.

    Language:Python47081597
  • threelittlemonkeys/lstm-crf-pytorch

    LSTM-CRF in PyTorch

    Language:Python461112199
  • modelscope/AdaSeq

    AdaSeq: An All-in-One Library for Developing State-of-the-Art Sequence Understanding Models

    Language:Python448124441
  • XuezheMax/NeuroNLP2

    Deep neural models for core NLP tasks (Pytorch version)

    Language:Python441194490
  • nagisa

    taishi-i/nagisa

    A Japanese tokenizer based on recurrent neural networks

    Language:Python404103023
  • kermitt2/delft

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

    Language:Python403258465
  • 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:Python399169103
  • 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:Python372191154
  • sgrvinod/a-PyTorch-Tutorial-to-Sequence-Labeling

    Empower Sequence Labeling with Task-Aware Neural Language Model | a PyTorch Tutorial to Sequence Labeling

    Language:Python36513782
  • liu-nlper/SLTK

    序列化标注工具,基于PyTorch实现BLSTM-CNN-CRF模型,CoNLL 2003 English NER测试集F1值为91.10%(word and char feature)。

    Language:Python364132184
  • 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:Python34921350
  • 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等序列标注算法。

    Language:Python3266339
  • Alibaba-NLP/ACE

    [ACL-IJCNLP 2021] Automated Concatenation of Embeddings for Structured Prediction

    Language:Python30995747
  • ZhixiuYe/HSCRF-pytorch

    ACL 2018: Hybrid semi-Markov CRF for Neural Sequence Labeling (http://aclweb.org/anthology/P18-2038)

    Language:Python303142667
  • ZhixiuYe/NER-pytorch

    LSTM+CRF NER

    Language:Python303109104
  • Nealcly/BiLSTM-LAN

    Hierarchically-Refined Label Attention Network for Sequence Labeling

    Language:Python293112049
  • 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.

    Language:C#287484491
  • 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)

    Language:Jupyter Notebook281171696
  • jidasheng/bi-lstm-crf

    A PyTorch implementation of the BI-LSTM-CRF model.

    Language:Python25681448
  • prosody

    Helsinki-NLP/prosody

    Helsinki Prosody Corpus and A System for Predicting Prosodic Prominence from Text

    Language:Python24411441
  • 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.

    Language:Python23371546
  • awasthiabhijeet/PIE

    Fast + Non-Autoregressive Grammatical Error Correction using BERT. Code and Pre-trained models for paper "Parallel Iterative Edit Models for Local Sequence Transduction": www.aclweb.org/anthology/D19-1435.pdf (EMNLP-IJCNLP 2019)

    Language:Macaulay223082439