Including Part-of-Speech Tagging, Chunking, Named Entity Recognition, Semantic Role Labeling (SRL), Punctuation Restoration, Sentence Segmentation, Dependency Parsing, Relation Extraction, Information Extraction, Phrase Extraction, Entity Linking, Discourse Relation, Information Retrieval and etc.
- [2002 CoNLL] Introduction to the CoNLL-2002 Shared Task: Language-Independent Named Entity Recognition, [paper], [bibtex], [dataset].
- [2003 CoNLL] Introduction to the CoNLL-2003 Shared Task: Language-Independent Named Entity Recognition, [paper], [bibtex], [dataset].
- [2017 CoNLL] CoNLL 2017 Shared Task: Multilingual Parsing from Raw Text to Universal Dependencies, [paper], [bibtex], [homepage].
- [2017 ACL] Cross-lingual Name Tagging and Linking for 282 Languages, [paper], [bibtex], [homepage].
- [2021 ACL] FEW-NERD: A Few-shot Named Entity Recognition Dataset, [paper], [bibtex], [homepage].
- [2010 ACL] On Jointly Recognizing and Aligning Bilingual Named Entities, [paper], [bibtex].
- [2012 CIKM] Joint Bilingual Name Tagging for Parallel Corpora, [paper], [bibtex].
- [2012 Springer] Supervised Sequence Labelling with Recurrent Neural Networks, [Alex Graves's Ph.D. Thesis], [bibtex].
- [2012 EMNLP] Part-of-Speech Tagging for Chinese-English Mixed Texts with Dynamic Features, [paper], [bibtex].
- [2015 ArXiv] Bidirectional LSTM-CRF Models for Sequence Tagging, [paper], [bibtex] [blog], sources: [Hironsan/anago], [guillaumegenthial/sequence_tagging].
- [2015 Cheminformatics] Enhancing of chemical compound and drug name recognition using representative tag scheme and fine-grained tokenization, [paper], [bibtex].
- [2016 ArXiv] Multi-Task Cross-Lingual Sequence Tagging from Scratch, [paper], [bibtex].
- [2016 EMNLP] Improving Multilingual Named Entity Recognition with Wikipedia Entity Type Mapping, [paper], [bibtex].
- [2016 NAACL] Name Tagging for Low-resource Incident Languages based on Expectation-driven Learning, [paper], [bibtex].
- [2016 ICLR] Multi-task Sequence to Sequence Learning, [paper], [bibtex].
- [2016 ACL] Multilingual Part-of-Speech Tagging with Bidirectional Long Short-Term Memory Models and Auxiliary Loss, [paper], [bibtex], sources: [bplank/bilstm-aux].
- [2016 ACL] Named Entity Recognition with Bidirectional LSTM-CNNs, [paper], [bibtex], sources: [ThanhChinhBK/Ner-BiLSTM-CNNs].
- [2016 NAACL] Neural Architectures for Named Entity Recognition, [paper], [bibtex], sources: [clab/stack-lstm-ner], [glample/tagger], [marekrei/sequence-labeler].
- [2016 ACL] End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF, [paper], [bibtex], sources: [LopezGG/NN_NER_tensorFlow].
- [2017 IJCNLP] Segment-Level Neural Conditional Random Fields for Named Entity Recognition, [paper], [bibtex].
- [2017 IJCNLP] Low-Resource Named Entity Recognition with Cross-Lingual, Character-Level Neural Conditional Random Fields, [paper], [bibtex].
- [2017 WNUT] A Multi-task Approach for Named Entity Recognition in Social Media Data, [paper], [bibtex], sources: [tavo91/NER-WNUT17].
- [2017 ACL] Weakly Supervised Cross-Lingual Named Entity Recognition via Effective Annotation and Representation Projection, [paper], [bibtex].
- [2017 RLNLP] Multi-task Domain Adaptation for Sequence Tagging, [paper], [bibtex].
- [2017 EMNLP] Cheap Translation for Cross-Lingual Named Entity Recognition, [paper], [bibtex].
- [2017 ACL] Semi-supervised Multitask Learning for Sequence Labeling, [paper], [bibtex].
- [2017 EMNLP] Part-of-Speech Tagging for Twitter with Adversarial Neural Networks, [paper], [bibtex], sources: [guitaowufeng/TPANN].
- [2017 EMNLP] Fast and Accurate Entity Recognition with Iterated Dilated Convolutions, [paper], [bibtex] sources: [iesl/dilated-cnn-ner].
- [2017 ICLR] Transfer Learning for Sequence Tagging with Hierarchical Recurrent Networks, [paper], [bibtex], sources: [kimiyoung/transfer].
- [2017 ArXiv] Optimal Hyperparameters for Deep LSTM-Networks for Sequence Labeling Tasks, [paper], [bibtex], sources: [UKPLab/emnlp2017-bilstm-cnn-crf].
- [2017 EMNLP] Reporting Score Distributions Makes a Difference: Performance Study of LSTM-networks for Sequence Tagging, [paper], [bibtex], sources: [UKPLab/emnlp2017-bilstm-cnn-crf].
- [2017 InterSpeech] Label-dependency coding in Simple Recurrent Networks for Spoken Language Understanding, [paper], [bibtex].
- [2017 ACL] Model Transfer for Tagging Low-resource Languages using a Bilingual Dictionary, [paper], [bibtex], sources: [mengf1/trpos].
- [2017 EMNLP] Semi-Supervised Structured Prediction with Neural CRF Autoencoder, [paper], [bibtex], sources: [cosmozhang/NCRF-AE].
- [2017 EMNLP] Cross-Lingual Transfer Learning for POS Tagging without Cross-Lingual Resources, [paper], [bibtex].
- [2017 ACL] Semi-supervised Sequence Tagging with Bidirectional Language Models, [paper], [bibtex].
- [2018 LREC] Transfer Learning for Named-Entity Recognition with Neural Networks, [paper], [bibtex], sources: [Franck-Dernoncourt/NeuroNER].
- [2018 ICLR] Deep Active Learning for Named Entity Recognition, [paper], [bibtex].
- [2018 AAAI] Empower Sequence Labeling with Task-Aware Neural Language Model, [paper], [bibtex], sources: [LiyuanLucasLiu/LM-LSTM-CRF].
- [2018 NAACL] Robust Multilingual Part-of-Speech Tagging via Adversarial Training, [paper], [bibtex], sources: [michiyasunaga/pos_adv].
- [2018 ArXiv] Improving Part-of-speech Tagging Via Multi-task Learning and Character-level Word Representations, [paper], [bibtex].
- [2018 NAACL] Label-aware Double Transfer Learning for Cross-Specialty Medical Named Entity Recognition, [paper], [bibtex], sources: [felixwzh/La-DTL].
- [2018 NAACL] Zero-shot Sequence Labeling: Transferring Knowledge from Sentences to Tokens, [paper], [bibtex].
- [2018 ACL] Morphosyntactic Tagging with a Meta-BiLSTM Model over Context Sensitive Token Encodings, [paper], [bibtex], sources: [google/meta_tagger].
- [2018 ACL] Named Entity Recognition With Parallel Recurrent Neural Networks, [paper], [bibtex].
- [2018 ACL] Chinese NER Using Lattice LSTM, [paper], [bibtex] sources: [jiesutd/LatticeLSTM].
- [2018 ACL] Hybrid semi-Markov CRF for Neural Sequence Labeling, [paper], [bibtex] sources: [ZhixiuYe/HSCRF-pytorch].
- [2018 ACL] A Multi-lingual Multi-task Architecture for Low-resource Sequence Labeling, [paper], [bibtex], sources: [limteng-rpi/mlmt].
- [2018 AAAI] Adversarial Learning for Chinese NER from Crowd Annotations, [paper], [bibtex], sources: [SUDA-HLT/ALCrowd].
- [2018 IJCAI] Improving Low Resource Named Entity Recognition using Cross-lingual Knowledge Transfer, [paper], [bibtex], sources: [scir-code/lrner].
- [2018 COLING] Contextual String Embeddings for Sequence Labeling, [paper], [bibtex], sources: [zalandoresearch/flair].
- [2018 ICLR] Bi-Directional Block Self-Attention for Fast and Memory-Efficient Sequence Modeling, [paper], [bibtex], sources: [taoshen58/BiBloSA].
- [2018 CoNLL] Sequence Classification with Human Attention, [paper], [bibtex], sources: [coastalcph/Sequence_classification_with_human_attention].
- [2018 EMNLP] Efficient Contextualized Representation: Language Model Pruning for Sequence Labeling, [paper], [bibtex], sources: [LiyuanLucasLiu/LD-Net].
- [2018 EMNLP] Learning Named Entity Tagger from Domain-Specific Dictionary, [paper], [bibtex], sources: [shangjingbo1226/AutoNER].
- [2018 EMNLP] Semi-Supervised Sequence Modeling with Cross-View Training, [paper], [bibtex], sources: [tensorflow/models/research/cvt_text].
- [2019 TNNLS] Learning with Annotation of Various Degrees, [paper], [bibtex], sources: [joeyzhouty/LAVD].
- [2019 TNNLS] RoSeq: Robust Sequence Labeling, [paper], [bibtex].
- [2019 ACL] Dual Adversarial Neural Transfer for Low-Resource Named Entity Recognition, [paper], [bibtex].
- [2019 TPAMI] Dual Adversarial Transfer for Sequence Labeling, [paper], [bibtex].
- [2019 ACL] Multi-Source Cross-Lingual Model Transfer: Learning What to Share, [paper], [bibtex], sources: [microsoft/Multilingual-Model-Transfer].
- [2019 ACL] GCDT: A Global Context Enhanced Deep Transition Architecture for Sequence Labeling, [paper], [bibtex], sources: [Adaxry/GCDT].
- [2019 ACL] Distantly Supervised Named Entity Recognition using Positive-Unlabeled Learning, [paper], [bibtex], sources: [v-mipeng/LexiconNER].
- [2019 NAACL] Better Modeling of Incomplete Annotations for Named Entity Recognition, [paper], [bibtex], [slides], sources: [allanj/ner_incomplete_annotation].
- [2019 ArXiv] Back Attention Knowledge Transfer for Low-resource Named Entity Recognition, [paper], [bibtex].
- [2019 NeurIPS] A Primal-Dual Formulation for Deep Learning with Constraints, [paper], [bibtex], [homepage], sources: [dair-iitd/dl-with-constraints].
- [2020 ArXiv] MultiMix: A Robust Data Augmentation Framework for Cross-Lingual NLP, [paper], [bibtex].
- [2020 ArXiv] Few-Shot Named Entity Recognition: A Comprehensive Study, [paper], [bibtex].
- [2020 AAAI] Leveraging Multi-Token Entities in Document Level Named Entity Recognition, [paper], [bibtex].
- [2020 ACL] A Unified MRC Framework for Named Entity Recognition, [paper], [bibtex], sources: [ShannonAI/mrc-for-flat-nested-ner].
- [2020 ACL] Improving Multimodal Named Entity Recognition via Entity Span Detection with Unified Multimodal Transformer, [paper], [bibtex].
- [2020 ACL] FLAT: Chinese NER Using Flat-Lattice Transformer, [paper], [bibtex], sources: [LeeSureman/Flat-Lattice-Transformer].
- [2020 ACL] Named Entity Recognition as Dependency Parsing, [paper], [bibtex], sources: [juntaoy/biaffine-ner].
- [2020 ACL] Dice Loss for Data-imbalanced NLP Tasks, [paper], [bibtex], sources: [ShannonAI/dice_loss_for_NLP].
- [2020 ACL] Generalizing Natural Language Analysis through Span-relation Representations, [paper], [bibtex], sources: [neulab/cmu-multinlp].
- [2020 ACL] Instance-Based Learning of Span Representations: A Case Study through Named Entity Recognition, [paper], [bibtex], sources: [hiroki13/instance-based-ner].
- [2020 ACL] TriggerNER: Learning with Entity Triggers as Explanations for Named Entity Recognition, [paper], [bibtex], sources: [INK-USC/TriggerNER].
- [2020 AACL] Named Entity Recognition in Multi-level Contexts, [paper], [bibtex].
- [2020 KDD] BOND: BERT-Assisted Open-Domain Named Entity Recognition with Distant Supervision, [paper], [bibtex], sources: [cliang1453/BOND].
- [2020 IJCAI] Leveraging Document-Level Label Consistency for Named Entity Recognition, [paper], [bibtex], sources: [jiacheng-ye/DocL-NER].
- [2020 ArXiv] A Boundary Regression Model for Nested Named Entity Recognition, [paper], [bibtex], sources: [wuyuefei3/BR].
- [2020 ArXiv] Example-Based Named Entity Recognition, [paper], [bibtex].
- [2020 EMNLP] Coarse-to-Fine Pre-training for Named Entity Recognition, [paper], [bibtex], sources: [strawberryx/CoFEE].
- [2020 EMNLP] Simple and Effective Few-Shot Named Entity Recognition with Structured Nearest Neighbor Learning, [paper], [bibtex], sources: [asappresearch/structshot].
- [2020 EMNLP] LUKE: Deep Contextualized Entity Representations with Entity-aware Self-attention, [paper], [bibtex], sources: [studio-ousia/luke].
- [2021 ICLR] Lex-BERT: Enhancing BERT based NER with Lexicons, [paper], [bibtex].
- [2021 ACL] De-biasing Distantly Supervised Named Entity Recognition via Causal Intervention, [paper], [bibtex].
- [2021 ACL] SpanNER: Named Entity Re-/Recognition as Span Prediction, [paper], [bibtex], sources: [neulab/SpanNER].
- [2021 ACL] Template-Based Named Entity Recognition Using BART, [paper], [bibtex], sources: [Nealcly/templateNER].
- [2021 ACL] Automated Concatenation of Embeddings for Structured Prediction, [paper], [bibtex], sources: [Alibaba-NLP/ACE].
- [2021 ACL] Novel Slot Detection: A Benchmark for Discovering Unknown Slot Types in the Task-Oriented Dialogue System, [paper], [bibtex], sources: [ChestnutWYN/ACL2021-Novel-Slot-Detection].
- [2021 ACL] Ultra-Fine Entity Typing with Weak Supervision from a Masked Language Model, [paper], [bibtex], sources: [HKUST-KnowComp/MLMET].
- [2021 ArXiv] FLERT: Document-Level Features for Named Entity Recognition, [paper], [bibtex].
- [2021 ArXiv] Exploiting Global Contextual Information for Document-level Named Entity Recognition, [paper], [bibtex].
- [2021 ArXiv] AutoTriggER: Named Entity Recognition with Auxiliary Trigger Extraction, [paper], [bibtex], sources: [INK-USC/AutoTriggER].
- [2021 AAAI] Denoising Distantly Supervised Named Entity Recognition via a Hypergeometric Probabilistic Model, [paper], [bibtex], sources: [zwkatgithub/HGL].
- [2021 ArXiv] Prompt-Learning for Fine-Grained Entity Typing, [paper], [bibtex].
- [2021 ArXiv] Rethinking Negative Sampling for Unlabeled Entity Problem in Named Entity Recognition, [paper], [bibtex].
- [2021 ArXiv] CONTaiNER: Few-Shot Named Entity Recognition via Contrastive Learning, [paper], [bibtex].
- [2021 WWW] Effective Named Entity Recognition with Boundary-aware Bidirectional Neural Networks, [paper], [bibtex].
- [2021 ICLR] Empirical Analysis of Unlabeled Entity Problem in Named Entity Recognition, [paper], [bibtex], sources: [LeePleased/NegSampling-NER].
- [2021 TKDE] Neural Named Entity Boundary Detection, [paper], [bibtex].
- [2022 AAAI] Unified Named Entity Recognition as Word-Word Relation Classification, [paper], [bibtex], sources: [ljynlp/W2NER].
- [2015 ACL] End-to-end Learning of Semantic Role Labeling using Recurrent Neural Networks, [paper], [bibtex] sources: [sanjaymeena/semantic_role_labeling_deep_learning], [hiroki13/neural-semantic-role-labeler].
- [2016 ACL] Neural Semantic Role Labeling with Dependency Path Embeddings, [paper], [bibtex] sources: [microth/PathLSTM].
- [2017 ACL] Deep Semantic Role Labeling: What Works and Whats Next, [paper], [bibtex], sources: [luheng/deep_srl].
- [2018 AAAI] Deep Semantic Role Labeling with Self-Attention, [paper], [bibtex], sources: [XMUNLP/Tagger].
- [2018 EMNLP] Linguistically-Informed Self-Attention for Semantic Role Labeling, [paper], [Supplemental Material], [bibtex], [author], [slides], [slides w/ notes], sources: [strubell/LISA].
- [2019 NeurIPS] A Primal-Dual Formulation for Deep Learning with Constraints, [paper], [bibtex], [homepage], sources: [dair-iitd/dl-with-constraints].
- [2020 ACL] Generalizing Natural Language Analysis through Span-relation Representations, [paper], [bibtex], sources: [neulab/cmu-multinlp].
- [2016 Interspeech] Bidirectional Recurrent Neural Network with Attention Mechanism for Punctuation Restoration, [paper], [bibtex], sources: [ottokart/punctuator2].
- [2017 ICASSP] Sequence-to-Sequence Models for Punctuated Transcription Combing Lexical and Acoustic Features, [paper], [bibtex], sources: [choko/acoustic_punctuation].
- [2017 SLSP] Attentional Parallel RNNs for Generating Punctuation in Transcribed Speech, [paper], [bibtex], [dataset], sources: [alpoktem/punkProse].
- [2017 EACL] Sentence Segmentation in Narrative Transcripts from Neuropsychological Tests using Recurrent Convolutional Neural Networks, [paper], [bibtex].
- [2014 EMNLP] A Fast and Accurate Dependency Parser using Neural Networks, [paper], [bibtex] sources: [akjindal53244/dependency_parsing_tf], [ljj314zz/dependency_parsing_tf-master].
- [2016 TACL] Simple and Accurate Dependency Parsing Using Bidirectional LSTM Feature Representation, [paper], [bibtex], sources: [elikip/bist-parser].
- [2017 ICLR] Deep Bi-Affine Attention for Neural Dependency Parsing, [paper], [bibtex] sources: [tdozat/Parser-v1], [tdozat/Parser-v2].
- [2018 ACL] Simpler but More Accurate Semantic Dependency Parsing, [paper], [bibtex].
- [2020 ACL] Generalizing Natural Language Analysis through Span-relation Representations, [paper], [bibtex], sources: [neulab/cmu-multinlp].
- [2020 EMNLP] UDapter: Language Adaptation for Truly Universal Dependency Parsing, [paper], [bibtex], sources: [ahmetustun/udapter].
- [2017 CoNLL] Zero-Shot Relation Extraction via Reading Comprehension, [paper], [bibtex], sources: [omerlevy/bidaf_no_answer], [zhuzhicai/SQuAD2.0-Baseline-Test-with-BiDAF-No-Answer].
- [2017 TACL] Cross-Sentence N-ary Relation Extraction with Graph LSTMs, [paper], [bibtex], sources: [VioletPeng/GraphLSTM_release].
- [2018 ACL] DSGAN: Generative Adversarial Training for Distant Supervision Relation Extraction, [paper], [bibtex].
- [2019 NAACL] Open Information Extraction from Question-Answer Pairs, [paper], [bibtex].
- [2019 NAACL] GraphIE: A Graph-Based Framework for Information Extraction, [paper], [bibtex], sources: [thomas0809/GraphIE].
- [2020 ACL] Reasoning with Latent Structure Refinement for Document-Level Relation Extraction, [paper], [bibtex], sources: [nanguoshun/LSR].
- [2020 ACL] Generalizing Natural Language Analysis through Span-relation Representations, [paper], [bibtex], sources: [neulab/cmu-multinlp].
- [2021 ArXiv] Mention-centered Graph Neural Network for Document-level Relation Extraction, [paper], [bibtex], sources: [thunlp/DocRED].
- [2021 NAACL] Document-Level Event Argument Extraction by Conditional Generation, [paper], [bibtex], sources: [raspberryice/gen-arg].
- [2021 ACL] Three Sentences Are All You Need: Local Path Enhanced Document Relation Extraction, [paper], [bibtex], sources: [AndrewZhe/Three-Sentences-Are-All-You-Need].
- [2021 ACL] CIL: Contrastive Instance Learning Framework for Distantly Supervised Relation Extraction, [paper], [bibtex].
- [2021 EMNLP] Document-level Entity-based Extraction as Template Generation, [paper], [bibtex], sources: [PlusLabNLP/TempGen].
- [2019 ACL] Boosting Entity Linking Performance by Leveraging Unlabeled Documents, [paper], [bibtex], sources: [lephong/wnel].
- [2021 AAAI] Improving the Efficiency and Effectiveness for BERT-based Entity Resolution, [paper], [bibtex].
- [2022 ACL] Prompt for Extraction? PAIE: Prompting Argument Interaction for Event Argument Extraction, [paper], [bibtex], sources: [mayubo2333/PAIE].
- [2017 EMNLP] Multi-task Attention-based Neural Networks for Implicit Discourse Relationship Representation and Identification, [paper], [bibtex].
- [2018 NAACL] Improving Implicit Discourse Relation Classification by Modeling Inter-dependencies of Discourse Units in a Paragraph, [paper], [bibtex], sources: [ZeyuDai/paragraph_implicit_discourse_relations].
- [2012 EMNLP] Joint Entity and Event Coreference Resolution across Documents, [paper], [bibtex].
- [2016 EMNLP] Deep Reinforcement Learning for Mention-Ranking Coreference Models, [paper], [bibtex], [blog], [demo], sources: [huggingface/neuralcoref], [clarkkev/deep-coref].
- [2016 ACL] Improving Coreference Resolution by Learning Entity-Level Distributed Representations, [paper], [bibtex], sources: [clarkkev/deep-coref].
- [2017 ArXiv] Linguistic Knowledge as Memory for Recurrent Neural Networks, [paper], [bibtex].
- [2019 ACL] Zero-shot Word Sense Disambiguation using Sense Definition Embeddings, [paper], [bibtex], sources: [malllabiisc/EWISE].
- [2020 ACL] CorefQA: Coreference Resolution as Query-based Span Prediction, [paper], [bibtex], sources: [ShannonAI/CorefQA].
- [2020 ACL] Generalizing Natural Language Analysis through Span-relation Representations, [paper], [bibtex], sources: [neulab/cmu-multinlp].
- [2021 KDD] UCPhrase: Unsupervised Context-aware Quality Phrase Tagging, [paper], [bibtex], sources: [xgeric/UCPhrase-exp].
- [2020 SIGIR] ColBERT: Efficient and Effective Passage Search via Contextualized Late Interaction over BERT, [paper], [bibtex], sources: [stanford-futuredata/ColBERT].