All Projects → ibrahimsharaf → Doc2vec

ibrahimsharaf / Doc2vec

Licence: mit
📓 Long(er) text representation and classification using Doc2Vec embeddings

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Doc2vec

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 (+1130.43%)
Mutual labels:  scikit-learn, text-classification, sentiment-analysis, gensim
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (-42.39%)
Mutual labels:  text-classification, sentiment-analysis, nlp-machine-learning
Onnxt5
Summarization, translation, sentiment-analysis, text-generation and more at blazing speed using a T5 version implemented in ONNX.
Stars: ✭ 143 (+55.43%)
Mutual labels:  text-classification, sentiment-analysis, nlp-machine-learning
Shallowlearn
An experiment about re-implementing supervised learning models based on shallow neural network approaches (e.g. fastText) with some additional exclusive features and nice API. Written in Python and fully compatible with Scikit-learn.
Stars: ✭ 196 (+113.04%)
Mutual labels:  scikit-learn, text-classification, gensim
Dan Jurafsky Chris Manning Nlp
My solution to the Natural Language Processing course made by Dan Jurafsky, Chris Manning in Winter 2012.
Stars: ✭ 124 (+34.78%)
Mutual labels:  text-classification, sentiment-analysis, nlp-machine-learning
Text mining resources
Resources for learning about Text Mining and Natural Language Processing
Stars: ✭ 358 (+289.13%)
Mutual labels:  text-classification, sentiment-analysis, nlp-machine-learning
Twitter sentiment analysis word2vec convnet
Twitter Sentiment Analysis with Gensim Word2Vec and Keras Convolutional Network
Stars: ✭ 24 (-73.91%)
Mutual labels:  sentiment-analysis, gensim
Crime Analysis
Association Rule Mining from Spatial Data for Crime Analysis
Stars: ✭ 20 (-78.26%)
Mutual labels:  scikit-learn, gensim
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 (-63.04%)
Mutual labels:  text-classification, sentiment-analysis
Meta Learning Bert
Meta learning with BERT as a learner
Stars: ✭ 52 (-43.48%)
Mutual labels:  text-classification, sentiment-analysis
Sentiment analysis fine grain
Multi-label Classification with BERT; Fine Grained Sentiment Analysis from AI challenger
Stars: ✭ 546 (+493.48%)
Mutual labels:  text-classification, sentiment-analysis
Ml Classify Text Js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
Stars: ✭ 38 (-58.7%)
Mutual labels:  text-classification, sentiment-analysis
Textblob Ar
Arabic support for textblob
Stars: ✭ 60 (-34.78%)
Mutual labels:  text-classification, sentiment-analysis
Chatbot cn
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
Stars: ✭ 791 (+759.78%)
Mutual labels:  text-classification, sentiment-analysis
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 (+758.7%)
Mutual labels:  text-classification, gensim
Omnicat Bayes
Naive Bayes text classification implementation as an OmniCat classifier strategy. (#ruby #naivebayes)
Stars: ✭ 30 (-67.39%)
Mutual labels:  text-classification, sentiment-analysis
Tf Rnn Attention
Tensorflow implementation of attention mechanism for text classification tasks.
Stars: ✭ 735 (+698.91%)
Mutual labels:  text-classification, sentiment-analysis
Sentiment analysis albert
sentiment analysis、文本分类、ALBERT、TextCNN、classification、tensorflow、BERT、CNN、text classification
Stars: ✭ 61 (-33.7%)
Mutual labels:  text-classification, sentiment-analysis
Deep Atrous Cnn Sentiment
Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
Stars: ✭ 64 (-30.43%)
Mutual labels:  text-classification, sentiment-analysis
Hierarchical Attention Networks
TensorFlow implementation of the paper "Hierarchical Attention Networks for Document Classification"
Stars: ✭ 75 (-18.48%)
Mutual labels:  text-classification, sentiment-analysis

Doc2Vec Text Classification Build Status

Text classification model which uses gensim Doc2Vec for generating paragraph embeddings and scikit-learn Logistic Regression for classification.

Dataset

25,000 IMDB movie reviews, specially selected for sentiment analysis. The sentiment of reviews is binary (1 for postive, 0 for negative).

This source dataset was collected in association with the following publication:

Andrew L. Maas, Raymond E. Daly, Peter T. Pham, Dan Huang, Andrew Y. Ng, and Christopher Potts. (2011). "Learning Word Vectors for Sentiment Analysis." The 49th Annual Meeting of the Association for Computational Linguistics (ACL 2011).

Usage

  • Install the required tools

    pip install -r requirements.txt

  • Run the script

    python text_classifier.py

References

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].