chongshenng / The-NLP-Pandect

A comprehensive reference for all topics related to Natural Language Processing

Geek Repo:Geek Repo

Github PK Tool:Github PK Tool

The-NLP-Pandect

This pandect (πανδέκτης is Ancient Greek for encyclopedia) was created to help you find almost anything related to Natural Language Processing that is available online.

The-NLP-Resources

Compendiums and awesome lists on the topic of NLP:

NLP Conferences, Paper Summaries and Paper Compendiums:

Papers and Paper Summaries
Conferences

NLP Progress and NLP Tasks:

NLP Datasets:

Word and Sentence embeddings:

Notebooks, Scripts and Repositories

Non-English resources and compendiums

Pre-trained NLP models

NLP Year in Review

2020

The-NLP-Podcasts

NLP-only podcasts

Many NLP episodes

Some NLP episodes

The-NLP-Newsletter

The-NLP-Meetups

The-NLP-Youtube

The-NLP-Benchmarks

General NLU

  • GLUE - General Language Understanding Evaluation (GLUE) benchmark
  • SuperGLUE - benchmark styled after GLUE with a new set of more difficult language understanding tasks
  • decaNLP - The Natural Language Decathlon (decaNLP) for studying general NLP models
  • RACE - ReAding Comprehension dataset collected from English Examinations
  • dialoglue - DialoGLUE: A Natural Language Understanding Benchmark for Task-Oriented Dialogue
  • DynaBench - Dynabench is a research platform for dynamic data collection and benchmarking

Summarization

  • WikiAsp - WikiAsp: Multi-document aspect-based summarization Dataset

Question Answering

  • SQuAD - Stanford Question Answering Dataset (SQuAD)
  • XQuad - XQuAD (Cross-lingual Question Answering Dataset) for cross-lingual question answering
  • GrailQA - Strongly Generalizable Question Answering (GrailQA)
  • CSQA - Complex Sequential Question Answering

Multilingual and Non-English Benchmarks

  • XTREME - Massively Multilingual Multi-task Benchmark
  • GLUECoS - A benchmark for code-switched NLP
  • IndoNLU Benchmark - collection of resources for training, evaluating, and analyzing NLP for Bahasa Indonesia
  • IndicGLUE - Natural Language Understanding Benchmark for Indic Languages
  • LinCE - Linguistic Code-Switching Evaluation Benchmark

Bio, Law, and other scientific domains

  • BLURB - Biomedical Language Understanding and Reasoning Benchmark
  • BLUE - Biomedical Language Understanding Evaluation benchmark

Transformer Efficiency

Other

  • CodeXGLUE - A benchmark dataset for code intelligence
  • CrossNER - CrossNER: Evaluating Cross-Domain Named Entity Recognition
  • MultiNLI - Multi-Genre Natural Language Inference corpus

The-NLP-Research

General

Embeddings

Repositories

Blogs

Cross-lingual Word Embeddings

  • vecmap - VecMap (cross-lingual word embedding mappings) [GitHub, 525 stars]

Byte Pair Encoding

  • bpemb - Pre-trained subword embeddings in 275 languages, based on Byte-Pair Encoding (BPE) [GitHub, 882 stars]
  • subword-nmt - Unsupervised Word Segmentation for Neural Machine Translation and Text Generation [GitHub, 1627 stars]
  • python-bpe - Byte Pair Encoding for Python [GitHub, 139 stars]

Transformer-based Architectures

General

Transformer

BERT

Other Transformer Variants

T5
BigBird
Reformer / Linformer / Longformer / Performers
Switch Transformer

GPT-family

General
GPT-3
Learning Resources
Applications
  • Aweseome GPT-3 - list of all resources related to GPT-3 [GitHub, 2911 stars]
  • GPT-3 Projects - a map of all GPT-3 start-ups and commercial projects
  • OpenAI API - API Demo to use GPT-3 for commercial applications
Open-source Efforts
  • GPT-Neo - in-progress GPT-3 open source replication

Other

Distillation, Pruning and Quantization

Automated Summarization

Rule-based NLP

  • LemmInflect - A python module for English lemmatization and inflection

The-NLP-Industry

Best Practices for NLP

Transformer-based Architectures

Embeddings as a Service

NLP Recipes Industrial Applications:

NLP Applications in Bio, Finance, Legal and other industries

Model and Data testing

  • WildNLP - Corrupt an input text to test NLP models' robustness [GitHub, 64 stars]
  • Great Expectations - Write tests for your data [GitHub, 3627 stars]
  • CheckList - Beyond Accuracy: Behavioral Testing of NLP models [GitHub, 1230 stars]
  • TextAttack - framework for adversarial attacks, data augmentation, and model training in NLP [GitHub, 1234 stars]

The-NLP-Speech

General Speech Recognition

  • wav2letter - Automatic Speech Recognition Toolkit [GitHub, 5641 stars]
  • DeepSpeech - Baidu's DeepSpeech architecture [GitHub, 16520 stars]
  • Acoustic Word Embeddings by Maria Obedkova [Blog, 2020]
  • kaldi - Kaldi is a toolkit for speech recognition [GitHub, 10100 stars]
  • awesome-kaldi - resources for using Kaldi [GitHub, 378 stars]

Text to Speech

  • FastSpeech - The Implementation of FastSpeech based on pytorch [GitHub, 585 stars]

The-NLP-Topics

Blogs

Frameworks for Topic Modeling

  • gensim - framework for topic modeling [GitHub, 11694 stars]
  • Spark NLP [GitHub, 1933 stars]

Repositories

Keyword-Extraction

Text Rank

  • PyTextRank - PyTextRank is a Python implementation of TextRank as a spaCy pipeline extension [GitHub, 1420 stars]
  • textrank - TextRank implementation for Python 3 [GitHub, 985 stars]

RAKE - Rapid Automatic Keyword Extraction

  • rake-nltk - Rapid Automatic Keyword Extraction algorithm using NLTK [GitHub, 790 stars]
  • yake - Single-document unsupervised keyword extraction [GitHub, 565 stars]
  • RAKE-tutorial - A python implementation of the Rapid Automatic Keyword Extraction [GitHub, 346 stars]
  • rake-nltk - Rapid Automatic Keyword Extraction algorithm using NLTK [GitHub, 790 stars]

Other

  • flashtext - Extract Keywords from sentence or Replace keywords in sentences [GitHub, 4650 stars]
  • BERT-Keyword-Extractor - Deep Keyphrase Extraction using BERT [GitHub, 160 stars]
  • NLP Profiler - A simple NLP library allows profiling datasets with text columns [GitHub, 177 stars]
  • keyBERT - Minimal keyword extraction with BERT [GitHub, 331 stars]

Responsible-NLP

NLP and ML Interpretability

  • Language Interpretability Tool (LIT) [GitHub, 2369 stars]
  • WhatLies - Toolkit to help visualise - what lies in word embeddings [GitHub, 229 stars]
  • Interpret-Text - Interpretability techniques and visualization dashboards for NLP models [GitHub, 208 stars]
  • InterpretML - Fit interpretable models. Explain blackbox machine learning [GitHub, 3459 stars]
  • ecco - Tools to visuals and explore NLP language models [GitHub, 677 stars]

Ethics, Bias, and Equality in NLP

Adversarial Attacks for NLP

The-NLP-Frameworks

General Purpose

  • spaCy by Explosion AI [GitHub, 19489 stars]
  • flair by Zalando [GitHub, 9908 stars]
  • AllenNLP by AI2 [GitHub, 9672 stars]
  • stanza (former Stanford NLP) [GitHub, 5178 stars]
  • spaCy stanza [GitHub, 491 stars]
  • nltk [GitHub, 9618 stars]
  • gensim - framework for topic modeling [GitHub, 11694 stars]
  • pororo - Platform of neural models for natural language processing [GitHub, 648 stars]
  • NLP Architect - A Deep Learning NLP/NLU library by Intel® AI Lab [GitHub, 2590 stars]
  • polyglot - Multi-lingual NLP Framework [GitHub, 1765 stars]
  • FARM [GitHub, 1095 stars]
  • gobbli by RTI International [GitHub, 250 stars]
  • headliner - training and deployment of seq2seq models [GitHub, 220 stars]
  • SyferText - A privacy preserving NLP framework [GitHub, 160 stars]
  • DeText - Text Understanding Framework for Ranking and Classification Tasks [GitHub, 1007 stars]
  • TextHero - Text preprocessing, representation and visualization [GitHub, 2095 stars]
  • textblob - TextBlob: Simplified Text Processing [GitHub, 7540 stars]
  • AdaptNLP - A high level framework and library for NLP [GitHub, 265 stars]
  • textacy - NLP, before and after spaCy [GitHub, 1604 stars]

Data Augmentation

  • WildNLP Text manipulation library to test NLP models [GitHub, 64 stars]
  • snorkel Framework to generate training data [GitHub, 4466 stars]
  • NLPAug Data augmentation for NLP [GitHub, 1616 stars]
  • SentAugment Data augmentation by retrieving similar sentences from larger datasets [GitHub, 266 stars]
  • faker - Python package that generates fake data for you [GitHub, 12078 stars]

Adversarial NLP Attacks

  • TextAttack - framework for adversarial attacks, data augmentation, and model training in NLP [GitHub, 1234 stars]
  • CleverHans - adversarial example library for constructing NLP attacks and building defenses [GitHub, 4938 stars]

Non-English oriented

  • textblob-de - TextBlob: Simplified Text Processing for German [GitHub, 80 stars]
  • Kashgari Transfer Learning with focus on Chinese [GitHub, 2027 stars]
  • Underthesea - Vietnamese NLP Toolkit [GitHub, 812 stars]

Transformer-oriented

  • transformers by HuggingFace [GitHub, 40664 stars]
  • Adapter Hub and its documentation - Adapter modules for Transformers [GitHub, 312 stars]
  • haystack - Transformers at scale for question answering & neural search. [GitHub, 1366 stars]

Dialog Systems and Speech

  • DeepPavlov by MIPT [GitHub, 4982 stars]
  • ParlAI by FAIR [GitHub, 6978 stars]
  • rasa - Framework for Conversational Agents [GitHub, 10703 stars]
  • wav2letter - Automatic Speech Recognition Toolkit [GitHub, 5641 stars]

Word-embeddings oriented

  • MUSE A library for Multilingual Unsupervised or Supervised word Embeddings [GitHub, 2684 stars]
  • vecmap A framework to learn cross-lingual word embedding mappings [GitHub, 525 stars]

Distributed NLP

Machine Translation

  • COMET -A Neural Framework for MT Evaluation [GitHub, 52 stars]
  • marian-nmt - Fast Neural Machine Translation in C++ [GitHub, 761 stars]
  • argos-translate - Open source neural machine translation in Python [GitHub, 423 stars]
  • Opus-MT - Open neural machine translation models and web services [GitHub, 101 stars]

Entity and String Matching

  • PolyFuzz - Fuzzy string matching, grouping, and evaluation [GitHub, 280 stars]

Discourse Analysis

  • ConvoKit - Cornell Conversational Analysis Toolkit [GitHub, 242 stars]

The-NLP-Learning

General

Books

Courses

Tutorials

The-NLP-Communities

Other-NLP-Topics

General

Tokenization

  • tokenizers - Fast State-of-the-Art Tokenizers optimized for Research and Production [GitHub, 4252 stars]
  • SentencePiece - Unsupervised text tokenizer for Neural Network-based text generation [GitHub, 4793 stars]
  • SoMaJo - A tokenizer and sentence splitter for German and English web and social media texts [GitHub, 83 stars]

Data Augmentation and Weak Supervision

Libraries and Frameworks
  • WildNLP Text manipulation library to test NLP models [GitHub, 64 stars]
  • snorkel Framework to generate training data [GitHub, 4466 stars]
  • NLPAug Data augmentation for NLP [GitHub, 1616 stars]
  • SentAugment Data augmentation by retrieving similar sentences from larger datasets [GitHub, 266 stars]
  • TextAttack - framework for adversarial attacks, data augmentation, and model training in NLP [GitHub, 1234 stars]
Blogs and Tutorials

Named Entity Recognition (NER)

Relation Extraction

  • tacred-relation TACRED: position-aware attention model for relation extraction [GitHub, 267 stars]
  • tacrev TACRED Revisited: A Thorough Evaluation of the TACRED Relation Extraction Task [GitHub, 34 stars]
  • tac-self-attention Relation extraction with position-aware self-attention [GitHub, 57 stars]

Domain Adaptation

Low Resource NLP

Spell Correction

  • NeuSpell - A Neural Spelling Correction Toolkit [GitHub, 74 stars]
  • SymSpellPy - Python port of SymSpell [GitHub, 407 stars]

Reinforcement Learning for NLP

  • nlp-gym - NLPGym - A toolkit to develop RL agents to solve NLP tasks [GitHub, 77 stars]

AutoML

  • TPOT - Python Automated Machine Learning tool [GitHub, 7806 stars]
  • Auto-PyTorch - Automatic architecture search and hyperparameter optimization for PyTorch [GitHub, 1142 stars]
  • HungaBunga - Brute-Force all sklearn models with all parameters using .fit .predict [GitHub, 608 stars]
  • AutoML Natural Language - Google's paid AutoML NLP service

License CC0

Attributions

Resources

  • All linked resources belong to original authors

Icons

Fonts

About

A comprehensive reference for all topics related to Natural Language Processing

License:Creative Commons Zero v1.0 Universal


Languages

Language:Python 100.0%