All Projects → Rnn_recsys → Similar Projects or Alternatives

464 Open source projects that are alternatives of or similar to Rnn_recsys

Bitcoin Price Prediction Using Lstm
Bitcoin price Prediction ( Time Series ) using LSTM Recurrent neural network
Stars: ✭ 67 (-50.37%)
Mutual labels:  rnn
Tagrec
Towards A Standardized Tag Recommender Benchmarking Framework
Stars: ✭ 113 (-16.3%)
Mutual labels:  recommender-system
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-28.89%)
Mutual labels:  rnn
Collaborative Deep Learning For Recommender Systems
The hybrid model combining stacked denoising autoencoder with matrix factorization is applied, to predict the customer purchase behavior in the future month according to the purchase history and user information in the Santander dataset.
Stars: ✭ 60 (-55.56%)
Mutual labels:  recommender-system
Rnn From Scratch
Use tensorflow's tf.scan to build vanilla, GRU and LSTM RNNs
Stars: ✭ 123 (-8.89%)
Mutual labels:  rnn
Likelike
An implementation of locality sensitive hashing with Hadoop
Stars: ✭ 58 (-57.04%)
Mutual labels:  recommender-system
Arnet
CVPR 2018 - Regularizing RNNs for Caption Generation by Reconstructing The Past with The Present
Stars: ✭ 94 (-30.37%)
Mutual labels:  rnn
Rexy
Flexible and extendable recommender system based on an abstract User-Product-Tag schema
Stars: ✭ 57 (-57.78%)
Mutual labels:  recommender-system
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (-17.04%)
Mutual labels:  rnn
Ml Surveys
📋 Survey papers summarizing advances in deep learning, NLP, CV, graphs, reinforcement learning, recommendations, graphs, etc.
Stars: ✭ 1,063 (+687.41%)
Mutual labels:  recommender-system
Easyesn
Python library for Reservoir Computing using Echo State Networks
Stars: ✭ 93 (-31.11%)
Mutual labels:  rnn
Time Attention
Implementation of RNN for Time Series prediction from the paper https://arxiv.org/abs/1704.02971
Stars: ✭ 52 (-61.48%)
Mutual labels:  rnn
Midi Rnn
Generate monophonic melodies with machine learning using a basic LSTM RNN
Stars: ✭ 124 (-8.15%)
Mutual labels:  rnn
Mxnet Seq2seq
Sequence to sequence learning with MXNET
Stars: ✭ 51 (-62.22%)
Mutual labels:  rnn
Rnn Handwriting Generation
Handwriting generation by RNN with TensorFlow, based on "Generating Sequences With Recurrent Neural Networks" by Alex Graves
Stars: ✭ 90 (-33.33%)
Mutual labels:  rnn
Deepseqslam
The Official Deep Learning Framework for Route-based Place Recognition
Stars: ✭ 49 (-63.7%)
Mutual labels:  rnn
Mnist Classification
Pytorch、Scikit-learn实现多种分类方法,包括逻辑回归(Logistic Regression)、多层感知机(MLP)、支持向量机(SVM)、K近邻(KNN)、CNN、RNN,极简代码适合新手小白入门,附英文实验报告(ACM模板)
Stars: ✭ 109 (-19.26%)
Mutual labels:  rnn
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-64.44%)
Mutual labels:  rnn
Speech Emotion Recognition
Detecting emotions using MFCC features of human speech using Deep Learning
Stars: ✭ 89 (-34.07%)
Mutual labels:  rnn
Rnn Nmt
基于双向RNN,Attention机制的编解码神经机器翻译模型
Stars: ✭ 46 (-65.93%)
Mutual labels:  rnn
Sigir2020 peterrec
Parameter-Efficient Transfer from Sequential Behaviors for User Modeling and Recommendation
Stars: ✭ 121 (-10.37%)
Mutual labels:  recommender-system
Lstm chem
Implementation of the paper - Generative Recurrent Networks for De Novo Drug Design.
Stars: ✭ 87 (-35.56%)
Mutual labels:  rnn
Boilerplate Dynet Rnn Lm
Boilerplate code for quickly getting set up to run language modeling experiments
Stars: ✭ 37 (-72.59%)
Mutual labels:  rnn
Ml Ai Experiments
All my experiments with AI and ML
Stars: ✭ 107 (-20.74%)
Mutual labels:  rnn
Elastic Graph Recommender
Building recommenders with Elastic Graph!
Stars: ✭ 33 (-75.56%)
Mutual labels:  recommender-system
Neural collaborative filtering
Neural Collaborative Filtering
Stars: ✭ 1,243 (+820.74%)
Mutual labels:  recommender-system
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-77.04%)
Mutual labels:  rnn
Movielens Recommender
A pure Python implement of Collaborative Filtering based on MovieLens' dataset.
Stars: ✭ 131 (-2.96%)
Mutual labels:  recommender-system
Lstm peptides
Long short-term memory recurrent neural networks for learning peptide and protein sequences to later design new, similar examples.
Stars: ✭ 30 (-77.78%)
Mutual labels:  rnn
Attend infer repeat
A Tensorfflow implementation of Attend, Infer, Repeat
Stars: ✭ 82 (-39.26%)
Mutual labels:  rnn
Orange3 Recommendation
🍊 👎 Add-on for Orange3 to support recommender systems.
Stars: ✭ 21 (-84.44%)
Mutual labels:  recommender-system
Indrnn Pytorch
pytorch implementation of Independently Recurrent Neural Networks https://arxiv.org/abs/1803.04831
Stars: ✭ 104 (-22.96%)
Mutual labels:  rnn
Recq
RecQ: A Python Framework for Recommender Systems (TensorFlow Based)
Stars: ✭ 883 (+554.07%)
Mutual labels:  recommender-system
Copper price forecast
copper price(time series) prediction using bpnn and lstm
Stars: ✭ 81 (-40%)
Mutual labels:  rnn
Deep Music Genre Classification
🎵 Using Deep Learning to Categorize Music as Time Progresses Through Spectrogram Analysis
Stars: ✭ 23 (-82.96%)
Mutual labels:  rnn
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 (-11.85%)
Mutual labels:  rnn
Fastfm
fastFM: A Library for Factorization Machines
Stars: ✭ 908 (+572.59%)
Mutual labels:  recommender-system
Code
ECG Classification
Stars: ✭ 78 (-42.22%)
Mutual labels:  rnn
Jd Prediction
京东JData算法大赛-高潜用户购买意向预测
Stars: ✭ 18 (-86.67%)
Mutual labels:  rnn
Codesearchnet
Datasets, tools, and benchmarks for representation learning of code.
Stars: ✭ 1,378 (+920.74%)
Mutual labels:  rnn
Rnn Rbm In Theano
An implementation of RNN-RBM & GBRBM.
Stars: ✭ 6 (-95.56%)
Mutual labels:  rnn
Cs224n
CS224n: Natural Language Processing with Deep Learning Assignments Winter, 2017
Stars: ✭ 656 (+385.93%)
Mutual labels:  rnn
Recsys2019 deeplearning evaluation
This is the repository of our article published in RecSys 2019 "Are We Really Making Much Progress? A Worrying Analysis of Recent Neural Recommendation Approaches" and of several follow-up studies.
Stars: ✭ 780 (+477.78%)
Mutual labels:  recommender-system
Comirec
Source code and dataset for KDD 2020 paper "Controllable Multi-Interest Framework for Recommendation"
Stars: ✭ 123 (-8.89%)
Mutual labels:  recommender-system
Recommenders
TensorFlow Recommenders is a library for building recommender system models using TensorFlow.
Stars: ✭ 752 (+457.04%)
Mutual labels:  recommender-system
Gru Svm
[ICMLC 2018] A Neural Network Architecture Combining Gated Recurrent Unit (GRU) and Support Vector Machine (SVM) for Intrusion Detection
Stars: ✭ 76 (-43.7%)
Mutual labels:  rnn
Rnn Time Series Anomaly Detection
RNN based Time-series Anomaly detector model implemented in Pytorch.
Stars: ✭ 718 (+431.85%)
Mutual labels:  rnn
Carskit
Java-Based Context-aware Recommendation Library
Stars: ✭ 98 (-27.41%)
Mutual labels:  recommender-system
Yedda
YEDDA: A Lightweight Collaborative Text Span Annotation Tool. Code for ACL 2018 Best Demo Paper Nomination.
Stars: ✭ 704 (+421.48%)
Mutual labels:  recommender-system
Recosystem
Recommender System Using Parallel Matrix Factorization
Stars: ✭ 74 (-45.19%)
Mutual labels:  recommender-system
Seq2seq Pytorch
Sequence to Sequence Models with PyTorch
Stars: ✭ 678 (+402.22%)
Mutual labels:  rnn
Fmg
KDD17_FMG
Stars: ✭ 116 (-14.07%)
Mutual labels:  recommender-system
Flurs
🌊 FluRS: A Python library for streaming recommendation algorithms
Stars: ✭ 97 (-28.15%)
Mutual labels:  recommender-system
Rankfm
Factorization Machines for Recommendation and Ranking Problems with Implicit Feedback Data
Stars: ✭ 71 (-47.41%)
Mutual labels:  recommender-system
Ehcf
This is our implementation of EHCF: Efficient Heterogeneous Collaborative Filtering (AAAI 2020)
Stars: ✭ 70 (-48.15%)
Mutual labels:  recommender-system
Patter
speech-to-text in pytorch
Stars: ✭ 71 (-47.41%)
Mutual labels:  rnn
Lstm Crypto Price Prediction
Predicting price trends in cryptomarkets using an lstm-RNN for the use of a trading bot
Stars: ✭ 136 (+0.74%)
Mutual labels:  rnn
Chinese Chatbot
中文聊天机器人,基于10万组对白训练而成,采用注意力机制,对一般问题都会生成一个有意义的答复。已上传模型,可直接运行,跑不起来直播吃键盘。
Stars: ✭ 124 (-8.15%)
Mutual labels:  rnn
Kaggle Web Traffic
1st place solution
Stars: ✭ 1,641 (+1115.56%)
Mutual labels:  rnn
61-120 of 464 similar projects