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.

Safe Local Motion Planning with Self-Supervised Freespace Forecasting, CVPR 2021

Safe Local Motion Planning with Self-Supervised Freespace Forecasting By Peiyun Hu, Aaron Huang, John Dolan, David Held, and Deva Ramanan Citing us Yo

Peiyun Hu 90 Dec 01, 2022
Numerical differential equation solvers in JAX. Autodifferentiable and GPU-capable.

Diffrax Numerical differential equation solvers in JAX. Autodifferentiable and GPU-capable. Diffrax is a JAX-based library providing numerical differe

Patrick Kidger 717 Jan 09, 2023
Code of TIP2021 Paper《SFace: Sigmoid-Constrained Hypersphere Loss for Robust Face Recognition》. We provide both MxNet and Pytorch versions.

SFace Code of TIP2021 Paper 《SFace: Sigmoid-Constrained Hypersphere Loss for Robust Face Recognition》. We provide both MxNet, PyTorch and Jittor versi

Zhong Yaoyao 47 Nov 25, 2022
DNA sequence classification by Deep Neural Network

DNA sequence classification by Deep Neural Network: Project Overview worked on the DNA sequence classification problem where the input is the DNA sequ

Mohammed Jawwadul Islam Fida 0 Aug 02, 2022
Kernel Point Convolutions

Created by Hugues THOMAS Introduction Update 27/04/2020: New PyTorch implementation available. With SemanticKitti, and Windows supported. This reposit

Hugues THOMAS 584 Jan 07, 2023
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...

Automatic, Readable, Reusable, Extendable Machin is a reinforcement library designed for pytorch. Build status Platform Status Linux Windows Supported

Iffi 348 Dec 24, 2022
Code for Massive-scale Decoding for Text Generation using Lattices

Massive-scale Decoding for Text Generation using Lattices Jiacheng Xu, Greg Durrett TL;DR: a new search algorithm to construct lattices encoding many

Jiacheng Xu 37 Dec 18, 2022
Generating synthetic mobility data for a realistic population with RNNs to improve utility and privacy

lbs-data Motivation Location data is collected from the public by private firms via mobile devices. Can this data also be used to serve the public goo

Alex 11 Sep 22, 2022
A Pytorch loader for MVTecAD dataset.

MVTecAD A Pytorch loader for MVTecAD dataset. It strictly follows the code style of common Pytorch datasets, such as torchvision.datasets.CIFAR10. The

Jiyuan 1 Dec 27, 2021
Trajectory Prediction with Graph-based Dual-scale Context Fusion

DSP: Trajectory Prediction with Graph-based Dual-scale Context Fusion Introduction This is the project page of the paper Lu Zhang, Peiliang Li, Jing C

HKUST Aerial Robotics Group 103 Jan 04, 2023
Neural-PIL: Neural Pre-Integrated Lighting for Reflectance Decomposition - NeurIPS2021

Neural-PIL: Neural Pre-Integrated Lighting for Reflectance Decomposition Project Page | Video | Paper Implementation for Neural-PIL. A novel method wh

Computergraphics (University of Tübingen) 64 Dec 29, 2022
Official pytorch implementation for Learning to Listen: Modeling Non-Deterministic Dyadic Facial Motion (CVPR 2022)

Learning to Listen: Modeling Non-Deterministic Dyadic Facial Motion This repository contains a pytorch implementation of "Learning to Listen: Modeling

50 Dec 17, 2022
UniLM AI - Large-scale Self-supervised Pre-training across Tasks, Languages, and Modalities

Pre-trained (foundation) models across tasks (understanding, generation and translation), languages (100+ languages), and modalities (language, image, audio, vision + language, audio + language, etc.

Microsoft 7.6k Jan 01, 2023
Gym-TORCS is the reinforcement learning (RL) environment in TORCS domain with OpenAI-gym-like interface.

Gym-TORCS Gym-TORCS is the reinforcement learning (RL) environment in TORCS domain with OpenAI-gym-like interface. TORCS is the open-rource realistic

naoto yoshida 400 Dec 27, 2022
🐤 Nix-TTS: An Incredibly Lightweight End-to-End Text-to-Speech Model via Non End-to-End Distillation

🐤 Nix-TTS An Incredibly Lightweight End-to-End Text-to-Speech Model via Non End-to-End Distillation Rendi Chevi, Radityo Eko Prasojo, Alham Fikri Aji

Rendi Chevi 156 Jan 09, 2023
DeepSpeed is a deep learning optimization library that makes distributed training easy, efficient, and effective.

DeepSpeed+Megatron trained the world's most powerful language model: MT-530B DeepSpeed is hiring, come join us! DeepSpeed is a deep learning optimizat

Microsoft 8.4k Dec 28, 2022
(CVPR2021) ClassSR: A General Framework to Accelerate Super-Resolution Networks by Data Characteristic

ClassSR (CVPR2021) ClassSR: A General Framework to Accelerate Super-Resolution Networks by Data Characteristic Paper Authors: Xiangtao Kong, Hengyuan

Xiangtao Kong 308 Jan 05, 2023
In this project, we create and implement a deep learning library from scratch.

ARA In this project, we create and implement a deep learning library from scratch. Table of Contents Deep Leaning Library Table of Contents About The

22 Aug 23, 2022
Job-Recommend-Competition - Vectorwise Interpretable Attentions for Multimodal Tabular Data

SiD - Simple Deep Model Vectorwise Interpretable Attentions for Multimodal Tabul

Jungwoo Park 40 Dec 22, 2022
Code for EMNLP 2021 paper: "Learning Implicit Sentiment in Aspect-based Sentiment Analysis with Supervised Contrastive Pre-Training"

SCAPT-ABSA Code for EMNLP2021 paper: "Learning Implicit Sentiment in Aspect-based Sentiment Analysis with Supervised Contrastive Pre-Training" Overvie

Zhengyan Li 66 Dec 04, 2022