PyTorch implementation of ARM-Net: Adaptive Relation Modeling Network for Structured Data.

Overview

ARM-Net: Adaptive Relation Modeling Network for Structured Data

version python pytorch singa

This repository contains our PyTorch implementation of ARM-Net: Adaptive Relation Modeling Network for Structured Data. We also provide the implementation of relevant baseline models for structured (tabular) data learning.

Our lightweight framework for structured data analytics implemented in Singa can be found in our project site.

Benchmark Dataset

Baseline Model

Model Code Reference
Logistic Regression LR, lr.py
Factorization Machine FM, fm.py S Rendle, Factorization Machines, 2010.
Attentional Factorization Machine AFM, afm.py J Xiao, et al. Attentional Factorization Machines: Learning the Weight of Feature Interactions via Attention Networks, 2017.
Higher-Order Factorization Machines HOFM, hofm.py M Blondel, et al. Higher-Order Factorization Machines, 2016.
Deep Neural Network DNN, dnn.py
Graph Convolutional Networks GCN, gcn.py T Kipf, et al. Semi-Supervised Classification with Graph Convolutional Networks, 2016.
Graph Convolutional Networks GAT, gat.py P Veličković, et al. Graph Attention Networks, 2017.
Wide&Deep Wide&Deep, wd.py HT Cheng, et al. Wide & Deep Learning for Recommender Systems, 2016.
Product Neural Network IPNN/KPNN, pnn.py Y Qu, et al. Product-based Neural Networks for User Response Prediction, 2016.
Neural Factorization Machine NFM, nfm.py X He and TS Chua, Neural Factorization Machines for Sparse Predictive Analytics, 2017.
DeepFM DeepFM, dfm.py H Guo, et al. DeepFM: A Factorization-Machine based Neural Network for CTR Prediction, 2017.
Deep & Cross Network DCN/DCN+, dcn.py R Wang, et al. Deep & Cross Network for Ad Click Predictions, 2017.
Gated Linear Unit SA_GLU, sa_glu.py Y N. Dauphin, et al. Language Modeling with Gated Convolutional Networks, 2017
xDeepFM CIN/xDeepFM, xdfm.py J Lian, et al. xDeepFM: Combining Explicit and Implicit Feature Interactions for Recommender Systems, 2018.
Context-Aware Self-Attention Network GC_ARM, gc_arm.py B Yang, et al. Context-Aware Self-Attention Networks, 2019
AFN AFN/AFN+, afn.py W Cheng, et al. Adaptive Factorization Network: Learning Adaptive-Order Feature Interactions, 2020.
ARM-Net ARM-Net/ARM-Net+, armnet.py S Cai, et al. ARM-Net: Adaptive Relation Modeling Network for Structured Data, 2021.

Citation

If you use our code in your research, please kindly cite:

@inproceedings{DBLP:conf/sigmod/CaiZ0JOZ21,
  author    = {Shaofeng Cai and
               Kaiping Zheng and
               Gang Chen and
               H. V. Jagadish and
               Beng Chin Ooi and
               Meihui Zhang},
  title     = {ARM-Net: Adaptive Relation Modeling Network for Structured Data},
  booktitle = {{SIGMOD} '21: International Conference on Management of Data, Virtual
               Event, China, June 20-25, 2021},
  pages     = {207--220},
  publisher = {{ACM}},
  year      = {2021},
}

Contact

To ask questions or report issues, you can directly drop us an email.

Sarus implementation of classical ML models. The models are implemented using the Keras API of tensorflow 2. Vizualization are implemented and can be seen in tensorboard.

Sarus published models Sarus implementation of classical ML models. The models are implemented using the Keras API of tensorflow 2. Vizualization are

Sarus Technologies 39 Aug 19, 2022
Learning kernels to maximize the power of MMD tests

Code for the paper "Generative Models and Model Criticism via Optimized Maximum Mean Discrepancy" (arXiv:1611.04488; published at ICLR 2017), by Douga

Danica J. Sutherland 201 Dec 17, 2022
Tensorflow 2 implementation of the paper: Learning and Evaluating Representations for Deep One-class Classification published at ICLR 2021

Deep Representation One-class Classification (DROC). This is not an officially supported Google product. Tensorflow 2 implementation of the paper: Lea

Google Research 137 Dec 23, 2022
Semi-supervised Transfer Learning for Image Rain Removal. In CVPR 2019.

Semi-supervised Transfer Learning for Image Rain Removal This package contains the Python implementation of "Semi-supervised Transfer Learning for Ima

Wei Wei 59 Dec 26, 2022
Implements pytorch code for the Accelerated SGD algorithm.

AccSGD This is the code associated with Accelerated SGD algorithm used in the paper On the insufficiency of existing momentum schemes for Stochastic O

205 Jan 02, 2023
Code for "Reconstructing 3D Human Pose by Watching Humans in the Mirror", CVPR 2021 oral

Reconstructing 3D Human Pose by Watching Humans in the Mirror Qi Fang*, Qing Shuai*, Junting Dong, Hujun Bao, Xiaowei Zhou CVPR 2021 Oral The videos a

ZJU3DV 178 Dec 13, 2022
This is a re-implementation of TransGAN: Two Pure Transformers Can Make One Strong GAN (CVPR 2021) in PyTorch.

TransGAN: Two Transformers Can Make One Strong GAN [YouTube Video] Paper Authors: Yifan Jiang, Shiyu Chang, Zhangyang Wang CVPR 2021 This is re-implem

Ahmet Sarigun 79 Jan 05, 2023
Advanced Signal Processing Notebooks and Tutorials

Advanced Digital Signal Processing Notebooks and Tutorials Prof. Dr. -Ing. Gerald Schuller Jupyter Notebooks and Videos: Renato Profeta Applied Media

Guitars.AI 115 Dec 13, 2022
The official repository for "Revealing unforeseen diagnostic image features with deep learning by detecting cardiovascular diseases from apical four-chamber ultrasounds"

Revealing unforeseen diagnostic image features with deep learning by detecting cardiovascular diseases from apical four-chamber ultrasounds The why Im

3 Mar 29, 2022
When are Iterative GPs Numerically Accurate?

When are Iterative GPs Numerically Accurate? This is a code repository for the paper "When are Iterative GPs Numerically Accurate?" by Wesley Maddox,

Wesley Maddox 1 Jan 06, 2022
Reinforcement Learning for Portfolio Management

qtrader Reinforcement Learning for Portfolio Management Why Reinforcement Learning? Learns the optimal action, rather than models the market. Adaptive

Angelos Filos 406 Jan 01, 2023
Semi-supervised Implicit Scene Completion from Sparse LiDAR

Semi-supervised Implicit Scene Completion from Sparse LiDAR Paper Created by Pengfei Li, Yongliang Shi, Tianyu Liu, Hao Zhao, Guyue Zhou and YA-QIN ZH

114 Nov 30, 2022
The repo contains the code to train and evaluate a system which extracts relations and explanations from dialogue.

The repo contains the code to train and evaluate a system which extracts relations and explanations from dialogue. How do I cite D-REX? For now, cite

Alon Albalak 6 Mar 31, 2022
Residual Pathway Priors for Soft Equivariance Constraints

Residual Pathway Priors for Soft Equivariance Constraints This repo contains the implementation and the experiments for the paper Residual Pathway Pri

Marc Finzi 13 Oct 12, 2022
Implementation of Deep Deterministic Policy Gradiet Algorithm in Tensorflow

ddpg-aigym Deep Deterministic Policy Gradient Implementation of Deep Deterministic Policy Gradiet Algorithm (Lillicrap et al.arXiv:1509.02971.) in Ten

Steven Spielberg P 247 Dec 07, 2022
Social Fabric: Tubelet Compositions for Video Relation Detection

Social-Fabric Social Fabric: Tubelet Compositions for Video Relation Detection This repository contains the code and results for the following paper:

Shuo Chen 7 Aug 09, 2022
A collection of awesome resources image-to-image translation.

awesome image-to-image translation A collection of resources on image-to-image translation. Contributing If you think I have missed out on something (

876 Dec 28, 2022
Collection of NLP model explanations and accompanying analysis tools

Thermostat is a large collection of NLP model explanations and accompanying analysis tools. Combines explainability methods from the captum library wi

126 Nov 22, 2022
[ICCV 2021] Official PyTorch implementation for Deep Relational Metric Learning.

Ranking Models in Unlabeled New Environments Prerequisites This code uses the following libraries Python 3.7 NumPy PyTorch 1.7.0 + torchivision 0.8.1

Borui Zhang 39 Dec 10, 2022
🏃‍♀️ A curated list about human motion capture, analysis and synthesis.

Awesome Human Motion 🏃‍♀️ A curated list about human motion capture, analysis and synthesis. Contents Introduction Human Models Datasets Data Process

Dennis Wittchen 274 Dec 14, 2022