All Projects → appier → compatibility-family-learning

appier / compatibility-family-learning

Licence: other
Compatibility Family Learning for Item Recommendation and Generation

Programming Languages

python
139335 projects - #7 most used programming language
shell
77523 projects

Projects that are alternatives of or similar to compatibility-family-learning

Movielens Recommender System Javascript
🍃 Recommender System in JavaScript for the MovieLens Database
Stars: ✭ 105 (+400%)
Mutual labels:  recommendation-system
Flink Commodity Recommendation System
🐳基于 Flink 的商品实时推荐系统。使用了 redis 缓存热点数据。当用户产生评分行为时,数据由 kafka 发送到 flink,根据用户历史评分行为进行实时和离线推荐。实时推荐包括:基于行为和实时热门,离线推荐包括:历史热门、历史优质商品和 itemcf 。
Stars: ✭ 167 (+695.24%)
Mutual labels:  recommendation-system
Mydatascienceportfolio
Applying Data Science and Machine Learning to Solve Real World Business Problems
Stars: ✭ 227 (+980.95%)
Mutual labels:  recommendation-system
Ajax Movie Recommendation System With Sentiment Analysis
Content-Based Recommender System recommends movies similar to the movie user likes and analyses the sentiments on the reviews given by the user for that movie.
Stars: ✭ 127 (+504.76%)
Mutual labels:  recommendation-system
Artificial Intelligence Projects
Collection of Artificial Intelligence projects.
Stars: ✭ 152 (+623.81%)
Mutual labels:  recommendation-system
Graph Networks
A list of interesting graph neural networks (GNN) links with a primary interest in recommendations and tensorflow that is continually updated and refined
Stars: ✭ 192 (+814.29%)
Mutual labels:  recommendation-system
Recsys
计算广告/推荐系统/机器学习(Machine Learning)/点击率(CTR)/转化率(CVR)预估/点击率预估
Stars: ✭ 1,350 (+6328.57%)
Mutual labels:  recommendation-system
Recommendersystem Dataset
This repository contains some datasets that I have collected in Recommender Systems.
Stars: ✭ 249 (+1085.71%)
Mutual labels:  recommendation-system
Newsrecommender
A news recommendation system tailored for user communities
Stars: ✭ 164 (+680.95%)
Mutual labels:  recommendation-system
Tutorials
AI-related tutorials. Access any of them for free → https://towardsai.net/editorial
Stars: ✭ 204 (+871.43%)
Mutual labels:  recommendation-system
Deepconn
This is our implementation of DeepCoNN
Stars: ✭ 131 (+523.81%)
Mutual labels:  recommendation-system
Rival
RiVal recommender system evaluation toolkit
Stars: ✭ 145 (+590.48%)
Mutual labels:  recommendation-system
Django Recommends
A django app that builds item-based suggestions for users.
Stars: ✭ 194 (+823.81%)
Mutual labels:  recommendation-system
Neural Attentive Item Similarity Model
TensorFlow Implementation of Neural Attentive Item Similarity Model for Recommendation on TKDE 2018
Stars: ✭ 118 (+461.9%)
Mutual labels:  recommendation-system
Recommendationsystem
Book recommender system using collaborative filtering based on Spark
Stars: ✭ 244 (+1061.9%)
Mutual labels:  recommendation-system
Recommenders
Best Practices on Recommendation Systems
Stars: ✭ 11,818 (+56176.19%)
Mutual labels:  recommendation-system
Awesome Gnn Recommendation
Graph Neural Network
Stars: ✭ 168 (+700%)
Mutual labels:  recommendation-system
Deep Learning Interview Book
深度学习面试宝典(含数学、机器学习、深度学习、计算机视觉、自然语言处理和SLAM等方向)
Stars: ✭ 3,677 (+17409.52%)
Mutual labels:  recommendation-system
Recsys core
[电影推荐系统] Based on the movie scoring data set, the movie recommendation system is built with FM and LR as the core(基于爬取的电影评分数据集,构建以FM和LR为核心的电影推荐系统).
Stars: ✭ 245 (+1066.67%)
Mutual labels:  recommendation-system
Chameleon recsys
Source code of CHAMELEON - A Deep Learning Meta-Architecture for News Recommender Systems
Stars: ✭ 202 (+861.9%)
Mutual labels:  recommendation-system

Compatibility Family Learning for Item Recommendation and Generation

MrCGAN

Prerequisites

  • Linux
  • Python 3
  • CPU or NVIDIA GPU + CUDA CuDNN

Getting Started

Installation

pip install tqdm
pip install smart-open
pip install boto3
pip install scipy
pip install numpy

Recommendation Experiments

Fashion-MNIST+1+2 Experiments

  1. Run ./experiments/fashion_30/convert_fashion_30.sh.
  2. Run ./experiments/fashion_30/run.sh.
  3. Run ./experiments/fashion_30/eval.sh.

Amazon also_veiwed/bought Experiments

  1. Put image_features_Clothing_Shoes_and_Jewelry.b and meta_Clothing_Shoes_and_Jewelry.json.gz from http://jmcauley.ucsd.edu/data/amazon/ to data/amazon.

  2. Run ./experiments/monomer/convert_amazon.sh.

  3. Put also_bought.txt.gz, also_viewed.txt.gz, duplicate_list.txt.gz, productMeta_simple.txt.gz from Learning Compatibility Across Categories for Heterogeneous Item Recommendation (https://sites.google.com/a/eng.ucsd.edu/ruining-he/) into data/monomer.

  4. Run ./experiments/monomer/unzip_monomer.sh.

  5. Download Monomer.tar.gz from Learning Compatibility Across Categories for Heterogeneous Item Recommendation (https://sites.google.com/a/eng.ucsd.edu/ruining-he/) and put it to ./Monomer.

  6. Run ./experiments/monomer/prepare_monomer.sh.

  7. Run ./experiments/monomer/split_monomer.sh.

  8. Run ./experiments/monomer/process_monomer.sh.

  9. Run ./experiments/monomer/run.sh.

  10. Run ./experiments/monomer/eval.sh.

Amazon Co-purchase Experiments

  1. Put train.txt, val.txt, test.txt, train_ids.txt, val_ids.txt, test_ids.txt from Learning Visual Clothing Style with Heterogeneous Dyadic Co-occurrences to data/dyadic/; put googlenet-siamese-final.caffemodel into models/.

  2. Put metadata.json.gz from http://jmcauley.ucsd.edu/data/amazon/ to data/amazon.

  3. Run ./experiments/dyadic/preprocess_dyadic.sh.

  4. Crawl all images from Learning Visual Clothing Style with Heterogeneous Dyadic Co-occurrences by scrapy, put them on S3. Check ./data/dyadic/all_id_pairs.txt for image paths, and see ./experiments/dyadic/amazon_crawler as an example.

  5. Extract images, run python -m cfl.scripts.copy_images --items-store ITEMS_S3_STORE_PATH --images-store IMAGES_S3_STORE_PATH --output-path IMAGES_S3_PATH --input-file data/dyadic/all_id_pairs.txt.

  6. Fetch images to local, run aws s3 sync IMAGES_S3_DIR data/dyadic/original_images.

  7. Preprocess dyadic dataset, run ./experiments/dyadic/preprocess_dyadic_latent.sh.

  8. Predict dyadic latents, run ./experiments/dyadic/predict_dyadic_latent.sh under caffe environment.

  9. Convert dyadic dataset, run ./experiments/dyadic/convert_dyadic_latent.sh.

  10. Run ./experiments/dyadic/run.sh.

  11. Run ./experiments/dyadic/eval.sh.

Polyvore Experiments

  1. Crawl all images, put images in IMAGES_DIR, items in ITEMS_S3_STORE_PATH. See ./experiments/polyvore/polyvore_crawler as an example.

  2. Run python -m cfl.scripts.preprocess_polyvore --items-store ITEMS_S3_STORE_PATH --image-dir IMAGES_DIR --output-dir data/polyvore.

  3. Run python -m cfl.keras.extract_v3 --input-dir data/polyvore/images --output-dir data/polyvore/latents.

  4. Run ./experiments/polyvore/convert_polyvore.sh.

  5. Run ./experiments/polyvore/run.sh

Generation Experiments

Note that you must run data preprocesing in the Recommendation section before running these experiments.

MNIST+1+2 Experiments

  1. Run ./experiments/mnist_30/convert_mnist_30.sh.
  2. Run ./experiments/mnist_30/run_gen.sh.
  3. Run ./experiments/mnist_30/run_cgan.sh.

Amazon Co-purchase Experiments

  1. Convert dyadic dataset, run ./experiments/dyadic/preprocess_dyadic_gen.sh.

  2. Run ./experiments/dyadic/run_gen.sh.

  3. Run python -m cfl.scripts.convert_disco --input-dir parsed_data/dyadic_gen_all --output-dir parsed_data/dyadic_disco for DiscoGAN.

  4. Run python -m cfl.scripts.convert_pix2pix --input-dir parsed_data/dyadic_gen_all --disco-dir parsed_data/dyadic_disco --output-dir parsed_data/dyadic_pix2pix for pix2pix.

  5. Run DiscoGAN & pix2pix.

Polyvore Experiments

  1. Run ./experiments/polyvore/run_gen.sh

  2. Run python -m cfl.scripts.convert_disco --input-dir parsed_data/polyvore_random/top_to_other --output-dir parsed_data/polyvore_random/top_to_other_disco for DiscoGAN.

  3. Run python -m cfl.scripts.convert_pix2pix --input-dir parsed_data/polyvore_random/top_to_other --disco-dir parsed_data/polyvore_random/top_to_other_disco --output-dir parsed_data/polyvore_random/top_to_other_pix2pix for pix2pix.

  4. Run DiscoGAN & pix2pix.

Citation

If you use this code for your research, please cite our papers.

@inproceedings{shih2018compatibility,
    author = {Shih, Yong-Siang and Chang, Kai-Yueh and Lin, Hsuan-Tien and Sun, Min},
    title = {Compatibility Family Learning for Item Recommendation and Generation},
    booktitle = {Proceedings of the AAAI Conference on Artificial Intelligence (AAAI)},
    pdf = {https://arxiv.org/pdf/1712.01262},
    arxiv = {http://arxiv.org/abs/1712.01262},
    year = {2018},
    month = feb
}
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].