All Projects → mandeep147 → Amazon Product Recommender System

mandeep147 / Amazon Product Recommender System

Sentiment analysis on Amazon Review Dataset available at http://snap.stanford.edu/data/web-Amazon.html

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Amazon Product Recommender System

Sentimentanalysis
文本情感分析
Stars: ✭ 421 (+166.46%)
Mutual labels:  jupyter-notebook, lstm, sentiment-analysis
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+1931.01%)
Mutual labels:  jupyter-notebook, lstm, sentiment-analysis
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-78.48%)
Mutual labels:  jupyter-notebook, lstm, sentiment-analysis
Thesemicolon
This repository contains Ipython notebooks and datasets for the data analytics youtube tutorials on The Semicolon.
Stars: ✭ 345 (+118.35%)
Mutual labels:  jupyter-notebook, lstm, sentiment-analysis
Getting Things Done With Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BERT.
Stars: ✭ 738 (+367.09%)
Mutual labels:  jupyter-notebook, lstm, sentiment-analysis
Lstm Sentiment Analysis
Sentiment Analysis with LSTMs in Tensorflow
Stars: ✭ 886 (+460.76%)
Mutual labels:  jupyter-notebook, lstm, sentiment-analysis
Sentiment Analysis Nltk Ml Lstm
Sentiment Analysis on the First Republic Party debate in 2016 based on Python,NLTK and ML.
Stars: ✭ 61 (-61.39%)
Mutual labels:  jupyter-notebook, lstm, sentiment-analysis
Multilstm
keras attentional bi-LSTM-CRF for Joint NLU (slot-filling and intent detection) with ATIS
Stars: ✭ 122 (-22.78%)
Mutual labels:  jupyter-notebook, lstm
Ajax Movie Recommendation System With Sentiment Analysis
Content-Based Recommender System recommends movies similar to the movie user likes and analyses the sentiments on the reviews given by the user for that movie.
Stars: ✭ 127 (-19.62%)
Mutual labels:  jupyter-notebook, sentiment-analysis
Abstractive Summarization
Implementation of abstractive summarization using LSTM in the encoder-decoder architecture with local attention.
Stars: ✭ 128 (-18.99%)
Mutual labels:  jupyter-notebook, lstm
Deeplearningfornlpinpytorch
An IPython Notebook tutorial on deep learning for natural language processing, including structure prediction.
Stars: ✭ 1,744 (+1003.8%)
Mutual labels:  jupyter-notebook, lstm
Context
ConText v4: Neural networks for text categorization
Stars: ✭ 120 (-24.05%)
Mutual labels:  lstm, sentiment-analysis
Linear Attention Recurrent Neural Network
A recurrent attention module consisting of an LSTM cell which can query its own past cell states by the means of windowed multi-head attention. The formulas are derived from the BN-LSTM and the Transformer Network. The LARNN cell with attention can be easily used inside a loop on the cell state, just like any other RNN. (LARNN)
Stars: ✭ 119 (-24.68%)
Mutual labels:  jupyter-notebook, lstm
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-21.52%)
Mutual labels:  jupyter-notebook, lstm
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Stars: ✭ 118 (-25.32%)
Mutual labels:  jupyter-notebook, lstm
Handwriting Synthesis
Implementation of "Generating Sequences With Recurrent Neural Networks" https://arxiv.org/abs/1308.0850
Stars: ✭ 135 (-14.56%)
Mutual labels:  jupyter-notebook, lstm
Ml Fraud Detection
Credit card fraud detection through logistic regression, k-means, and deep learning.
Stars: ✭ 117 (-25.95%)
Mutual labels:  jupyter-notebook, logistic-regression
Deep Learning With Python
Example projects I completed to understand Deep Learning techniques with Tensorflow. Please note that I do no longer maintain this repository.
Stars: ✭ 134 (-15.19%)
Mutual labels:  jupyter-notebook, lstm
Ethnicolr
Predict Race and Ethnicity Based on the Sequence of Characters in a Name
Stars: ✭ 137 (-13.29%)
Mutual labels:  jupyter-notebook, lstm
Python Machine Learning Book
The "Python Machine Learning (1st edition)" book code repository and info resource
Stars: ✭ 11,428 (+7132.91%)
Mutual labels:  jupyter-notebook, logistic-regression

Amazon-Product-Recommender-System

Performed sentiment analysis on Amazon Review Dataset available at http://snap.stanford.edu/data/web-Amazon.html

Online shopping is all over the internet. All our needs are just a click away. The biggest online shopping website is Amazon. Amazon is known not only for its variety of products but also for its strong recommendation system.

In our project we are taking into consideration the amazon review dataset for Clothes, shoes and jewelleries and Beauty products. We are considering the reviews and ratings given by the user to different products as well as his/her reviews about his/her experience with the product(s).

Based on these input factors, sentiment analysis is performed on predicting the helpfulness of the reviews. Moreover, we also designed item-based collaborative filtering model based on k-Nearest Neighbors to find the 2 most similar items.

Convert json to CSV using following commands

dataframe = pd.read_json('reviews.json')
dataframe.to_csv('reviews.csv', sep=',', index=False)

Algorithms performed

Sentiment analysis:

  1. Logistic Regression
  2. Naive Bayes - Multinomial and Bernoulli
  3. LSTM

Recommender system:

k-Nearest Neighbors is used to perform item-based collaborative filtering

Contibutions

  1. Sowmya Dharanipragada - Feature Engineering, Support Vector Machines (SVM), Logistic Regression, Rating and upvote prediction
  2. Anushree Sinha - Feature Engineering, K means clustering, Sentiment Intensity Analyzer, LSTM
  3. Mandeep Kaur - Feature Engineering, Naive Bayes - Multinomial, Naive Bayes - Bernoulli, Logistic Regression, and Recommendation system

References:

  1. J. McAuley and J. Leskovec. Hidden factors and hidden topics: understanding rating dimensions with review text. RecSys, 2013.
  2. http://jmcauley.ucsd.edu/data/amazon/
  3. https://www.kaggle.com/snap/amazon-fine-food-reviews
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].