All Projects → lyeoni → Nlp Tutorial

lyeoni / Nlp Tutorial

Licence: mit
A list of NLP(Natural Language Processing) tutorials

Projects that are alternatives of or similar to Nlp Tutorial

Pytorch Transformers Classification
Based on the Pytorch-Transformers library by HuggingFace. To be used as a starting point for employing Transformer models in text classification tasks. Contains code to easily train BERT, XLNet, RoBERTa, and XLM models for text classification.
Stars: ✭ 229 (-80.72%)
Mutual labels:  jupyter-notebook, natural-language-processing, text-classification
Tia
Your Advanced Twitter stalking tool
Stars: ✭ 98 (-91.75%)
Mutual labels:  jupyter-notebook, text-classification, sentiment-classification
Text Analytics With Python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Stars: ✭ 1,132 (-4.71%)
Mutual labels:  jupyter-notebook, natural-language-processing, text-classification
Pytorchnlpbook
Code and data accompanying Natural Language Processing with PyTorch published by O'Reilly Media https://nlproc.info
Stars: ✭ 1,390 (+17%)
Mutual labels:  jupyter-notebook, natural-language-processing, neural-machine-translation
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+170.12%)
Mutual labels:  jupyter-notebook, natural-language-processing, sentiment-classification
Pythoncode Tutorials
The Python Code Tutorials
Stars: ✭ 544 (-54.21%)
Mutual labels:  jupyter-notebook, natural-language-processing, text-classification
Nlp In Practice
Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
Stars: ✭ 790 (-33.5%)
Mutual labels:  jupyter-notebook, natural-language-processing, text-classification
Absa Pytorch
Aspect Based Sentiment Analysis, PyTorch Implementations. 基于方面的情感分析,使用PyTorch实现。
Stars: ✭ 1,181 (-0.59%)
Mutual labels:  natural-language-processing, sentiment-classification
Nlp Various Tutorials
자연어 처리와 관련한 여러 튜토리얼 저장소
Stars: ✭ 52 (-95.62%)
Mutual labels:  jupyter-notebook, natural-language-processing
Fasttext multilingual
Multilingual word vectors in 78 languages
Stars: ✭ 1,067 (-10.19%)
Mutual labels:  jupyter-notebook, natural-language-processing
Emotion Detector
A python code to detect emotions from text
Stars: ✭ 54 (-95.45%)
Mutual labels:  jupyter-notebook, natural-language-processing
Nagisa Tutorial Pycon2019
Code for PyCon JP 2019 talk "Python による日本語自然言語処理 〜系列ラベリングによる実世界テキスト分析〜"
Stars: ✭ 46 (-96.13%)
Mutual labels:  jupyter-notebook, natural-language-processing
Coursera Natural Language Processing Specialization
Programming assignments from all courses in the Coursera Natural Language Processing Specialization offered by deeplearning.ai.
Stars: ✭ 39 (-96.72%)
Mutual labels:  jupyter-notebook, natural-language-processing
Python Tutorial Notebooks
Python tutorials as Jupyter Notebooks for NLP, ML, AI
Stars: ✭ 52 (-95.62%)
Mutual labels:  jupyter-notebook, natural-language-processing
Ml Classify Text Js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
Stars: ✭ 38 (-96.8%)
Mutual labels:  natural-language-processing, text-classification
Very Deep Convolutional Networks For Natural Language Processing In Tensorflow
implement the paper" Very Deep Convolutional Networks for Natural Language Processing"(https://arxiv.org/abs/1606.01781 ) in tensorflow
Stars: ✭ 54 (-95.45%)
Mutual labels:  jupyter-notebook, text-classification
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-97.14%)
Mutual labels:  text-classification, sentiment-classification
Scdv
Text classification with Sparse Composite Document Vectors.
Stars: ✭ 54 (-95.45%)
Mutual labels:  natural-language-processing, text-classification
Vietnamese Electra
Electra pre-trained model using Vietnamese corpus
Stars: ✭ 55 (-95.37%)
Mutual labels:  jupyter-notebook, natural-language-processing
Textblob Ar
Arabic support for textblob
Stars: ✭ 60 (-94.95%)
Mutual labels:  natural-language-processing, text-classification

NLP Tutorial

LICENSE GitHub issues GitHub stars GitHub forks

A list of NLP(Natural Language Processing) tutorials built on PyTorch.

Table of Contents

A step-by-step tutorial on how to implement and adapt to the simple real-word NLP task.

Text Classification

News Category Classification

This repo provides a simple PyTorch implementation of Text Classification, with simple annotation. Here we use Huffpost news corpus including corresponding category. The classification model trained on this dataset identify the category of news article based on their headlines and descriptions.
Keyword: CBoW, LSTM, fastText, Text cateogrization

IMDb Movie Review Classification

This text classification tutorial trains a transformer model on the IMDb movie review dataset for sentiment analysis. It provides a simple PyTorch implementation, with simple annotation.
Keyword: Transformer, Sentiment analysis

Question-Answer Matching

This repo provides a simple PyTorch implementation of Question-Answer matching. Here we use the corpus from Stack Exchange to build embeddings for entire questions. Using those embeddings, we find similar questions for a given question, and show the corresponding answers to those I found.
Keyword: CBoW, TF-IDF, LSTM with variable-length seqeucnes

Movie Review Classification (Korean NLP)

This repo provides a simple Keras implementation of TextCNN for Text Classification. Here we use the movie review corpus written in Korean. The model trained on this dataset identify the sentiment based on review text.
Keyword: TextCNN, Sentiment analysis


Neural Machine Translation

English to French Translation - seq2seq

This neural machine translation tutorial trains a seq2seq model on a set of many thousands of English to French translation pairs to translate from English to French. It provides an intrinsic/extrinsic comparison of various sequence-to-sequence (seq2seq) models in translation.
Keyword: sequence to seqeunce network(seq2seq), Attention, Autoregressive, Teacher-forcing

French to English Translation - Transformer

This neural machine translation tutorial trains a Transformer model on a set of many thousands of French to English translation pairs to translate from French to English. It provides a simple PyTorch implementation, with simple annotation.
Keyword: Transformer, SentencePiece


Natural Language Understanding

Neural Language Model

This repo provides a simple PyTorch implementation of Neural Language Model for natural language understanding. Here we implement unidirectional/bidirectional language models, and pre-train language representations from unlabeled text (Wikipedia corpus).
Keyword: Autoregressive language model, Perplexity

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].