All Projects → Attentional_factorization_machine → Similar Projects or Alternatives

213 Open source projects that are alternatives of or similar to Attentional_factorization_machine

Attentional Neural Factorization Machine
Attention,Factorization Machine, Deep Learning, Recommender System
Stars: ✭ 39 (-89.23%)
Neural factorization machine
TenforFlow Implementation of Neural Factorization Machine
Stars: ✭ 422 (+16.57%)
Recommendation.jl
Building recommender systems in Julia
Stars: ✭ 42 (-88.4%)
Fmg
KDD17_FMG
Stars: ✭ 116 (-67.96%)
Flurs
🌊 FluRS: A Python library for streaming recommendation algorithms
Stars: ✭ 97 (-73.2%)
Fastfm
fastFM: A Library for Factorization Machines
Stars: ✭ 908 (+150.83%)
Rankfm
Factorization Machines for Recommendation and Ranking Problems with Implicit Feedback Data
Stars: ✭ 71 (-80.39%)
Openlearning4deeprecsys
Some deep learning based recsys for open learning.
Stars: ✭ 383 (+5.8%)
Rsparse
Fast and accurate machine learning on sparse matrices - matrix factorizations, regression, classification, top-N recommendations.
Stars: ✭ 145 (-59.94%)
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 (-22.65%)
WWW2020-grec
Future Data Helps Training: Modeling Future Contexts for Session-based Recommendation
Stars: ✭ 17 (-95.3%)
Mutual labels:  recommender-system
recsys spark
Spark SQL 实现 ItemCF,UserCF,Swing,推荐系统,推荐算法,协同过滤
Stars: ✭ 76 (-79.01%)
Mutual labels:  recommender-system
Tensorflow Xnn
Tensorflow implementation of DeepFM variant that won 4th Place in Mercari Price Suggestion Challenge on Kaggle.
Stars: ✭ 263 (-27.35%)
Mutual labels:  factorization-machines
Recsys
项亮的《推荐系统实践》的代码实现
Stars: ✭ 306 (-15.47%)
Mutual labels:  recommender-system
recommendation-api
Rank and serve recommendations
Stars: ✭ 14 (-96.13%)
Mutual labels:  recommender-system
JNSKR
This is our implementation of JNSKR: Jointly Non-Sampling Learning for Knowledge Graph Enhanced Recommendation (SIGIR 2020)
Stars: ✭ 25 (-93.09%)
Mutual labels:  recommender-system
fun-rec
推荐系统入门教程,在线阅读地址:https://datawhalechina.github.io/fun-rec/
Stars: ✭ 1,367 (+277.62%)
Mutual labels:  recommender-system
Auto-Surprise
An AutoRecSys library for Surprise. Automate algorithm selection and hyperparameter tuning 🚀
Stars: ✭ 19 (-94.75%)
Mutual labels:  recommender-system
Spotify-Song-Recommendation-ML
UC Berkeley team's submission for RecSys Challenge 2018
Stars: ✭ 70 (-80.66%)
Mutual labels:  recommender-system
session4rec
GRu4Rec in TensorFlow
Stars: ✭ 14 (-96.13%)
Mutual labels:  recommender-system
BARS
Towards open benchmarking for recommender systems https://openbenchmark.github.io/BARS
Stars: ✭ 157 (-56.63%)
Mutual labels:  recommender-system
Rspapers
A Curated List of Must-read Papers on Recommender System.
Stars: ✭ 4,140 (+1043.65%)
Mutual labels:  recommender-system
Ad Papers
Papers on Computational Advertising
Stars: ✭ 3,515 (+870.99%)
Mutual labels:  recommender-system
SAE-NAD
The implementation of "Point-of-Interest Recommendation: Exploiting Self-Attentive Autoencoders with Neighbor-Aware Influence"
Stars: ✭ 48 (-86.74%)
Mutual labels:  recommender-system
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 (-91.71%)
Mutual labels:  recommender-system
BPR MPR
BPR, Bayesian Personalized Ranking (BPR), extremely convenient BPR & Multiple Pairwise Ranking
Stars: ✭ 77 (-78.73%)
Mutual labels:  recommender-system
mlstm4reco
Multiplicative LSTM for Recommendations
Stars: ✭ 21 (-94.2%)
Mutual labels:  recommender-system
Xlearn
High performance, easy-to-use, and scalable machine learning (ML) package, including linear model (LR), factorization machines (FM), and field-aware factorization machines (FFM) for Python and CLI interface.
Stars: ✭ 2,968 (+719.89%)
Mutual labels:  factorization-machines
Context-Aware-Recommender
Hybrid Recommender System
Stars: ✭ 16 (-95.58%)
Mutual labels:  recommender-system
Recommendation Systems Paperlist
Papers about recommendation systems that I am interested in
Stars: ✭ 308 (-14.92%)
Mutual labels:  recommender-system
HybridBackend
Efficient training of deep recommenders on cloud.
Stars: ✭ 30 (-91.71%)
Mutual labels:  recommender-system
ds3-spring-2018
Материалы третьего набора офлайн-программы Data Scientist.
Stars: ✭ 22 (-93.92%)
Mutual labels:  recommender-system
RecSysDatasets
This is a repository of public data sources for Recommender Systems (RS).
Stars: ✭ 272 (-24.86%)
Mutual labels:  recommender-system
Ytk Learn
Ytk-learn is a distributed machine learning library which implements most of popular machine learning algorithms(GBDT, GBRT, Mixture Logistic Regression, Gradient Boosting Soft Tree, Factorization Machines, Field-aware Factorization Machines, Logistic Regression, Softmax).
Stars: ✭ 337 (-6.91%)
Mutual labels:  factorization-machines
MARank
Multi-order Attentive Ranking Model for Sequential Recommendation
Stars: ✭ 25 (-93.09%)
Mutual labels:  recommender-system
netflix-style-recommender
A simple movie recommendation engine
Stars: ✭ 65 (-82.04%)
Mutual labels:  recommender-system
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 (-88.67%)
Mutual labels:  recommender-system
Cornac
A Comparative Framework for Multimodal Recommender Systems
Stars: ✭ 308 (-14.92%)
Mutual labels:  recommender-system
skywalkR
code for Gogleva et al manuscript
Stars: ✭ 28 (-92.27%)
Mutual labels:  recommender-system
Recommender-System-Pytorch
基于 Pytorch 实现推荐系统相关的算法
Stars: ✭ 40 (-88.95%)
Mutual labels:  recommender-system
rec-a-sketch
content discovery... IN 3D
Stars: ✭ 45 (-87.57%)
Mutual labels:  recommender-system
Lightfm
A Python implementation of LightFM, a hybrid recommendation algorithm.
Stars: ✭ 3,884 (+972.93%)
Mutual labels:  recommender-system
Friends-Recommender-In-Social-Network
Friends Recommendation and Link Prediction in Social Netowork
Stars: ✭ 33 (-90.88%)
Mutual labels:  recommender-system
SIGIR2021 Conure
One Person, One Model, One World: Learning Continual User Representation without Forgetting
Stars: ✭ 23 (-93.65%)
Mutual labels:  recommender-system
Recdb Postgresql
RecDB is a recommendation engine built entirely inside PostgreSQL
Stars: ✭ 297 (-17.96%)
Mutual labels:  recommender-system
Translation-based-Recommendation
Sequential recommendation algorithm
Stars: ✭ 24 (-93.37%)
Mutual labels:  recommender-system
multi channel bpr
Implementation of Bayesian Personalized Ranking (BPR) for Multiple Feedback Channels
Stars: ✭ 25 (-93.09%)
Mutual labels:  recommender-system
music-recommendation-system
A simple Music Recommendation System
Stars: ✭ 38 (-89.5%)
Mutual labels:  recommender-system
MoHR
MoHR: Recommendation Through Mixtures of Heterogeneous Item Relationships
Stars: ✭ 51 (-85.91%)
Mutual labels:  recommender-system
recommender
NReco Recommender is a .NET port of Apache Mahout CF java engine (standalone, non-Hadoop version)
Stars: ✭ 35 (-90.33%)
Mutual labels:  recommender-system
EasyRec
A framework for large scale recommendation algorithms.
Stars: ✭ 599 (+65.47%)
Mutual labels:  recommender-system
NeuralCitationNetwork
Neural Citation Network for Context-Aware Citation Recommendation (SIGIR 2017)
Stars: ✭ 24 (-93.37%)
Mutual labels:  recommender-system
Artificio
Deep Learning Computer Vision Algorithms for Real-World Use
Stars: ✭ 326 (-9.94%)
Mutual labels:  recommender-system
Dsin
Code for the IJCAI'19 paper "Deep Session Interest Network for Click-Through Rate Prediction"
Stars: ✭ 289 (-20.17%)
Mutual labels:  recommender-system
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (-81.77%)
Mutual labels:  recommender-system
bpr
Bayesian Personalized Ranking using PyTorch
Stars: ✭ 105 (-70.99%)
Mutual labels:  recommender-system
Awesome-Machine-Learning-Papers
📖Notes and remarks on Machine Learning related papers
Stars: ✭ 35 (-90.33%)
Mutual labels:  recommender-system
pprec
a recommender engine node-js package for general use and easy to integrate.
Stars: ✭ 29 (-91.99%)
Mutual labels:  recommender-system
recsys2019
The complete code and notebooks used for the ACM Recommender Systems Challenge 2019
Stars: ✭ 26 (-92.82%)
Mutual labels:  recommender-system
Yue
A python library for music recommendation
Stars: ✭ 88 (-75.69%)
Mutual labels:  recommender-system
1-60 of 213 similar projects