November 23, 2020

1013 words 5 mins read

NLP Projects, Data and Tools

NLP Projects, Data and Tools

Natural Language Processing (NLP), is a branch of Linguistics and Artificial Intelligence that deals with the interactions between computers and human language. NLP approaches process and analyze large amounts of natural language data in order to understand and make sense of the human languages that brings value and benefit.

In the following, we list 70+ notable open source repositories which address natural language processing including library, tools and datasets.

abhimishra91/transformers-tutorials Github repo with tutorials to fine tune transformers for diff NLP tasks
adashofdata/nlp-in-python-tutorial comparing stand up comedians using natural language processing
allenai/allennlp An open-source NLP research library, built on PyTorch.
axa-group/nlp.js An NLP library for building bots, with entity extraction, sentiment analysis, automatic language identify, and so more
changwookjun/StudyBook Study E-Book(ComputerVision DeepLearning MachineLearning Math NLP Python ReinforcementLearning)
chiphuyen/lazynlp Library to scrape and clean web pages to create massive datasets.
dair-ai/nlp_paper_summaries A carefully curated list of NLP paper summaries
DanAnastasyev/DeepNLP-Course Deep NLP Course
dbamman/anlp19 Course repo for Applied Natural Language Processing (Spring 2019)
deepset-ai/COVID-QA API & Webapp to answer questions about COVID-19. Using NLP (Question Answering) and trusted, curated data sources.
dipanjanS/nlp_essentials Essential and Fundametal aspects of Natural Language Processing with hands-on examples and case-studies
dmlc/gluon-nlp NLP made easy
DSKSD/DeepNLP-models-Pytorch Pytorch implementations of various Deep NLP models in cs-224n(Stanford Univ)
explosion/spaCy Industrial-strength Natural Language Processing (NLP) with Python and Cython
explosion/spacy-stanfordnlp Use the latest StanfordNLP research models directly in spaCy
fastai/course-nlp A Code-First Introduction to NLP course
feedly/transfer-nlp NLP library designed for reproducible experimentation management
flairNLP/flair A very simple framework for state-of-the-art Natural Language Processing (NLP)
GauravBh1010tt/DeepLearn Implementation of research papers on Deep Learning+ NLP+ CV in Python using Keras, Tensorflow and Scikit Learn.
graykode/nlp-tutorial Natural Language Processing Tutorial for Deep Learning Researchers
hankcs/HanLP Natural Language Processing for the next decade. Tokenization, Part-of-Speech Tagging, Named Entity Recognition, Syntactic & Semantic Dependency Parsing, Document Classification
harvardnlp/annotated-transformer http://nlp.seas.harvard.edu/2018/04/03/attention.html
harvardnlp/namedtensor Named Tensor implementation for Torch
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.
huggingface/hmtl HMTL: Hierarchical Multi-Task Learning - A State-of-the-Art neural network model for several NLP tasks based on PyTorch and AllenNLP
huggingface/nlp nlp: datasets and evaluation metrics for Natural Language Processing in NumPy, Pandas, PyTorch and TensorFlow
huseinzol05/NLP-Models-Tensorflow Gathers machine learning and Tensorflow deep learning models for NLP problems, 1.13 < Tensorflow < 2.0
ijelliti/Deeplearning.ai-Natural-Language-Processing-Specialization This repository contains my full work and notes on Coursera's NLP Specialization (Natural Language Processing) taught by the instructor Younes Bensouda Mourri and ukasz Kaiser offered by deeplearning.ai
ines/spacy-course Advanced NLP with spaCy: A free online course
irfnrdh/Awesome-Indonesia-NLP Resource NLP & Bahasa
jacobeisenstein/gt-nlp-class Course materials for Georgia Tech CS 4650 and 7650, “Natural Language”
JohnSnowLabs/spark-nlp-workshop Public runnable examples of using John Snow Labs' NLP for Apache Spark.
joosthub/PyTorchNLPBook Code and data accompanying Natural Language Processing with PyTorch published by O’Reilly Media https://nlproc.info
kavgan/nlp-in-practice NLP, Text Mining and Machine Learning starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, keyword extraction with TFIDF, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
keitakurita/Practical_NLP_in_PyTorch A repository containing tutorials for practical NLP using PyTorch
kmario23/deep-learning-drizzle Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!
Kyubyong/nlp_made_easy Explains nlp building blocks in a simple manner.
Kyubyong/nlp_tasks Natural Language Processing Tasks and References
louisowen6/NLP_bahasa_resources A Curated List of Dataset and Usable Library Resources for NLP in Bahasa Indonesia
loveunk/Deep-learning-books Books for machine learning, deep learning, math, NLP, CV, RL, etc
lyeoni/nlp-tutorial A list of NLP(Natural Language Processing) tutorials
makcedward/nlp :memo: This repository recorded my NLP journey.
makcedward/nlpaug Data augmentation for NLP
marcotcr/checklist Beyond Accuracy: Behavioral Testing of NLP models with CheckList
microsoft/NeuronBlocks NLP DNN Toolkit - Building Your NLP DNN Models Like Playing Lego
microsoft/nlp-recipes Natural Language Processing Best Practices & Examples
mihail911/nlp-library curated collection of papers for the nlp practitioner
neomatrix369/nlp_profiler A simple NLP library allows profiling datasets with one or more text columns. When given a dataset and a column name containing text data, NLP Profiler will return either high-level insights or low-level/granular statistical information about the text in that column.
NervanaSystems/nlp-architect A model library for exploring state-of-the-art deep learning topologies and techniques for optimizing Natural Language Processing neural networks
neubig/lowresource-nlp-bootcamp-2020 The website for the CMU Language Technologies Institute low resource NLP bootcamp 2020
NirantK/awesome-project-ideas Curated list of Machine Learning, NLP, Vision, Recommender Systems Project Ideas
nlptown/nlp-notebooks A collection of notebooks for Natural Language Processing from NLP Town
nlpyang/PreSumm code for EMNLP 2019 paper Text Summarization with Pretrained Encoders
openvenues/libpostal A C library for parsing/normalizing street addresses around the world. Powered by statistical NLP and open geo data.
oxford-cs-deepnlp-2017/lectures Oxford Deep NLP 2017 course
QData/TextAttack TextAttack is a Python framework for adversarial attacks, data augmentation, and model training in NLP
rguthrie3/DeepLearningForNLPInPytorch An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
RubensZimbres/Repo-2017 Python codes in Machine Learning, NLP, Deep Learning and Reinforcement Learning with Keras and Theano
salesforce/decaNLP The Natural Language Decathlon: A Multitask Challenge for NLP
sebastianruder/NLP-progress Repository to track the progress in Natural Language Processing (NLP), including the datasets and the current state-of-the-art for the most common NLP tasks.
stanfordnlp/cs224n-winter17-notes Course notes for CS224N Winter17
stanfordnlp/stanfordnlp Official Stanford NLP Python Library for Many Human Languages
susanli2016/NLP-with-Python Scikit-Learn, NLTK, Spacy, Gensim, Textblob and more
TarrySingh/Artificial-Intelligence-Deep-Learning-Machine-Learning-Tutorials A comprehensive list of Deep Learning / Artificial Intelligence and Machine Learning tutorials - rapidly expanding into areas of AI/Deep Learning / Machine Vision / NLP and industry specific areas such as Automotives, Retail, Pharma, Medicine, Healthcare by Tarry Singh until at-least 2020 until he finishes his Ph.D. (which might end up being inter-stellar cosmic networks! Who knows! )
THUNLP-MT/MT-Reading-List A machine translation reading list maintained by Tsinghua Natural Language Processing Group
thunlp/GNNPapers Must-read papers on graph neural networks (GNN)
totalgood/nlpia Examples and libraries for “Natural Language Processing in Action” book
yandexdataschool/nlp_course YSDA course in Natural Language Processing
Yorko/dl_in_nlp_deeppavlov_cs224n_spring2020 “Deep Learning in Natural Language Processing” - a course by DeepPavlov built on top of Stanford’s cs224n
zhedongzheng/tensorflow-nlp Code, for Natural Language Processing, and Text Generation, in TensorFlow 2.x / 1.x
comments powered by Disqus