Official implementation of SIGIR'2021 paper: "Sequential Recommendation with Graph Neural Networks".

Overview

SURGE: Sequential Recommendation with Graph Neural Networks

This is our TensorFlow implementation for the paper:

Sequential Recommendation with Graph Neural Networks. SIGIR '21: Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval.

Please cite our paper if you use this repository.

@inproceedings{chang2021sequential,
  title={Sequential Recommendation with Graph Neural Networks},
  author={Chang, Jianxin and Gao, Chen and Zheng, Yu and Hui, Yiqun and Niu, Yanan and Song, Yang and Jin, Depeng and Li, Yong},
  booktitle={Proceedings of the 44th International ACM SIGIR Conference on Research and Development in Information Retrieval},
  pages={378--387},
  year={2021}
}

The code is tested under a Linux desktop with TensorFlow 1.12.3 and Python 3.6.8.

Data Pre-processing

The script is reco_utils/dataset/sequential_reviews.py which will be automatically excuted when there exists no pre-processed training file.

Model Training

To train our model on Kuaishou dataset (with default hyper-parameters):

python examples/00_quick_start/sequential.py --dataset kuaishou

or on Taobao dataset:

python examples/00_quick_start/sequential.py --dataset taobao

Misc

The implemention is based on Microsoft Recommender.

Comments
  • Some bugs occur when I'm running this code

    Some bugs occur when I'm running this code

    (1)AttributeError: module 'tensorflow' has no attribute 'sort' (2)TypeError: gather_nd() got an unexpected keyword argument 'batch_dims' (3)TypeError: Expected int32, got None of type '_Message' instead. Is it normal? I can't solve the last problem. I need your help, thanks.

    opened by liuhui0401 4
  • Why UserBuy.csv file is required when I test the 'taobao' dataset?

    Why UserBuy.csv file is required when I test the 'taobao' dataset?

    Hi,

    Thank you very much for the excellent code. I'm now testing the 'taobao' dataset. I download the UserBehavior.csv file from the link you mentioned in the paper, but there is no UserBuy.csv file, which is required in your code (at sequential_reviews.py, line 46, in the strong_data_preprocessing function). Could you tell me more about how to implement your code? https://tianchi.aliyun.com/dataset/dataDetail?dataId=649

    Thanks a lot.

    opened by xiqxin1 3
  • CVE-2007-4559 Patch

    CVE-2007-4559 Patch

    Patching CVE-2007-4559

    Hi, we are security researchers from the Advanced Research Center at Trellix. We have began a campaign to patch a widespread bug named CVE-2007-4559. CVE-2007-4559 is a 15 year old bug in the Python tarfile package. By using extract() or extractall() on a tarfile object without sanitizing input, a maliciously crafted .tar file could perform a directory path traversal attack. We found at least one unsantized extractall() in your codebase and are providing a patch for you via pull request. The patch essentially checks to see if all tarfile members will be extracted safely and throws an exception otherwise. We encourage you to use this patch or your own solution to secure against CVE-2007-4559. Further technical information about the vulnerability can be found in this blog.

    If you have further questions you may contact us through this projects lead researcher Kasimir Schulz.

    opened by TrellixVulnTeam 0
  • Question about yelp dataset

    Question about yelp dataset

    你好,请问yelp数据集有categories.json吗? 在sequential_review.py里,yelp_main中用到的的load_data里面代码涉及到categories.json,如下: “ with open(os.path.join(dirs, 'categories.json'), 'r') as f: category = json.load(f) ” 而我在yelp数据集下载地址https://www.yelp.com/dataset/download中发现并没有categories.json。

    opened by lypla 0
  • 启动项目报错 ModuleNotFoundError: No module named 'reco_utils',怎么启动项目啊?

    启动项目报错 ModuleNotFoundError: No module named 'reco_utils',怎么启动项目啊?

    我用pycharm,在终端执行命令:python examples/00_quick_start/sequential.py --dataset kuaishou,它报错: Traceback (most recent call last): File "examples/00_quick_start/sequential.py", line 24, in from reco_utils.recommender.deeprec.deeprec_utils import ( ModuleNotFoundError: No module named 'reco_utils' 请问怎么解决啊?

    opened by Tjohn98 0
  •  I didn't understand the code.

    I didn't understand the code.

    The following 2 lines code is in surge.py. I cann't understand the function of line 197 code. It seems that the execution of this code does not change the data.

    196 A_bool = tf.cast(tf.greater(A, 0), A.dtype) 197 A_bool = A_bool * (tf.ones([A.shape.as_list()[1], A.shape.as_list()[1]]) - tf.eye(A.shape.as_list()[1])) + tf.eye(A.shape.as_list()[1])

    opened by unknowed-ER 0
  • Wrong code?

    Wrong code?

    Hi,

    I cannot find the proposed method of SURGE, could you please check the code again?

    This file is empty! from reco_utils.recommender.deeprec.models.sequential.gcn import SURGEModel

    Thanks!

    opened by xiqxin1 0
Owner
FIB LAB, Tsinghua University
FIB LAB, Tsinghua University
Official PyTorch implementation for paper Context Matters: Graph-based Self-supervised Representation Learning for Medical Images

Context Matters: Graph-based Self-supervised Representation Learning for Medical Images Official PyTorch implementation for paper Context Matters: Gra

null 49 Nov 23, 2022
Official implementation of the ICLR 2021 paper

You Only Need Adversarial Supervision for Semantic Image Synthesis Official PyTorch implementation of the ICLR 2021 paper "You Only Need Adversarial S

Bosch Research 272 Dec 28, 2022
Official implementation of the paper Image Generators with Conditionally-Independent Pixel Synthesis https://arxiv.org/abs/2011.13775

CIPS -- Official Pytorch Implementation of the paper Image Generators with Conditionally-Independent Pixel Synthesis Requirements pip install -r requi

Multimodal Lab @ Samsung AI Center Moscow 201 Dec 21, 2022
Official pytorch implementation of paper "Image-to-image Translation via Hierarchical Style Disentanglement".

HiSD: Image-to-image Translation via Hierarchical Style Disentanglement Official pytorch implementation of paper "Image-to-image Translation

null 364 Dec 14, 2022
Official pytorch implementation of paper "Inception Convolution with Efficient Dilation Search" (CVPR 2021 Oral).

IC-Conv This repository is an official implementation of the paper Inception Convolution with Efficient Dilation Search. Getting Started Download Imag

Jie Liu 111 Dec 31, 2022
Official implementation of our paper "LLA: Loss-aware Label Assignment for Dense Pedestrian Detection" in Pytorch.

LLA: Loss-aware Label Assignment for Dense Pedestrian Detection This project provides an implementation for "LLA: Loss-aware Label Assignment for Dens

null 35 Dec 6, 2022
This project is the official implementation of our accepted ICLR 2021 paper BiPointNet: Binary Neural Network for Point Clouds.

BiPointNet: Binary Neural Network for Point Clouds Created by Haotong Qin, Zhongang Cai, Mingyuan Zhang, Yifu Ding, Haiyu Zhao, Shuai Yi, Xianglong Li

Haotong Qin 59 Dec 17, 2022
Official implementation of our CVPR2021 paper "OTA: Optimal Transport Assignment for Object Detection" in Pytorch.

OTA: Optimal Transport Assignment for Object Detection This project provides an implementation for our CVPR2021 paper "OTA: Optimal Transport Assignme

null 217 Jan 3, 2023
This is the official PyTorch implementation of the paper "TransFG: A Transformer Architecture for Fine-grained Recognition" (Ju He, Jie-Neng Chen, Shuai Liu, Adam Kortylewski, Cheng Yang, Yutong Bai, Changhu Wang, Alan Yuille).

TransFG: A Transformer Architecture for Fine-grained Recognition Official PyTorch code for the paper: TransFG: A Transformer Architecture for Fine-gra

Ju He 307 Jan 3, 2023
Official implementation for NIPS'17 paper: PredRNN: Recurrent Neural Networks for Predictive Learning Using Spatiotemporal LSTMs.

PredRNN: A Recurrent Neural Network for Spatiotemporal Predictive Learning The predictive learning of spatiotemporal sequences aims to generate future

THUML: Machine Learning Group @ THSS 243 Dec 26, 2022
[PyTorch] Official implementation of CVPR2021 paper "PointDSC: Robust Point Cloud Registration using Deep Spatial Consistency". https://arxiv.org/abs/2103.05465

PointDSC repository PyTorch implementation of PointDSC for CVPR'2021 paper "PointDSC: Robust Point Cloud Registration using Deep Spatial Consistency",

null 153 Dec 14, 2022
This is an official implementation of our CVPR 2021 paper "Bottom-Up Human Pose Estimation Via Disentangled Keypoint Regression" (https://arxiv.org/abs/2104.02300)

Bottom-Up Human Pose Estimation Via Disentangled Keypoint Regression Introduction In this paper, we are interested in the bottom-up paradigm of estima

HRNet 367 Dec 27, 2022
The official pytorch implementation of our paper "Is Space-Time Attention All You Need for Video Understanding?"

TimeSformer This is an official pytorch implementation of Is Space-Time Attention All You Need for Video Understanding?. In this repository, we provid

Facebook Research 1k Dec 31, 2022
PixelPick This is an official implementation of the paper "All you need are a few pixels: semantic segmentation with PixelPick."

PixelPick This is an official implementation of the paper "All you need are a few pixels: semantic segmentation with PixelPick." [Project page] [Paper

Gyungin Shin 59 Sep 25, 2022
Official implementation of GraphMask as presented in our paper Interpreting Graph Neural Networks for NLP With Differentiable Edge Masking.

GraphMask This repository contains an implementation of GraphMask, the interpretability technique for graph neural networks presented in our ICLR 2021

Michael Schlichtkrull 29 Sep 2, 2022
The official implementation of our CVPR 2021 paper - Hybrid Rotation Averaging: A Fast and Robust Rotation Averaging Approach

Graph Optimizer This repo contains the official implementation of our CVPR 2021 paper - Hybrid Rotation Averaging: A Fast and Robust Rotation Averagin

Chenyu 109 Dec 23, 2022
Official Pytorch Implementation of: "ImageNet-21K Pretraining for the Masses"(2021) paper

ImageNet-21K Pretraining for the Masses Paper | Pretrained models Official PyTorch Implementation Tal Ridnik, Emanuel Ben-Baruch, Asaf Noy, Lihi Zelni

null 574 Jan 2, 2023
The official PyTorch implementation of the paper: *Xili Dai, Xiaojun Yuan, Haigang Gong, Yi Ma. "Fully Convolutional Line Parsing." *.

F-Clip — Fully Convolutional Line Parsing This repository contains the official PyTorch implementation of the paper: *Xili Dai, Xiaojun Yuan, Haigang

Xili Dai 115 Dec 28, 2022
The repository offers the official implementation of our paper in PyTorch.

Cloth Interactive Transformer (CIT) Cloth Interactive Transformer for Virtual Try-On Bin Ren1, Hao Tang1, Fanyang Meng2, Runwei Ding3, Ling Shao4, Phi

Bingoren 49 Dec 1, 2022