All Projects → tf-recsys → Similar Projects or Alternatives

261 Open source projects that are alternatives of or similar to tf-recsys

Rsparse
Fast and accurate machine learning on sparse matrices - matrix factorizations, regression, classification, top-N recommendations.
Stars: ✭ 145 (+59.34%)
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 (-54.95%)
Tf-Rec
Tf-Rec is a python💻 package for building⚒ Recommender Systems. It is built on top of Keras and Tensorflow 2 to utilize GPU Acceleration during training.
Stars: ✭ 18 (-80.22%)
Mutual labels:  recommender-system, svd, svdplusplus
Rankfm
Factorization Machines for Recommendation and Ranking Problems with Implicit Feedback Data
Stars: ✭ 71 (-21.98%)
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 (+757.14%)
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 (+207.69%)
Social-Recommendation
Summary of social recommendation papers and codes
Stars: ✭ 143 (+57.14%)
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 (-34.07%)
Collaborativememorynetwork
Collaborative Memory Network for Recommendation Systems, SIGIR 2018
Stars: ✭ 170 (+86.81%)
Recoder
Large scale training of factorization models for Collaborative Filtering with PyTorch
Stars: ✭ 46 (-49.45%)
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 (-67.03%)
Recsys19 hybridsvd
Accompanying code for reproducing experiments from the HybridSVD paper. Preprint is available at https://arxiv.org/abs/1802.06398.
Stars: ✭ 23 (-74.73%)
Movie Recommender System
Basic Movie Recommendation Web Application using user-item collaborative filtering.
Stars: ✭ 85 (-6.59%)
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 (+149.45%)
Recommendation.jl
Building recommender systems in Julia
Stars: ✭ 42 (-53.85%)
Deep Learning For Recommendation Systems
This repository contains Deep Learning based articles , paper and repositories for Recommender Systems
Stars: ✭ 2,493 (+2639.56%)
disentangled graph collaborative filtering
Disentagnled Graph Collaborative Filtering, SIGIR2020
Stars: ✭ 118 (+29.67%)
Implicit
Fast Python Collaborative Filtering for Implicit Feedback Datasets
Stars: ✭ 2,569 (+2723.08%)
Neural graph collaborative filtering
Neural Graph Collaborative Filtering, SIGIR2019
Stars: ✭ 517 (+468.13%)
Awesome-Machine-Learning-Papers
📖Notes and remarks on Machine Learning related papers
Stars: ✭ 35 (-61.54%)
BPR MPR
BPR, Bayesian Personalized Ranking (BPR), extremely convenient BPR & Multiple Pairwise Ranking
Stars: ✭ 77 (-15.38%)
BARS
Towards open benchmarking for recommender systems https://openbenchmark.github.io/BARS
Stars: ✭ 157 (+72.53%)
Letterboxd recommendations
Scraping publicly-accessible Letterboxd data and creating a movie recommendation model with it that can generate recommendations when provided with a Letterboxd username
Stars: ✭ 23 (-74.73%)
Mutual labels:  collaborative-filtering, svd
recsys spark
Spark SQL 实现 ItemCF,UserCF,Swing,推荐系统,推荐算法,协同过滤
Stars: ✭ 76 (-16.48%)
Movielens Recommender
A pure Python implement of Collaborative Filtering based on MovieLens' dataset.
Stars: ✭ 131 (+43.96%)
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 (+512.09%)
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 (+5.49%)
Cornac
A Comparative Framework for Multimodal Recommender Systems
Stars: ✭ 308 (+238.46%)
Rectorch
rectorch is a pytorch-based framework for state-of-the-art top-N recommendation
Stars: ✭ 121 (+32.97%)
recommender system with Python
recommender system tutorial with Python
Stars: ✭ 106 (+16.48%)
Neural collaborative filtering
Neural Collaborative Filtering
Stars: ✭ 1,243 (+1265.93%)
Summary Of Recommender System Papers
阅读过的推荐系统论文的归类总结,持续更新中…
Stars: ✭ 288 (+216.48%)
Recommend
Python 3.6 下的推荐算法解析,尽量使用简单的语言剖析原理,相似度度量、协同过滤、矩阵分解等
Stars: ✭ 72 (-20.88%)
Mutual labels:  collaborative-filtering, svd
RecSys PyTorch
PyTorch implementations of Top-N recommendation, collaborative filtering recommenders.
Stars: ✭ 125 (+37.36%)
Gorse
An open source recommender system service written in Go
Stars: ✭ 1,148 (+1161.54%)
Rspapers
A Curated List of Must-read Papers on Recommender System.
Stars: ✭ 4,140 (+4449.45%)
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 (+125.27%)
Spotify-Song-Recommendation-ML
UC Berkeley team's submission for RecSys Challenge 2018
Stars: ✭ 70 (-23.08%)
Consimilo
A Clojure library for querying large data-sets on similarity
Stars: ✭ 54 (-40.66%)
slopeone
PHP implementation of the Weighted Slope One rating-based collaborative filtering scheme.
Stars: ✭ 85 (-6.59%)
Elliot
Comprehensive and Rigorous Framework for Reproducible Recommender Systems Evaluation
Stars: ✭ 49 (-46.15%)
TIFUKNN
kNN-based next-basket recommendation
Stars: ✭ 38 (-58.24%)
SLRC
WWW'2019: Modeling Item-Specific Temporal Dynamics of Repeat Consumption for Recommender Systems
Stars: ✭ 32 (-64.84%)
recommender
NReco Recommender is a .NET port of Apache Mahout CF java engine (standalone, non-Hadoop version)
Stars: ✭ 35 (-61.54%)
Recommendation Systems Paperlist
Papers about recommendation systems that I am interested in
Stars: ✭ 308 (+238.46%)
svae cf
[ WSDM '19 ] Sequential Variational Autoencoders for Collaborative Filtering
Stars: ✭ 38 (-58.24%)
Recommendationsystem
Book recommender system using collaborative filtering based on Spark
Stars: ✭ 244 (+168.13%)
Mutual labels:  collaborative-filtering
Deepicf
TensorFlow Implementation of Deep Item-based Collaborative Filtering Model for Top-N Recommendation
Stars: ✭ 86 (-5.49%)
Mutual labels:  collaborative-filtering
ALRA
Imputation method for scRNA-seq based on low-rank approximation
Stars: ✭ 48 (-47.25%)
Mutual labels:  svd
Recommender
A C library for product recommendations/suggestions using collaborative filtering (CF)
Stars: ✭ 238 (+161.54%)
Mutual labels:  collaborative-filtering
Fastai
R interface to fast.ai
Stars: ✭ 85 (-6.59%)
Mutual labels:  collaborative-filtering
Graphmat
GraphMat graph analytics framework
Stars: ✭ 81 (-10.99%)
Mutual labels:  collaborative-filtering
oboe
An AutoML pipeline selection system to quickly select a promising pipeline for a new dataset.
Stars: ✭ 76 (-16.48%)
Mutual labels:  collaborative-filtering
RecommendationEngine
Source code and dataset for paper "CBMR: An optimized MapReduce for item‐based collaborative filtering recommendation algorithm with empirical analysis"
Stars: ✭ 43 (-52.75%)
Mutual labels:  collaborative-filtering
Tutorials
AI-related tutorials. Access any of them for free → https://towardsai.net/editorial
Stars: ✭ 204 (+124.18%)
Mutual labels:  collaborative-filtering
Research On Collaborative Filtering Algorithms
Research on Collaborative Filtering Algorithms
Stars: ✭ 66 (-27.47%)
Mutual labels:  collaborative-filtering
Cmfrec
(Python, R, C) Collective (multi-view/multi-way) matrix factorization, including cold-start functionality (recommender systems, imputation, dimensionality reduction)
Stars: ✭ 63 (-30.77%)
Mutual labels:  collaborative-filtering
Content-based-Recommender-System
It is a content based recommender system that uses tf-idf and cosine similarity for N Most SImilar Items from a dataset
Stars: ✭ 64 (-29.67%)
Mutual labels:  recommender-system
NGCF-PyTorch
PyTorch Implementation for Neural Graph Collaborative Filtering
Stars: ✭ 200 (+119.78%)
Mutual labels:  recommender-system
Deepmatch
A deep matching model library for recommendations & advertising. It's easy to train models and to export representation vectors which can be used for ANN search.
Stars: ✭ 1,051 (+1054.95%)
Mutual labels:  collaborative-filtering
1-60 of 261 similar projects