All Projects → Neural_graph_collaborative_filtering → Similar Projects or Alternatives

241 Open source projects that are alternatives of or similar to Neural_graph_collaborative_filtering

Cornac
A Comparative Framework for Multimodal Recommender Systems
Stars: ✭ 308 (-40.43%)
Movie Recommender System
Basic Movie Recommendation Web Application using user-item collaborative filtering.
Stars: ✭ 85 (-83.56%)
Rankfm
Factorization Machines for Recommendation and Ranking Problems with Implicit Feedback Data
Stars: ✭ 71 (-86.27%)
Recommendation Systems Paperlist
Papers about recommendation systems that I am interested in
Stars: ✭ 308 (-40.43%)
tf-recsys
tf-recsys contains collaborative filtering (CF) model based on famous SVD and SVD++ algorithm. Both of them are implemented by tensorflow in order to utilize GPU acceleration.
Stars: ✭ 91 (-82.4%)
Rectorch
rectorch is a pytorch-based framework for state-of-the-art top-N recommendation
Stars: ✭ 121 (-76.6%)
Elliot
Comprehensive and Rigorous Framework for Reproducible Recommender Systems Evaluation
Stars: ✭ 49 (-90.52%)
Consimilo
A Clojure library for querying large data-sets on similarity
Stars: ✭ 54 (-89.56%)
Daisyrec
A developing recommender system in pytorch. Algorithm: KNN, LFM, SLIM, NeuMF, FM, DeepFM, VAE and so on, which aims to fair comparison for recommender system benchmarks
Stars: ✭ 280 (-45.84%)
svae cf
[ WSDM '19 ] Sequential Variational Autoencoders for Collaborative Filtering
Stars: ✭ 38 (-92.65%)
Rsparse
Fast and accurate machine learning on sparse matrices - matrix factorizations, regression, classification, top-N recommendations.
Stars: ✭ 145 (-71.95%)
Rspapers
A Curated List of Must-read Papers on Recommender System.
Stars: ✭ 4,140 (+700.77%)
Polara
Recommender system and evaluation framework for top-n recommendations tasks that respects polarity of feedbacks. Fast, flexible and easy to use. Written in python, boosted by scientific python stack.
Stars: ✭ 205 (-60.35%)
recommender
NReco Recommender is a .NET port of Apache Mahout CF java engine (standalone, non-Hadoop version)
Stars: ✭ 35 (-93.23%)
slopeone
PHP implementation of the Weighted Slope One rating-based collaborative filtering scheme.
Stars: ✭ 85 (-83.56%)
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 (+50.87%)
Recsys19 hybridsvd
Accompanying code for reproducing experiments from the HybridSVD paper. Preprint is available at https://arxiv.org/abs/1802.06398.
Stars: ✭ 23 (-95.55%)
Gorse
An open source recommender system service written in Go
Stars: ✭ 1,148 (+122.05%)
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 (-88.39%)
Summary Of Recommender System Papers
阅读过的推荐系统论文的归类总结,持续更新中…
Stars: ✭ 288 (-44.29%)
Implicit
Fast Python Collaborative Filtering for Implicit Feedback Datasets
Stars: ✭ 2,569 (+396.91%)
disentangled graph collaborative filtering
Disentagnled Graph Collaborative Filtering, SIGIR2020
Stars: ✭ 118 (-77.18%)
Deep Learning For Recommendation Systems
This repository contains Deep Learning based articles , paper and repositories for Recommender Systems
Stars: ✭ 2,493 (+382.21%)
RecSys PyTorch
PyTorch implementations of Top-N recommendation, collaborative filtering recommenders.
Stars: ✭ 125 (-75.82%)
TIFUKNN
kNN-based next-basket recommendation
Stars: ✭ 38 (-92.65%)
Spotify-Song-Recommendation-ML
UC Berkeley team's submission for RecSys Challenge 2018
Stars: ✭ 70 (-86.46%)
BPR MPR
BPR, Bayesian Personalized Ranking (BPR), extremely convenient BPR & Multiple Pairwise Ranking
Stars: ✭ 77 (-85.11%)
Collaborativememorynetwork
Collaborative Memory Network for Recommendation Systems, SIGIR 2018
Stars: ✭ 170 (-67.12%)
Movielens Recommender
A pure Python implement of Collaborative Filtering based on MovieLens' dataset.
Stars: ✭ 131 (-74.66%)
Recommendation.jl
Building recommender systems in Julia
Stars: ✭ 42 (-91.88%)
Recommender-Systems-with-Collaborative-Filtering-and-Deep-Learning-Techniques
Implemented User Based and Item based Recommendation System along with state of the art Deep Learning Techniques
Stars: ✭ 41 (-92.07%)
Recommender System
A developing recommender system in tensorflow2. Algorithm: UserCF, ItemCF, LFM, SLIM, GMF, MLP, NeuMF, FM, DeepFM, MKR, RippleNet, KGCN and so on.
Stars: ✭ 227 (-56.09%)
recommender system with Python
recommender system tutorial with Python
Stars: ✭ 106 (-79.5%)
Neural collaborative filtering
Neural Collaborative Filtering
Stars: ✭ 1,243 (+140.43%)
Newsrecommendsystem
个性化新闻推荐系统,A news recommendation system involving collaborative filtering,content-based recommendation and hot news recommendation, can be adapted easily to be put into use in other circumstances.
Stars: ✭ 557 (+7.74%)
SLRC
WWW'2019: Modeling Item-Specific Temporal Dynamics of Repeat Consumption for Recommender Systems
Stars: ✭ 32 (-93.81%)
Recoder
Large scale training of factorization models for Collaborative Filtering with PyTorch
Stars: ✭ 46 (-91.1%)
BARS
Towards open benchmarking for recommender systems https://openbenchmark.github.io/BARS
Stars: ✭ 157 (-69.63%)
recsys spark
Spark SQL 实现 ItemCF,UserCF,Swing,推荐系统,推荐算法,协同过滤
Stars: ✭ 76 (-85.3%)
Enmf
This is our implementation of ENMF: Efficient Neural Matrix Factorization (TOIS. 38, 2020). This also provides a fair evaluation of existing state-of-the-art recommendation models.
Stars: ✭ 96 (-81.43%)
Social-Recommendation
Summary of social recommendation papers and codes
Stars: ✭ 143 (-72.34%)
Awesome-Machine-Learning-Papers
📖Notes and remarks on Machine Learning related papers
Stars: ✭ 35 (-93.23%)
Recommender-System
In this code we implement and compared Collaborative Filtering algorithm, prediction algorithms such as neighborhood methods, matrix factorization-based ( SVD, PMF, SVD++, NMF), and many others.
Stars: ✭ 30 (-94.2%)
Winerama Recommender Tutorial
A wine recommender system tutorial using Python technologies such as Django, Pandas, or Scikit-learn, and others such as Bootstrap.
Stars: ✭ 324 (-37.33%)
Mutual labels:  recommender-system
Recommender-System-Pytorch
基于 Pytorch 实现推荐系统相关的算法
Stars: ✭ 40 (-92.26%)
Mutual labels:  recommender-system
Openlearning4deeprecsys
Some deep learning based recsys for open learning.
Stars: ✭ 383 (-25.92%)
Mutual labels:  recommender-system
SAE-NAD
The implementation of "Point-of-Interest Recommendation: Exploiting Self-Attentive Autoencoders with Neighbor-Aware Influence"
Stars: ✭ 48 (-90.72%)
Mutual labels:  recommender-system
SIGIR2021 Conure
One Person, One Model, One World: Learning Continual User Representation without Forgetting
Stars: ✭ 23 (-95.55%)
Mutual labels:  recommender-system
Recsys
项亮的《推荐系统实践》的代码实现
Stars: ✭ 306 (-40.81%)
Mutual labels:  recommender-system
multi channel bpr
Implementation of Bayesian Personalized Ranking (BPR) for Multiple Feedback Channels
Stars: ✭ 25 (-95.16%)
Mutual labels:  recommender-system
Pytorch Fm
Factorization Machine models in PyTorch
Stars: ✭ 455 (-11.99%)
Mutual labels:  collaborative-filtering
Sasrec
SASRec: Self-Attentive Sequential Recommendation
Stars: ✭ 373 (-27.85%)
Mutual labels:  recommender-system
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (-87.23%)
Mutual labels:  recommender-system
pprec
a recommender engine node-js package for general use and easy to integrate.
Stars: ✭ 29 (-94.39%)
Mutual labels:  recommender-system
AMR
This is our official implementation for the paper: Jinhui Tang, Xiaoyu Du, Xiangnan He, Fajie Yuan, Qi Tian, and Tat-Seng Chua, Adversarial Training Towards Robust Multimedia Recommender System.
Stars: ✭ 30 (-94.2%)
Mutual labels:  recommender-system
Ad Papers
Papers on Computational Advertising
Stars: ✭ 3,515 (+579.88%)
Mutual labels:  recommender-system
retailhero-recomender-baseline
Бэйслайн к задаче RetailHero.ai/#2 от @geffy 💪
Stars: ✭ 93 (-82.01%)
Mutual labels:  recommender-system
Jass
SoulSeek client with web interface and recommender system
Stars: ✭ 23 (-95.55%)
Mutual labels:  recommender-system
Attentional factorization machine
TensorFlow Implementation of Attentional Factorization Machine
Stars: ✭ 362 (-29.98%)
Mutual labels:  recommender-system
Recdb Postgresql
RecDB is a recommendation engine built entirely inside PostgreSQL
Stars: ✭ 297 (-42.55%)
Mutual labels:  recommender-system
1-60 of 241 similar projects