All Projects → Recommend → Similar Projects or Alternatives

107 Open source projects that are alternatives of or similar to Recommend

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 (-68.06%)
Mutual labels:  collaborative-filtering, svd
Rsparse
Fast and accurate machine learning on sparse matrices - matrix factorizations, regression, classification, top-N recommendations.
Stars: ✭ 145 (+101.39%)
Mutual labels:  collaborative-filtering, svd
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 (+26.39%)
Mutual labels:  collaborative-filtering, svd
Librec
LibRec: A Leading Java Library for Recommender Systems, see
Stars: ✭ 3,045 (+4129.17%)
Mutual labels:  collaborative-filtering
Nlp
Selected Machine Learning algorithms for natural language processing and semantic analysis in Golang
Stars: ✭ 304 (+322.22%)
Mutual labels:  svd
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 (+288.89%)
Mutual labels:  collaborative-filtering
Recoder
Large scale training of factorization models for Collaborative Filtering with PyTorch
Stars: ✭ 46 (-36.11%)
Mutual labels:  collaborative-filtering
recommender
NReco Recommender is a .NET port of Apache Mahout CF java engine (standalone, non-Hadoop version)
Stars: ✭ 35 (-51.39%)
Mutual labels:  collaborative-filtering
Ngram2vec
Four word embedding models implemented in Python. Supporting arbitrary context features
Stars: ✭ 703 (+876.39%)
Mutual labels:  svd
GCMC
Code for Graph Convolutional Matrix Factorization for Bipartite Edge Prediction
Stars: ✭ 48 (-33.33%)
Mutual labels:  collaborative-filtering
BPR MPR
BPR, Bayesian Personalized Ranking (BPR), extremely convenient BPR & Multiple Pairwise Ranking
Stars: ✭ 77 (+6.94%)
Mutual labels:  collaborative-filtering
Recommendation Systems Paperlist
Papers about recommendation systems that I am interested in
Stars: ✭ 308 (+327.78%)
Mutual labels:  collaborative-filtering
Mrsr
MRSR - Matlab Recommender Systems Research is a software framework for evaluating collaborative filtering recommender systems in Matlab.
Stars: ✭ 13 (-81.94%)
Mutual labels:  collaborative-filtering
Summary Of Recommender System Papers
阅读过的推荐系统论文的归类总结,持续更新中…
Stars: ✭ 288 (+300%)
Mutual labels:  collaborative-filtering
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 (+1359.72%)
Mutual labels:  collaborative-filtering
Neural Collaborative Filtering
pytorch version of neural collaborative filtering
Stars: ✭ 263 (+265.28%)
Mutual labels:  collaborative-filtering
Recbole
A unified, comprehensive and efficient recommendation library
Stars: ✭ 780 (+983.33%)
Mutual labels:  collaborative-filtering
Movie Recommendation Engine
Movie Recommender based on the MovieLens Dataset (ml-100k) using item-item collaborative filtering.
Stars: ✭ 21 (-70.83%)
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 (-12.5%)
Mutual labels:  collaborative-filtering
BARS
Towards open benchmarking for recommender systems https://openbenchmark.github.io/BARS
Stars: ✭ 157 (+118.06%)
Mutual labels:  collaborative-filtering
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 (+673.61%)
Mutual labels:  collaborative-filtering
Gluonrank
Ranking made easy
Stars: ✭ 39 (-45.83%)
Mutual labels:  collaborative-filtering
Awesome-Machine-Learning-Papers
📖Notes and remarks on Machine Learning related papers
Stars: ✭ 35 (-51.39%)
Mutual labels:  collaborative-filtering
Neural graph collaborative filtering
Neural Graph Collaborative Filtering, SIGIR2019
Stars: ✭ 517 (+618.06%)
Mutual labels:  collaborative-filtering
nlp-lt
Natural Language Processing for Lithuanian language
Stars: ✭ 17 (-76.39%)
Mutual labels:  svd
Recommendation-System-Baseline
Some common recommendation system baseline, with description and link.
Stars: ✭ 34 (-52.78%)
Mutual labels:  collaborative-filtering
Rspapers
A Curated List of Must-read Papers on Recommender System.
Stars: ✭ 4,140 (+5650%)
Mutual labels:  collaborative-filtering
Ailearning
AiLearning: 机器学习 - MachineLearning - ML、深度学习 - DeepLearning - DL、自然语言处理 NLP
Stars: ✭ 32,316 (+44783.33%)
Mutual labels:  svd
Cornac
A Comparative Framework for Multimodal Recommender Systems
Stars: ✭ 308 (+327.78%)
Mutual labels:  collaborative-filtering
Deeplearning Mxnet
MXNet for CTR
Stars: ✭ 51 (-29.17%)
Mutual labels:  svd
Paperlist For Recommender Systems
Recommender Systems Paperlist that I am interested in
Stars: ✭ 293 (+306.94%)
Mutual labels:  collaborative-filtering
Recsys19 hybridsvd
Accompanying code for reproducing experiments from the HybridSVD paper. Preprint is available at https://arxiv.org/abs/1802.06398.
Stars: ✭ 23 (-68.06%)
Mutual labels:  collaborative-filtering
Research On Collaborative Filtering Algorithms
Research on Collaborative Filtering Algorithms
Stars: ✭ 66 (-8.33%)
Mutual labels:  collaborative-filtering
Competitive Recsys
A collection of resources for Recommender Systems (RecSys)
Stars: ✭ 434 (+502.78%)
Mutual labels:  collaborative-filtering
RecSys PyTorch
PyTorch implementations of Top-N recommendation, collaborative filtering recommenders.
Stars: ✭ 125 (+73.61%)
Mutual labels:  collaborative-filtering
Movielens
4 different recommendation engines for the MovieLens dataset.
Stars: ✭ 265 (+268.06%)
Mutual labels:  collaborative-filtering
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 (+983.33%)
Mutual labels:  collaborative-filtering
Spotify-Song-Recommendation-ML
UC Berkeley team's submission for RecSys Challenge 2018
Stars: ✭ 70 (-2.78%)
Mutual labels:  collaborative-filtering
Elliot
Comprehensive and Rigorous Framework for Reproducible Recommender Systems Evaluation
Stars: ✭ 49 (-31.94%)
Mutual labels:  collaborative-filtering
recsys spark
Spark SQL 实现 ItemCF,UserCF,Swing,推荐系统,推荐算法,协同过滤
Stars: ✭ 76 (+5.56%)
Mutual labels:  collaborative-filtering
Neurec
Next RecSys Library
Stars: ✭ 731 (+915.28%)
Mutual labels:  collaborative-filtering
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 (-43.06%)
Mutual labels:  collaborative-filtering
Recommender
A recommendation system using tensorflow
Stars: ✭ 69 (-4.17%)
Mutual labels:  svd
Digital-Image-Watermarking
Digital Image Watermarking Method Based on Hybrid DWT-HD-SVD Technique: Attacks, PSNR, SSIM, NC
Stars: ✭ 37 (-48.61%)
Mutual labels:  svd
Prince
👑 Python factor analysis library (PCA, CA, MCA, MFA, FAMD)
Stars: ✭ 591 (+720.83%)
Mutual labels:  svd
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 (-58.33%)
Mutual labels:  collaborative-filtering
Genericsvd.jl
Singular Value Decomposition for generic number types
Stars: ✭ 40 (-44.44%)
Mutual labels:  svd
Person-Recommendation-Algorithms
推荐算法个人学习笔记以及代码实战
Stars: ✭ 50 (-30.56%)
Mutual labels:  collaborative-filtering
Surprise
A Python scikit for building and analyzing recommender systems
Stars: ✭ 5,151 (+7054.17%)
Mutual labels:  svd
TIFUKNN
kNN-based next-basket recommendation
Stars: ✭ 38 (-47.22%)
Mutual labels:  collaborative-filtering
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 (-16.67%)
Mutual labels:  collaborative-filtering
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 (-75%)
Mutual labels:  svd
Pytorch Fm
Factorization Machine models in PyTorch
Stars: ✭ 455 (+531.94%)
Mutual labels:  collaborative-filtering
keras-recommender
Recommender built using keras
Stars: ✭ 36 (-50%)
Mutual labels:  collaborative-filtering
Movie
Personalized real-time movie recommendation system
Stars: ✭ 37 (-48.61%)
Mutual labels:  collaborative-filtering
Restricted-Boltzmann-Machine
Restricted Boltzmann Machine for collaborative filtering of movies.
Stars: ✭ 40 (-44.44%)
Mutual labels:  collaborative-filtering
H2o4gpu
H2Oai GPU Edition
Stars: ✭ 416 (+477.78%)
Mutual labels:  svd
Rankfm
Factorization Machines for Recommendation and Ranking Problems with Implicit Feedback Data
Stars: ✭ 71 (-1.39%)
Mutual labels:  collaborative-filtering
Gorse
An open source recommender system service written in Go
Stars: ✭ 1,148 (+1494.44%)
Mutual labels:  collaborative-filtering
Consimilo
A Clojure library for querying large data-sets on similarity
Stars: ✭ 54 (-25%)
Mutual labels:  collaborative-filtering
1-60 of 107 similar projects