All Projects → daicoolb → Recommendersystem Paper

daicoolb / Recommendersystem Paper

This repository includes some papers that I have read or which I think may be very interesting.

Projects that are alternatives of or similar to Recommendersystem Paper

ghiaseddin
Author's implementation of the paper "Deep Relative Attributes" (ACCV 2016)
Stars: ✭ 41 (-93.38%)
Mutual labels:  paper, deeplearning
Deepmri
The code for paper 'DeepcomplexMRI: Exploiting deep residual network for fast parallel MR imaging with complex convolution'
Stars: ✭ 25 (-95.96%)
Mutual labels:  paper, deeplearning
Action Recognition Visual Attention
Action recognition using soft attention based deep recurrent neural networks
Stars: ✭ 350 (-43.46%)
Mutual labels:  paper, deeplearning
Best ai paper 2020
A curated list of the latest breakthroughs in AI by release date with a clear video explanation, link to a more in-depth article, and code
Stars: ✭ 2,140 (+245.72%)
Mutual labels:  paper, deeplearning
Nlp Paper
NLP Paper
Stars: ✭ 484 (-21.81%)
Mutual labels:  paper, deeplearning
Bmw Yolov4 Training Automation
This repository allows you to get started with training a state-of-the-art Deep Learning model with little to no configuration needed! You provide your labeled dataset or label your dataset using our BMW-LabelTool-Lite and you can start the training right away and monitor it in many different ways like TensorBoard or a custom REST API and GUI. NoCode training with YOLOv4 and YOLOV3 has never been so easy.
Stars: ✭ 533 (-13.89%)
Mutual labels:  deeplearning
Cv paperdaily
CV 论文笔记
Stars: ✭ 555 (-10.34%)
Mutual labels:  paper
Qlib
Qlib is an AI-oriented quantitative investment platform, which aims to realize the potential, empower the research, and create the value of AI technologies in quantitative investment. With Qlib, you can easily try your ideas to create better Quant investment strategies. An increasing number of SOTA Quant research works/papers are released in Qlib.
Stars: ✭ 7,582 (+1124.88%)
Mutual labels:  paper
Pycnn
Image Processing with Cellular Neural Networks in Python
Stars: ✭ 509 (-17.77%)
Mutual labels:  paper
Deep Image Matting
This is tensorflow implementation for paper "Deep Image Matting"
Stars: ✭ 614 (-0.81%)
Mutual labels:  deeplearning
Dnc Tensorflow
A TensorFlow implementation of DeepMind's Differential Neural Computers (DNC)
Stars: ✭ 587 (-5.17%)
Mutual labels:  paper
Mlsh
Code for the paper "Meta-Learning Shared Hierarchies"
Stars: ✭ 548 (-11.47%)
Mutual labels:  paper
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+995.8%)
Mutual labels:  deeplearning
Bert paper chinese translation
BERT: Pre-training of Deep Bidirectional Transformers for Language Understanding 论文的中文翻译 Chinese Translation!
Stars: ✭ 564 (-8.89%)
Mutual labels:  paper
Cvpr 2019 Paper Statistics
Statistics and Visualization of acceptance rate, main keyword of CVPR 2019 accepted papers for the main Computer Vision conference (CVPR)
Stars: ✭ 527 (-14.86%)
Mutual labels:  paper
Reversi Alpha Zero
Reversi reinforcement learning by AlphaGo Zero methods.
Stars: ✭ 598 (-3.39%)
Mutual labels:  deeplearning
Convcrf
This repository contains the reference implementation for our proposed Convolutional CRFs.
Stars: ✭ 514 (-16.96%)
Mutual labels:  deeplearning
Deberta
The implementation of DeBERTa
Stars: ✭ 541 (-12.6%)
Mutual labels:  deeplearning
Pl Compiler Resource
程序语言与编译技术相关资料(持续更新中)
Stars: ✭ 578 (-6.62%)
Mutual labels:  paper
Hugo Paper
🥛 A simple, clean, flexible Hugo theme
Stars: ✭ 538 (-13.09%)
Mutual labels:  paper

Papers, tools , and framewroks that used in Recommender System

For the convenience of reading, I collect some basic and important papers about recommender system.

Here are the main conferences within recommender system:

  • KDD the community for data mining, data science and analytics.
  • ICDM draws researchers and application developers from a wide range of data mining related areas such as statistics, machine learning, pattern recognition, databases and data warehousing, data visualization, knowledge-based systems, and high performance computing.
  • AAAI promotes research in, and responsible use of, artificial intelligence.
  • WWW provides the world a premier forum for discussion and debate about the evolution of the Web, the standardization of its associated technologies, and the impact of those technologies on society and culture.
  • NIPS has a responsibility to provide an inclusive and welcoming environment for everyone in the fields of AI and machine learning.
  • ICML is the leading international machine learning conference and is supported by the International Machine Learning Society (IMLS).
  • CIKM provides an international forum for presentation and discussion of research on information and knowledge management, as well as recent advances on data and knowledge bases.
  • SIGIR is the Association for Computing Machinery’s Special Interest Group on Information Retrieval. Since 1963, we have promoted research, development and education in the area of search and other information access technologies.
  • Recsys is the most famous conference in recommender system.
  • WSDM (pronounced "wisdom") is one of the the premier conferences on web inspired research involving search and data mining.

In this session, I have collected some useful recommeder system engine:

  • Mosaic Mosaic Films is a demo of the recommendationRaccoon engine built on top of Node.js.
  • Contenct Engine This is a production-ready, but very simple, content-based recommendation engine that computes similar items based on text descriptions.
  • Spark Engine This tutorial shows how to run the code explained in the solution paper Recommendation Engine on Google Cloud Platform.
  • Spring Boost How to build a recommendation engine with Spring Boot, Aerospike and MongoDB.
  • Ger Providing good recommendations can get greater user engagement and provide an opportunity to add value that would otherwise not exist.
  • Crab Crab as known as scikits.recommender is a Python framework for building recommender engines integrated with the world of scientific Python packages (numpy, scipy, matplotlib).

In this session, I have collected some useful recommender system algorithm framework:

  • Surprise Surprise is a Python scikit building and analyzing recommender systems.
  • LightFM LightFM is a Python implementation of a number of popular recommendation algorithms for both implicit and explicit feedback, including efficient implementation of BPR and WARP ranking losses.
  • SpotLight Spotlight uses PyTorch to build both deep and shallow recommender models.
  • Python-Recsys A python library for implementing a recommender system.
  • LibRec A java library for the state-of-the-art algorithms in recommeder sytem.
  • SparkMovieLens A scalable on-line movie recommender using Spark and Flask.
  • Elasticsearch Building a Recommender with Apache Spark & Elasticsearch.

Here are some categories which I think is very interesting:

Topic Papers
Cold Start - RaPare: A Generic Strategy for Cold-Start Rating Prediction Problem
- Local Representative-Based Matrix Factorization for Cold-Start Recommendation
- Low-Rank Linear Cold-Start Recommendation from Social Data
- A Hybrid Collaborative Filtering Model with Deep Structure for Recommender Systems
- Handling Cold-Start Problem in Review Spam Detection by Jointly Embedding Texts and Behaviors
- A Text-Driven Latent Factor Model for Rating Prediction with Cold-Start Awareness
- Two Birds One Stone: On both Cold-Start and Long-Tail Recommendation
- A Meta-Learning Perspective on Cold-Start Recommendations for Items
- DropoutNet: Addressing Cold Start in Recommender Systems
- Expediting Exploration by Attribute-to-Feature Mapping for Cold-Start Recommendations
- On Learning Mixed Community-specific Similarity Metrics for Cold-start Link Prediction
Deep learning
(01)
- Neural Attentional Rating Regression with Review-level Explanations
- PHD: A Probabilistic Model of Hybrid Deep Collaborative Filtering for Recommender Systems
- Boosting Recommender Systems with Deep Learning
- Deep Learning for Recommender Systems
- TransNets: Learning to Transform for Recommendation by Rose Catherine
- Representation Learning and Pairwise Ranking for Implicit and Explicit Feedback in Recommendation
- DeepFM: A Factorization-Machine based Neural Network for CTR Prediction.
- Deep Matrix Factorization Models for Recommender Systems
- Hashtag Recommendation for Multimodal Microblog Using Co-Attention Network
- Cross-Domain Recommendation: An Embedding and Mapping Approach
- Tag-Aware Personalized Recommendation Using a Hybrid Deep Model
- Locally Connected Deep Learning Framework for Industrial-scale Recommender Systems
Deep learning
(02)
- What Your Images Reveal: Exploiting Visual Contents for Point-of-Interest Recommendation
- Neural Collaborative Filtering
- Joint deep modeling of users and items using reviews for recommendation by L Zheng
- Collaborative Variational Autoencoder for Recommender Systems
- Dynamic Attention Deep Model for Article Recommendation
- A Hybrid Framework for Text Modeling with Convolutional RNN
- Deep Embedding Forest: Forest-based Serving with Deep Embedding Features
- Embedding-based News Recommendation for Millions of Users
- Deep Learning for Extreme Multi-label Text Classification
- Neural Factorization Machines for Sparse Predictive Analytics
- Neural Rating Regression with Abstractive Tips Generation for Recommendation
- Multimedia Recommendation with Item- and Component-Level Attention
Deep learning
(03)
- Convolutional Matrix Factorization for Document Context-Aware Recommendation
- Ask the GRU: Multi-task Learning for Deep Text Recommendations by T Bansal
- Deep Neural Networks for YouTube Recommendations by Paul Covington
- Meta-Prod2Vec - Product Embeddings Using Side-Information for Recommendation
- A Neural Autoregressive Approach to Collaborative Filtering
- Collaborative Recurrent Neural Networks for Dynamic Recommender Systems
- Hybrid Recommender System based on Autoencoders
- Collaborative Denoising Auto-Encoders for Top-N Recommender Systems
- Wide & Deep Learning for Recommender Systems by Heng-Tze Cheng
- A Survey and Critique of Deep Learning on Recommender Systems by Lei Zheng
- Collaborative Filtering with Recurrent Neural Networks by Robin Devooght
- Hybrid Collaborative Filtering with Neural Networks by Strub
- Learning Distributed Representations from Reviews for Collaborative Filtering
- A Multi-View Deep Learning Approach for Cross Domain User Modeling in Recommendation Systems
- Deep collaborative filtering via marginalized denoising auto-encoder by S Li
- Deep content-based music recommendation by Aaron van den Oord
- Restricted Boltzmann Machines for Collaborative Filtering by Ruslan Salakhutdinov
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].