All Projects → Songweiping → Gru4rec_tensorflow

Songweiping / Gru4rec_tensorflow

TensorFlow implemenation of GRu4Rec model

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Gru4rec tensorflow

Collaborative Rnn
A TensorFlow implementation of the collaborative RNN (Ko et al, 2016).
Stars: ✭ 60 (-68.75%)
Mutual labels:  rnn, recommender-system
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+5.21%)
Mutual labels:  rnn, recommender-system
Dream
rnn based model for recommendations
Stars: ✭ 77 (-59.9%)
Mutual labels:  rnn, recommender-system
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (-65.62%)
Mutual labels:  rnn, recommender-system
Rnn recsys
Our implementation of the paper "Embedding-based News Recommendation for Millions of Users"
Stars: ✭ 135 (-29.69%)
Mutual labels:  rnn, recommender-system
Rnnvis
A visualization tool for understanding and debugging RNNs
Stars: ✭ 162 (-15.62%)
Mutual labels:  rnn
Sentence Classification
Sentence Classifications with Neural Networks
Stars: ✭ 177 (-7.81%)
Mutual labels:  rnn
Nlp4rec Papers
Paper list of NLP for recommender systems
Stars: ✭ 162 (-15.62%)
Mutual labels:  recommender-system
Poetry Seq2seq
Chinese Poetry Generation
Stars: ✭ 159 (-17.19%)
Mutual labels:  rnn
Stylenet
A cute multi-layer LSTM that can perform like a human 🎶
Stars: ✭ 187 (-2.6%)
Mutual labels:  rnn
Keraspp
코딩셰프의 3분 딥러닝, 케라스맛
Stars: ✭ 178 (-7.29%)
Mutual labels:  rnn
Cikm 2019 Analyticup
1st Solution for 2019-CIKM-Analyticup, Efficient and Novel Item Retrieval for Large-scale Online Shopping Recommendation
Stars: ✭ 173 (-9.9%)
Mutual labels:  recommender-system
Lstm Music Genre Classification
Music genre classification with LSTM Recurrent Neural Nets in Keras & PyTorch
Stars: ✭ 166 (-13.54%)
Mutual labels:  rnn
Tensorflow2 Docs Zh
TF2.0 / TensorFlow 2.0 / TensorFlow2.0 官方文档中文版
Stars: ✭ 177 (-7.81%)
Mutual labels:  rnn
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (-16.67%)
Mutual labels:  rnn
Recsys course at polimi
This is the official repository for the Recommender Systems course at Politecnico di Milano.
Stars: ✭ 180 (-6.25%)
Mutual labels:  recommender-system
Cofactor
CoFactor: Regularizing Matrix Factorization with Item Co-occurrence
Stars: ✭ 160 (-16.67%)
Mutual labels:  recommender-system
Collaborativememorynetwork
Collaborative Memory Network for Recommendation Systems, SIGIR 2018
Stars: ✭ 170 (-11.46%)
Mutual labels:  recommender-system
Tensorflow Tutorials
텐서플로우를 기초부터 응용까지 단계별로 연습할 수 있는 소스 코드를 제공합니다
Stars: ✭ 2,096 (+991.67%)
Mutual labels:  rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-14.06%)
Mutual labels:  rnn

GRU4Rec_TensorFlow

This is the TensorFlow implementation of GRu4Rec, which is descibed in ICLR'2016 paper "Session-based Recommendations With Recurrent Neural Networks". See paper: http://arxiv.org/abs/1511.06939.

  • Codes under gru4rec_BPTT use BPTT to train RNNs. This usually performs better than original gru4rec.
  • Codes under gru4rec_BP use back propagation only to train RNNs, which is the optimization method adopted in original paper.

External Link

We develop a general sequence-aware recommendation library at here.

Requirements

Python: 2.7

Pandas < 0.17

Numpy 1.12.1 or later

TensorFlow: 0.12.1

Usage

Train/Test file should consists of three columns:

 First column: SessionId  
 Second column: ItemId  
 Third column: Timestamps

To train a model with default parameter settings:

$ python main.py    

Other optional parameters include:   
 --layer: Number of GRU layers. Default is 1.  
 --size: Number of hidden units in GRU model. Default is 100.   
 --epoch: Runing epochs. Default is 3.   
 --lr : Initial learning rate. Default is 0.001.   
 --train: Specify whether training(1) or evaluating(0). Default is 1.   
 --hidden_act: Activation function used in GRU units. Default is tanh.   
 --final_act: Final activation function. Default is softmax.    
 --loss: Loss functions, cross-entropy, bpr or top1 loss. Default is cross-entropy.      
 --dropout: Dropout rate. Default is 0.5.

To evaluate a trained model:

$ python main.py --train 0

One optional parameter is:    
 --test: Specify which saved model to evaluate(only used when --train is 0). Default is 2.

Acknowledgement

This repository refers a lot to the original Theano implementation.

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