Code for KHGT model, AAAI2021

Related tags

Deep Learning KHGT
Overview

KHGT

Code for KHGT accepted by AAAI2021

Please unzip the data files in Datasets/ first.

To run KHGT on Yelp data, use

python labcode_yelp.py

For MovieLens data, use the following command to train

python labcode_ml10m.py --data ml10m --graphSampleN 1000 --save_path XXX

and use this command to test with larger sampled sub-graphs

python labcode_ml10m.py --data ml10m --graphSampleN 5000 --epoch 0 --load_model XXX

For Online Retail data, use this command to train

python labcode_retail.py --data retail --graphSampleN 15000 --reg 1e-1 --save_path XXX

and also load the model to test it with larger sampled sub-graphs

python labcode_retail.py --data retail --graphSampleN 30000 --epoch 0 --load_model XXX
Comments
  • Issue run retail dataset

    Issue run retail dataset

    Hi, Thank you for your quick response. I was unable to run the code on retail dataset. (and Successfully run the code on ml10m and yelp datasets ) BTW, I have fixed the following minor issues to enable the correctness:

    • change the folder name from 'Yelp' to 'yelp' (match the folder name in DataHandler_time.py)
    • change line 14 in DataHandler_time.py to 'retail' (instead of 'Tmall')

    During the execution of

    python labcode_retail.py --data retail --graphSampleN 15000 --reg 1e-1 --save_path model_name
    

    The error pops out due to the index out of range. I think these are some issues with the dataset. Please let me know if you could get it run. And would you mind to sharing me the original data and data preprocessing code?

    opened by KylinA1 3
  • The axis of softmax supposed to be 0?

    The axis of softmax supposed to be 0?

    def GAT(self, srcEmbeds, tgtEmbeds, tgtNodes, maxNum, Qs, Ks, Vs):
    	QWeight = tf.nn.softmax(NNs.defineRandomNameParam([args.memosize, 1, 1], reg=True), axis=1)
    	KWeight = tf.nn.softmax(NNs.defineRandomNameParam([args.memosize, 1, 1], reg=True), axis=1)
    	VWeight = tf.nn.softmax(NNs.defineRandomNameParam([args.memosize, 1, 1], reg=True), axis=1)
    	Q = tf.reduce_sum(Qs * QWeight, axis=0)
    	K = tf.reduce_sum(Ks * KWeight, axis=0)
    	V = tf.reduce_sum(Vs * VWeight, axis=0)
    

    I found above code to implement equation (3), I have 2 questions:

    1. I think it should be below:
    tf.nn.softmax(..., axis = 0) 
    
    1. For all behavior $k$, there supposed to be only 1 group of $Q^h_m, m = 1\cdots, M$ to aggregated from, according to equation (3). While in practical implementation, each behavior $k$ has its own $M$ channels basis parameters.

    Please excuse me if there is any misunderstanding.

    opened by KylinA1 1
  • Datasets problem

    Datasets problem

    Dear author, I would like to ask you some problems in datasets that is, the user of each dataset exceed 10000, but I found that only 10000 users in test data For example, there are 67788 users in ML10M, but only 10000 users are chosen for test, is it reasonable? Thanks!

    opened by Weile0409 1
  • embedding of uEmbed0/iEmbed0 and UEmbedPred/IEmbedPred

    embedding of uEmbed0/iEmbed0 and UEmbedPred/IEmbedPred

    Hello I have a question about embedding of uEmbed0/iEmbed0 and UEmbedPred/IEmbedPred.

    In "ours" function, why Embed0 is replaced by a random initialized EmbedPred in code line 125~126 in labcode_ml10m.py?I didn't find a description of it in the paper, and I don't understand what the motivation is for doing so.

    I am confused.

    Anyway, thanks of the codes. It is pretty.

    opened by fsgdrq 1
  • embedding of srcNodes and tgtNodes

    embedding of srcNodes and tgtNodes

    Hello, I have a question. In the "messagePropagate" function, why do srcNodes and tgtNodes look up their embeddings in the same embedding table?

    opened by GhostShipZ 1
Owner
null
[AAAI2021] The source code for our paper 《Enhancing Unsupervised Video Representation Learning by Decoupling the Scene and the Motion》.

DSM The source code for paper Enhancing Unsupervised Video Representation Learning by Decoupling the Scene and the Motion Project Website; Datasets li

Jinpeng Wang 114 Oct 16, 2022
Implementation of our paper 'RESA: Recurrent Feature-Shift Aggregator for Lane Detection' in AAAI2021.

RESA PyTorch implementation of the paper "RESA: Recurrent Feature-Shift Aggregator for Lane Detection". Our paper has been accepted by AAAI2021. Intro

null 137 Jan 2, 2023
Official implementation of "Dynamic Anchor Learning for Arbitrary-Oriented Object Detection" (AAAI2021).

DAL This project hosts the official implementation for our AAAI 2021 paper: Dynamic Anchor Learning for Arbitrary-Oriented Object Detection [arxiv] [c

ming71 215 Nov 28, 2022
Simple is not Easy: A Simple Strong Baseline for TextVQA and TextCaps[AAAI2021]

Simple is not Easy: A Simple Strong Baseline for TextVQA and TextCaps Here is the code for ssbassline model. We also provide OCR results/features/mode

ZephyrZhuQi 51 Nov 18, 2022
Implementation for our AAAI2021 paper (Entity Structure Within and Throughout: Modeling Mention Dependencies for Document-Level Relation Extraction).

SSAN Introduction This is the pytorch implementation of the SSAN model (see our AAAI2021 paper: Entity Structure Within and Throughout: Modeling Menti

benfeng 69 Nov 15, 2022
Out-of-Town Recommendation with Travel Intention Modeling (AAAI2021)

TrainOR_AAAI21 This is the official implementation of our AAAI'21 paper: Haoran Xin, Xinjiang Lu, Tong Xu, Hao Liu, Jingjing Gu, Dejing Dou, Hui Xiong

Jack Xin 13 Oct 19, 2022
This is the official source code for SLATE. We provide the code for the model, the training code, and a dataset loader for the 3D Shapes dataset. This code is implemented in Pytorch.

SLATE This is the official source code for SLATE. We provide the code for the model, the training code and a dataset loader for the 3D Shapes dataset.

Gautam Singh 66 Dec 26, 2022
In this project we investigate the performance of the SetCon model on realistic video footage. Therefore, we implemented the model in PyTorch and tested the model on two example videos.

Contrastive Learning of Object Representations Supervisor: Prof. Dr. Gemma Roig Institutions: Goethe University CVAI - Computational Vision & Artifici

Dirk Neuhäuser 6 Dec 8, 2022
Step by Step on how to create an vision recognition model using LOBE.ai, export the model and run the model in an Azure Function

Step by Step on how to create an vision recognition model using LOBE.ai, export the model and run the model in an Azure Function

El Bruno 3 Mar 30, 2022
Capture all information throughout your model's development in a reproducible way and tie results directly to the model code!

Rubicon Purpose Rubicon is a data science tool that captures and stores model training and execution information, like parameters and outcomes, in a r

Capital One 97 Jan 3, 2023
Inference code for "StylePeople: A Generative Model of Fullbody Human Avatars" paper. This code is for the part of the paper describing video-based avatars.

NeuralTextures This is repository with inference code for paper "StylePeople: A Generative Model of Fullbody Human Avatars" (CVPR21). This code is for

Visual Understanding Lab @ Samsung AI Center Moscow 18 Oct 6, 2022
This is the code for our KILT leaderboard submission to the T-REx and zsRE tasks. It includes code for training a DPR model then continuing training with RAG.

KGI (Knowledge Graph Induction) for slot filling This is the code for our KILT leaderboard submission to the T-REx and zsRE tasks. It includes code fo

International Business Machines 72 Jan 6, 2023
Reference implementation of code generation projects from Facebook AI Research. General toolkit to apply machine learning to code, from dataset creation to model training and evaluation. Comes with pretrained models.

This repository is a toolkit to do machine learning for programming languages. It implements tokenization, dataset preprocessing, model training and m

Facebook Research 408 Jan 1, 2023
Model search is a framework that implements AutoML algorithms for model architecture search at scale

Model search (MS) is a framework that implements AutoML algorithms for model architecture search at scale. It aims to help researchers speed up their exploration process for finding the right model architecture for their classification problems (i.e., DNNs with different types of layers).

Google 3.2k Dec 31, 2022
Implementation of STAM (Space Time Attention Model), a pure and simple attention model that reaches SOTA for video classification

STAM - Pytorch Implementation of STAM (Space Time Attention Model), yet another pure and simple SOTA attention model that bests all previous models in

Phil Wang 109 Dec 28, 2022
ReConsider is a re-ranking model that re-ranks the top-K (passage, answer-span) predictions of an Open-Domain QA Model like DPR (Karpukhin et al., 2020).

ReConsider ReConsider is a re-ranking model that re-ranks the top-K (passage, answer-span) predictions of an Open-Domain QA Model like DPR (Karpukhin

Facebook Research 47 Jul 26, 2022
Model Zoo for AI Model Efficiency Toolkit

We provide a collection of popular neural network models and compare their floating point and quantized performance.

Qualcomm Innovation Center 137 Jan 3, 2023
😇A pyTorch implementation of the DeepMoji model: state-of-the-art deep learning model for analyzing sentiment, emotion, sarcasm etc

------ Update September 2018 ------ It's been a year since TorchMoji and DeepMoji were released. We're trying to understand how it's being used such t

Hugging Face 865 Dec 24, 2022