Search Results for author: Jiliang Tang

Found 144 papers, 64 papers with code

Automate Knowledge Concept Tagging on Math Questions with LLMs

no code implementations26 Mar 2024 Hang Li, Tianlong Xu, Jiliang Tang, Qingsong Wen

Knowledge concept tagging for questions plays a crucial role in contemporary intelligent educational applications, including learning progress diagnosis, practice question recommendations, and course content organization.

Few-Shot Learning Math

Large Language Models for Education: A Survey and Outlook

no code implementations26 Mar 2024 Shen Wang, Tianlong Xu, Hang Li, Chaoli Zhang, Joleen Liang, Jiliang Tang, Philip S. Yu, Qingsong Wen

The advent of Large Language Models (LLMs) has brought in a new era of possibilities in the realm of education.

Content Knowledge Identification with Multi-Agent Large Language Models (LLMs)

no code implementations22 Mar 2024 Kaiqi Yang, Yucheng Chu, Taylor Darwin, Ahreum Han, Hang Li, Hongzhi Wen, Yasemin Copur-Gencturk, Jiliang Tang, Hui Liu

Teachers' mathematical content knowledge (CK) is of vital importance and need in teacher professional development (PD) programs.

Unveiling and Mitigating Memorization in Text-to-image Diffusion Models through Cross Attention

1 code implementation17 Mar 2024 Jie Ren, Yaxin Li, Shenglai Zen, Han Xu, Lingjuan Lyu, Yue Xing, Jiliang Tang

Recent advancements in text-to-image diffusion models have demonstrated their remarkable capability to generate high-quality images from textual prompts.

Memorization

The Good and The Bad: Exploring Privacy Issues in Retrieval-Augmented Generation (RAG)

1 code implementation23 Feb 2024 Shenglai Zeng, Jiankun Zhang, Pengfei He, Yue Xing, Yiding Liu, Han Xu, Jie Ren, Shuaiqiang Wang, Dawei Yin, Yi Chang, Jiliang Tang

In this work, we conduct extensive empirical studies with novel attack methods, which demonstrate the vulnerability of RAG systems on leaking the private retrieval database.

Language Modelling Retrieval

Mixture of Link Predictors

no code implementations13 Feb 2024 Li Ma, Haoyu Han, Juanhui Li, Harry Shomer, Hui Liu, Xiaofeng Gao, Jiliang Tang

Link prediction, which aims to forecast unseen connections in graphs, is a fundamental task in graph machine learning.

Link Prediction

Investigating Out-of-Distribution Generalization of GNNs: An Architecture Perspective

no code implementations13 Feb 2024 Kai Guo, Hongzhi Wen, Wei Jin, Yaming Guo, Jiliang Tang, Yi Chang

These insights have empowered us to develop a novel GNN backbone model, DGAT, designed to harness the robust properties of both graph self-attention mechanism and the decoupled architecture.

Out-of-Distribution Generalization

Masked Graph Autoencoder with Non-discrete Bandwidths

1 code implementation6 Feb 2024 Ziwen Zhao, Yuhua Li, Yixiong Zou, Jiliang Tang, Ruixuan Li

Inspired by these understandings, we explore non-discrete edge masks, which are sampled from a continuous and dispersive probability distribution instead of the discrete Bernoulli distribution.

Blocking Link Prediction +2

Copyright Protection in Generative AI: A Technical Perspective

no code implementations4 Feb 2024 Jie Ren, Han Xu, Pengfei He, Yingqian Cui, Shenglai Zeng, Jiankun Zhang, Hongzhi Wen, Jiayuan Ding, Hui Liu, Yi Chang, Jiliang Tang

We examine from two distinct viewpoints: the copyrights pertaining to the source data held by the data owners and those of the generative models maintained by the model builders.

A Data Generation Perspective to the Mechanism of In-Context Learning

no code implementations3 Feb 2024 Haitao Mao, Guangliang Liu, Yao Ma, Rongrong Wang, Jiliang Tang

In-Context Learning (ICL) empowers Large Language Models (LLMs) with the capacity to learn in context, achieving downstream generalization without gradient updates but with a few in-context examples.

In-Context Learning

Graph Foundation Models

no code implementations3 Feb 2024 Haitao Mao, Zhikai Chen, Wenzhuo Tang, Jianan Zhao, Yao Ma, Tong Zhao, Neil Shah, Mikhail Galkin, Jiliang Tang

Graph Foundation Model (GFM) is a new trending research topic in the graph domain, aiming to develop a graph model capable of generalizing across different graphs and tasks.

Neural Scaling Laws on Graphs

no code implementations3 Feb 2024 Jingzhe Liu, Haitao Mao, Zhikai Chen, Tong Zhao, Neil Shah, Jiliang Tang

In this work, we delve into neural scaling laws on graphs from both model and data perspectives.

Graph Classification Link Prediction +1

Bringing Generative AI to Adaptive Learning in Education

no code implementations2 Feb 2024 Hang Li, Tianlong Xu, Chaoli Zhang, Eason Chen, Jing Liang, Xing Fan, Haoyang Li, Jiliang Tang, Qingsong Wen

The recent surge in generative AI technologies, such as large language models and diffusion models, have boosted the development of AI applications in various domains, including science, finance, and education.

Position

Superiority of Multi-Head Attention in In-Context Linear Regression

no code implementations30 Jan 2024 Yingqian Cui, Jie Ren, Pengfei He, Jiliang Tang, Yue Xing

We present a theoretical analysis of the performance of transformer with softmax attention in in-context learning with linear regression tasks.

In-Context Learning regression

Distance-Based Propagation for Efficient Knowledge Graph Reasoning

1 code implementation2 Nov 2023 Harry Shomer, Yao Ma, Juanhui Li, Bo Wu, Charu C. Aggarwal, Jiliang Tang

A new class of methods have been proposed to tackle this problem by aggregating path information.

Embedding in Recommender Systems: A Survey

1 code implementation28 Oct 2023 Xiangyu Zhao, Maolin Wang, Xinjian Zhao, Jiansheng Li, Shucheng Zhou, Dawei Yin, Qing Li, Jiliang Tang, Ruocheng Guo

This survey covers embedding methods like collaborative filtering, self-supervised learning, and graph-based techniques.

AutoML Collaborative Filtering +3

LPFormer: An Adaptive Graph Transformer for Link Prediction

1 code implementation17 Oct 2023 Harry Shomer, Yao Ma, Haitao Mao, Juanhui Li, Bo Wu, Jiliang Tang

In recent years, a new class of methods has emerged that combines the advantages of message-passing neural networks (MPNN) and heuristics methods.

Inductive Bias Link Prediction

Exploring Memorization in Fine-tuned Language Models

no code implementations10 Oct 2023 Shenglai Zeng, Yaxin Li, Jie Ren, Yiding Liu, Han Xu, Pengfei He, Yue Xing, Shuaiqiang Wang, Jiliang Tang, Dawei Yin

In this work, we conduct the first comprehensive analysis to explore language models' (LMs) memorization during fine-tuning across tasks.

Memorization

Label-free Node Classification on Graphs with Large Language Models (LLMS)

1 code implementation7 Oct 2023 Zhikai Chen, Haitao Mao, Hongzhi Wen, Haoyu Han, Wei Jin, Haiyang Zhang, Hui Liu, Jiliang Tang

In light of these observations, this work introduces a label-free node classification on graphs with LLMs pipeline, LLM-GNN.

Node Classification

FT-Shield: A Watermark Against Unauthorized Fine-tuning in Text-to-Image Diffusion Models

no code implementations3 Oct 2023 Yingqian Cui, Jie Ren, Yuping Lin, Han Xu, Pengfei He, Yue Xing, Wenqi Fan, Hui Liu, Jiliang Tang

Text-to-image generative models based on latent diffusion models (LDM) have demonstrated their outstanding ability in generating high-quality and high-resolution images according to language prompt.

Face Transfer

On the Generalization of Training-based ChatGPT Detection Methods

1 code implementation2 Oct 2023 Han Xu, Jie Ren, Pengfei He, Shenglai Zeng, Yingqian Cui, Amy Liu, Hui Liu, Jiliang Tang

ChatGPT is one of the most popular language models which achieve amazing performance on various natural language tasks.

Revisiting Link Prediction: A Data Perspective

1 code implementation1 Oct 2023 Haitao Mao, Juanhui Li, Harry Shomer, Bingheng Li, Wenqi Fan, Yao Ma, Tong Zhao, Neil Shah, Jiliang Tang

We recognize three fundamental factors critical to link prediction: local structural proximity, global structural proximity, and feature proximity.

Link Prediction

Graph-level Representation Learning with Joint-Embedding Predictive Architectures

1 code implementation27 Sep 2023 Geri Skenderi, Hang Li, Jiliang Tang, Marco Cristani

Joint-Embedding Predictive Architectures (JEPAs) have recently emerged as a novel and powerful technique for self-supervised representation learning.

Contrastive Learning Data Augmentation +3

Exploring the Potential of Large Language Models (LLMs) in Learning on Graphs

2 code implementations7 Jul 2023 Zhikai Chen, Haitao Mao, Hang Li, Wei Jin, Hongzhi Wen, Xiaochi Wei, Shuaiqiang Wang, Dawei Yin, Wenqi Fan, Hui Liu, Jiliang Tang

The most popular pipeline for learning on graphs with textual node attributes primarily relies on Graph Neural Networks (GNNs), and utilizes shallow text embedding as initial node representations, which has limitations in general knowledge and profound semantic understanding.

General Knowledge Node Classification

Demystifying Structural Disparity in Graph Neural Networks: Can One Size Fit All?

1 code implementation NeurIPS 2023 Haitao Mao, Zhikai Chen, Wei Jin, Haoyu Han, Yao Ma, Tong Zhao, Neil Shah, Jiliang Tang

Recent studies on Graph Neural Networks(GNNs) provide both empirical and theoretical evidence supporting their effectiveness in capturing structural patterns on both homophilic and certain heterophilic graphs.

Node Classification

DiffusionShield: A Watermark for Copyright Protection against Generative Diffusion Models

no code implementations25 May 2023 Yingqian Cui, Jie Ren, Han Xu, Pengfei He, Hui Liu, Lichao Sun, Yue Xing, Jiliang Tang

By detecting the watermark from generated images, copyright infringement can be exposed with evidence.

Single-Cell Multimodal Prediction via Transformers

1 code implementation1 Mar 2023 Wenzhuo Tang, Hongzhi Wen, Renming Liu, Jiayuan Ding, Wei Jin, Yuying Xie, Hui Liu, Jiliang Tang

The recent development of multimodal single-cell technology has made the possibility of acquiring multiple omics data from individual cells, thereby enabling a deeper understanding of cellular states and dynamics.

Toward Degree Bias in Embedding-Based Knowledge Graph Completion

1 code implementation10 Feb 2023 Harry Shomer, Wei Jin, Wentao Wang, Jiliang Tang

It aims to predict unseen edges by learning representations for all the entities and relations in a KG.

Data Augmentation

Generative Diffusion Models on Graphs: Methods and Applications

1 code implementation6 Feb 2023 Chengyi Liu, Wenqi Fan, Yunqing Liu, Jiatong Li, Hang Li, Hui Liu, Jiliang Tang, Qing Li

Given the great success of diffusion models in image generation, increasing efforts have been made to leverage these techniques to advance graph generation in recent years.

Denoising Graph Generation +2

Deep Learning in Single-Cell Analysis

6 code implementations22 Oct 2022 Dylan Molho, Jiayuan Ding, Zhaoheng Li, Hongzhi Wen, Wenzhuo Tang, Yixin Wang, Julian Venegas, Wei Jin, Renming Liu, Runze Su, Patrick Danaher, Robert Yang, Yu Leo Lei, Yuying Xie, Jiliang Tang

Under each task, we describe the most recent developments in classical and deep learning methods and discuss their advantages and disadvantages.

Cell Segmentation Imputation

Whole Page Unbiased Learning to Rank

no code implementations19 Oct 2022 Haitao Mao, Lixin Zou, Yujia Zheng, Jiliang Tang, Xiaokai Chu, Jiashu Zhao, Qian Wang, Dawei Yin

To address the above challenges, we propose a Bias Agnostic whole-page unbiased Learning to rank algorithm, named BAL, to automatically find the user behavior model with causal discovery and mitigate the biases induced by multiple SERP features with no specific design.

Causal Discovery Information Retrieval +2

Transferable Unlearnable Examples

1 code implementation18 Oct 2022 Jie Ren, Han Xu, Yuxuan Wan, Xingjun Ma, Lichao Sun, Jiliang Tang

The unlearnable strategies have been introduced to prevent third parties from training on the data without permission.

Towards Fair Classification against Poisoning Attacks

no code implementations18 Oct 2022 Han Xu, Xiaorui Liu, Yuxuan Wan, Jiliang Tang

We demonstrate that the fairly trained classifiers can be greatly vulnerable to such poisoning attacks, with much worse accuracy & fairness trade-off, even when we apply some of the most effective defenses (originally proposed to defend traditional classification tasks).

Classification Fairness

Probabilistic Categorical Adversarial Attack & Adversarial Training

no code implementations17 Oct 2022 Han Xu, Pengfei He, Jie Ren, Yuxuan Wan, Zitao Liu, Hui Liu, Jiliang Tang

To tackle this problem, we propose Probabilistic Categorical Adversarial Attack (PCAA), which transfers the discrete optimization problem to a continuous problem that can be solved efficiently by Projected Gradient Descent.

Adversarial Attack

Test-Time Training for Graph Neural Networks

no code implementations17 Oct 2022 Yiqi Wang, Chaozhuo Li, Wei Jin, Rui Li, Jianan Zhao, Jiliang Tang, Xing Xie

To bridge such gap, in this work we introduce the first test-time training framework for GNNs to enhance the model generalization capacity for the graph classification task.

Graph Classification Self-Supervised Learning

Empowering Graph Representation Learning with Test-Time Graph Transformation

1 code implementation7 Oct 2022 Wei Jin, Tong Zhao, Jiayuan Ding, Yozen Liu, Jiliang Tang, Neil Shah

In this work, we provide a data-centric view to tackle these issues and propose a graph transformation framework named GTrans which adapts and refines graph data at test time to achieve better performance.

Drug Discovery Graph Representation Learning +1

Learning Representations for Hyper-Relational Knowledge Graphs

1 code implementation30 Aug 2022 Harry Shomer, Wei Jin, Juanhui Li, Yao Ma, Jiliang Tang

It motivates us to design a framework that utilizes multiple aggregators to learn representations for hyper-relational facts: one from the perspective of the base triple and the other one from the perspective of the qualifiers.

A Large Scale Search Dataset for Unbiased Learning to Rank

1 code implementation7 Jul 2022 Lixin Zou, Haitao Mao, Xiaokai Chu, Jiliang Tang, Wenwen Ye, Shuaiqiang Wang, Dawei Yin

The unbiased learning to rank (ULTR) problem has been greatly advanced by recent deep learning techniques and well-designed debias algorithms.

Causal Discovery Language Modelling +3

pyKT: A Python Library to Benchmark Deep Learning based Knowledge Tracing Models

2 code implementations23 Jun 2022 Zitao Liu, Qiongqiong Liu, Jiahao Chen, Shuyan Huang, Jiliang Tang, Weiqi Luo

However, the success behind deep learning based knowledge tracing (DLKT) approaches is still left somewhat unknown and proper measurement and analysis of these DLKT approaches remain a challenge.

Knowledge Tracing valid

Detecting Harmful Online Conversational Content towards LGBTQIA+ Individuals

1 code implementation15 Jun 2022 Jamell Dacon, Harry Shomer, Shaylynn Crum-Dacon, Jiliang Tang

Online discussions, panels, talk page edits, etc., often contain harmful conversational content i. e., hate speech, death threats and offensive language, especially towards certain demographic groups.

Condensing Graphs via One-Step Gradient Matching

3 code implementations15 Jun 2022 Wei Jin, Xianfeng Tang, Haoming Jiang, Zheng Li, Danqing Zhang, Jiliang Tang, Bing Yin

However, existing approaches have their inherent limitations: (1) they are not directly applicable to graphs where the data is discrete; and (2) the condensation process is computationally expensive due to the involved nested optimization.

Dataset Condensation

Feature Overcorrelation in Deep Graph Neural Networks: A New Perspective

1 code implementation15 Jun 2022 Wei Jin, Xiaorui Liu, Yao Ma, Charu Aggarwal, Jiliang Tang

In this paper, we propose a new perspective to look at the performance degradation of deep GNNs, i. e., feature overcorrelation.

Drug Discovery Feature Correlation

Alternately Optimized Graph Neural Networks

no code implementations8 Jun 2022 Haoyu Han, Xiaorui Liu, Haitao Mao, MohamadAli Torkamani, Feng Shi, Victor Lee, Jiliang Tang

Extensive experiments demonstrate that the proposed method can achieve comparable or better performance with state-of-the-art baselines while it has significantly better computation and memory efficiency.

MULTI-VIEW LEARNING Node Classification

Defense Against Gradient Leakage Attacks via Learning to Obscure Data

no code implementations1 Jun 2022 Yuxuan Wan, Han Xu, Xiaorui Liu, Jie Ren, Wenqi Fan, Jiliang Tang

However, federated learning is still under the risk of privacy leakage because of the existence of attackers who deliberately conduct gradient leakage attacks to reconstruct the client data.

Federated Learning Privacy Preserving

Are Message Passing Neural Networks Really Helpful for Knowledge Graph Completion?

1 code implementation21 May 2022 Juanhui Li, Harry Shomer, Jiayuan Ding, Yiqi Wang, Yao Ma, Neil Shah, Jiliang Tang, Dawei Yin

This suggests a conflation of scoring function design, loss function design, and MP in prior work, with promising insights regarding the scalability of state-of-the-art KGC methods today, as well as careful attention to more suitable MP designs for KGC tasks tomorrow.

A Comprehensive Survey on Trustworthy Graph Neural Networks: Privacy, Robustness, Fairness, and Explainability

no code implementations18 Apr 2022 Enyan Dai, Tianxiang Zhao, Huaisheng Zhu, Junjie Xu, Zhimeng Guo, Hui Liu, Jiliang Tang, Suhang Wang

Despite their great potential in benefiting humans in the real world, recent study shows that GNNs can leak private information, are vulnerable to adversarial attacks, can inherit and magnify societal bias from training data and lack interpretability, which have risk of causing unintentional harm to the users and society.

Drug Discovery Fairness

Graph Enhanced BERT for Query Understanding

no code implementations3 Apr 2022 Juanhui Li, Yao Ma, Wei Zeng, Suqi Cheng, Jiliang Tang, Shuaiqiang Wang, Dawei Yin

In other words, GE-BERT can capture both the semantic information and the users' search behavioral information of queries.

Graph Neural Networks for Multimodal Single-Cell Data Integration

1 code implementation3 Mar 2022 Hongzhi Wen, Jiayuan Ding, Wei Jin, Yiqi Wang, Yuying Xie, Jiliang Tang

Recent advances in multimodal single-cell technologies have enabled simultaneous acquisitions of multiple omics data from the same cell, providing deeper insights into cellular states and dynamics.

Data Integration

Graph Neural Networks with Adaptive Residual

1 code implementation NeurIPS 2021 Xiaorui Liu, Jiayuan Ding, Wei Jin, Han Xu, Yao Ma, Zitao Liu, Jiliang Tang

Graph neural networks (GNNs) have shown the power in graph representation learning for numerous tasks.

Graph Representation Learning

Graph Condensation for Graph Neural Networks

2 code implementations ICLR 2022 Wei Jin, Lingxiao Zhao, Shichang Zhang, Yozen Liu, Jiliang Tang, Neil Shah

Given the prevalence of large-scale graphs in real-world applications, the storage and time for training neural models have raised increasing concerns.

Towards Feature Overcorrelation in Deeper Graph Neural Networks

no code implementations29 Sep 2021 Wei Jin, Xiaorui Liu, Yao Ma, Charu Aggarwal, Jiliang Tang

In this paper, we observe a new issue in deeper GNNs, i. e., feature overcorrelation, and perform a thorough study to deepen our understanding on this issue.

Feature Correlation Graph Representation Learning

What Truly Matters? Using Linguistic Cues for Analyzing the #BlackLivesMatter Movement and its Counter Protests: 2013 to 2020

no code implementations20 Sep 2021 Jamell Dacon, Jiliang Tang

Consequently, our findings highlight that social activism done by Black Lives Matter activists does not diverge from the social issues and topics involving police-brutality related and racially-motivated killings of Black individuals due to the shape of its topical graph that topics and conversations encircling the largest component directly relate to the topic of Black Lives Matter.

Sentence

Graph Trend Filtering Networks for Recommendations

1 code implementation12 Aug 2021 Wenqi Fan, Xiaorui Liu, Wei Jin, Xiangyu Zhao, Jiliang Tang, Qing Li

The key of recommender systems is to predict how likely users will interact with items based on their historical online behaviors, e. g., clicks, add-to-cart, purchases, etc.

Collaborative Filtering Graph Representation Learning +1

Decentralized Composite Optimization with Compression

no code implementations10 Aug 2021 Yao Li, Xiaorui Liu, Jiliang Tang, Ming Yan, Kun Yuan

Decentralized optimization and communication compression have exhibited their great potential in accelerating distributed machine learning by mitigating the communication bottleneck in practice.

Jointly Attacking Graph Neural Network and its Explanations

no code implementations7 Aug 2021 Wenqi Fan, Wei Jin, Xiaorui Liu, Han Xu, Xianfeng Tang, Suhang Wang, Qing Li, Jiliang Tang, JianPing Wang, Charu Aggarwal

Despite the great success, recent studies have shown that GNNs are highly vulnerable to adversarial attacks, where adversaries can mislead the GNNs' prediction by modifying graphs.

Imbalanced Adversarial Training with Reweighting

no code implementations28 Jul 2021 Wentao Wang, Han Xu, Xiaorui Liu, Yaxin Li, Bhavani Thuraisingham, Jiliang Tang

Adversarial training has been empirically proven to be one of the most effective and reliable defense methods against adversarial attacks.

Solving ESL Sentence Completion Questions via Pre-trained Neural Language Models

1 code implementation15 Jul 2021 Qiongqiong Liu, Tianqiao Liu, Jiafu Zhao, Qiang Fang, Wenbiao Ding, Zhongqin Wu, Feng Xia, Jiliang Tang, Zitao Liu

Sentence completion (SC) questions present a sentence with one or more blanks that need to be filled in, three to five possible words or phrases as options.

Sentence Sentence Completion

Multi-Task Learning based Online Dialogic Instruction Detection with Pre-trained Language Models

1 code implementation15 Jul 2021 Yang Hao, Hang Li, Wenbiao Ding, Zhongqin Wu, Jiliang Tang, Rose Luckin, Zitao Liu

In this work, we study computational approaches to detect online dialogic instructions, which are widely used to help students understand learning materials, and build effective study habits.

Multi-Task Learning

Trustworthy AI: A Computational Perspective

no code implementations12 Jul 2021 Haochen Liu, Yiqi Wang, Wenqi Fan, Xiaorui Liu, Yaxin Li, Shaili Jain, Yunhao Liu, Anil K. Jain, Jiliang Tang

In the past few decades, artificial intelligence (AI) technology has experienced swift developments, changing everyone's daily life and profoundly altering the course of human society.

Fairness

Elastic Graph Neural Networks

1 code implementation5 Jul 2021 Xiaorui Liu, Wei Jin, Yao Ma, Yaxin Li, Hua Liu, Yiqi Wang, Ming Yan, Jiliang Tang

While many existing graph neural networks (GNNs) have been proven to perform $\ell_2$-based graph smoothing that enforces smoothness globally, in this work we aim to further enhance the local smoothness adaptivity of GNNs via $\ell_1$-based graph smoothing.

AutoLoss: Automated Loss Function Search in Recommendations

no code implementations12 Jun 2021 Xiangyu Zhao, Haochen Liu, Wenqi Fan, Hui Liu, Jiliang Tang, Chong Wang

Unlike existing algorithms, the proposed controller can adaptively generate the loss probabilities for different data examples according to their varied convergence behaviors.

Recommendation Systems

Is Homophily a Necessity for Graph Neural Networks?

no code implementations ICLR 2022 Yao Ma, Xiaorui Liu, Neil Shah, Jiliang Tang

We find that this claim is not quite true, and in fact, GCNs can achieve strong performance on heterophilous graphs under certain conditions.

Node Classification

Automated Self-Supervised Learning for Graphs

1 code implementation ICLR 2022 Wei Jin, Xiaorui Liu, Xiangyu Zhao, Yao Ma, Neil Shah, Jiliang Tang

Then we propose the AutoSSL framework which can automatically search over combinations of various self-supervised tasks.

Clustering Node Classification +2

Towards the Memorization Effect of Neural Networks in Adversarial Training

no code implementations9 Jun 2021 Han Xu, Xiaorui Liu, Wentao Wang, Wenbiao Ding, Zhongqin Wu, Zitao Liu, Anil Jain, Jiliang Tang

In this work, we study the effect of memorization in adversarial trained DNNs and disclose two important findings: (a) Memorizing atypical samples is only effective to improve DNN's accuracy on clean atypical samples, but hardly improve their adversarial robustness and (b) Memorizing certain atypical samples will even hurt the DNN's performance on typical samples.

Adversarial Robustness Memorization

Graph Feature Gating Networks

no code implementations10 May 2021 Wei Jin, Xiaorui Liu, Yao Ma, Tyler Derr, Charu Aggarwal, Jiliang Tang

Graph neural networks (GNNs) have received tremendous attention due to their power in learning effective representations for graphs.

Denoising

The Authors Matter: Understanding and Mitigating Implicit Bias in Deep Text Classification

no code implementations Findings (ACL) 2021 Haochen Liu, Wei Jin, Hamid Karimi, Zitao Liu, Jiliang Tang

The results show that the text classification models trained under our proposed framework outperform traditional models significantly in terms of fairness, and also slightly in terms of classification performance.

Fairness General Classification +2

Node Similarity Preserving Graph Convolutional Networks

1 code implementation19 Nov 2020 Wei Jin, Tyler Derr, Yiqi Wang, Yao Ma, Zitao Liu, Jiliang Tang

Specifically, to balance information from graph structure and node features, we propose a feature similarity preserving aggregation which adaptively integrates graph structure and node features.

Graph Representation Learning Self-Supervised Learning

Personalized Multimodal Feedback Generation in Education

no code implementations COLING 2020 Haochen Liu, Zitao Liu, Zhongqin Wu, Jiliang Tang

The automatic evaluation for school assignments is an important application of AI in the education field.

Text Generation

To be Robust or to be Fair: Towards Fairness in Adversarial Training

2 code implementations13 Oct 2020 Han Xu, Xiaorui Liu, Yaxin Li, Anil K. Jain, Jiliang Tang

However, we find that adversarial training algorithms tend to introduce severe disparity of accuracy and robustness between different groups of data.

Fairness

A Unified View on Graph Neural Networks as Graph Signal Denoising

1 code implementation5 Oct 2020 Yao Ma, Xiaorui Liu, Tong Zhao, Yozen Liu, Jiliang Tang, Neil Shah

In this work, we establish mathematically that the aggregation processes in a group of representative GNN models including GCN, GAT, PPNP, and APPNP can be regarded as (approximately) solving a graph denoising problem with a smoothness assumption.

Denoising

Mitigating Gender Bias for Neural Dialogue Generation with Adversarial Learning

1 code implementation EMNLP 2020 Haochen Liu, Wentao Wang, Yiqi Wang, Hui Liu, Zitao Liu, Jiliang Tang

Extensive experiments on two real-world conversation datasets show that our framework significantly reduces gender bias in dialogue models while maintaining the response quality.

Dialogue Generation

Representation Learning from Limited Educational Data with Crowdsourced Labels

1 code implementation23 Sep 2020 Wentao Wang, Guowei Xu, Wenbiao Ding, Gale Yan Huang, Guoliang Li, Jiliang Tang, Zitao Liu

Extensive experiments conducted on three real-world data sets demonstrate the superiority of our framework on learning representations from limited data with crowdsourced labels, comparing with various state-of-the-art baselines.

Face Recognition Machine Translation +1

Yet Meta Learning Can Adapt Fast, It Can Also Break Easily

no code implementations2 Sep 2020 Han Xu, Ya-Xin Li, Xiaorui Liu, Hui Liu, Jiliang Tang

Thus, in this paper, we perform the initial study about adversarial attacks on meta learning under the few-shot classification problem.

Few-Shot Image Classification Meta-Learning

Multi-Scale One-Class Recurrent Neural Networks for Discrete Event Sequence Anomaly Detection

1 code implementation31 Aug 2020 Zhiwei Wang, Zhengzhang Chen, Jingchao Ni, Hui Liu, Haifeng Chen, Jiliang Tang

To address these challenges, in this paper, we propose OC4Seq, a multi-scale one-class recurrent neural network for detecting anomalies in discrete event sequences.

Anomaly Detection

Investigating and Mitigating Degree-Related Biases in Graph Convolutional Networks

no code implementations28 Jun 2020 Xianfeng Tang, Huaxiu Yao, Yiwei Sun, Yiqi Wang, Jiliang Tang, Charu Aggarwal, Prasenjit Mitra, Suhang Wang

Pseudo labels increase the chance of connecting to labeled neighbors for low-degree nodes, thus reducing the biases of GCNs from the data perspective.

Self-Supervised Learning

Memory-efficient Embedding for Recommendations

no code implementations26 Jun 2020 Xiangyu Zhao, Haochen Liu, Hui Liu, Jiliang Tang, Weiwei Guo, Jun Shi, Sida Wang, Huiji Gao, Bo Long

Specifically, we first proposed an end-to-end differentiable framework that can calculate the weights over various dimensions for feature fields in a soft and continuous manner with an AutoML based optimization algorithm; then we derive a hard and discrete embedding component architecture according to the maximal weights and retrain the whole recommender framework.

AutoML Recommendation Systems

XGNN: Towards Model-Level Explanations of Graph Neural Networks

no code implementations3 Jun 2020 Hao Yuan, Jiliang Tang, Xia Hu, Shuiwang Ji

Furthermore, our experimental results indicate that the generated graphs can provide guidance on how to improve the trained GNNs.

Graph Generation valid

Chat as Expected: Learning to Manipulate Black-box Neural Dialogue Models

no code implementations27 May 2020 Haochen Liu, Zhiwei Wang, Tyler Derr, Jiliang Tang

Recently, neural network based dialogue systems have become ubiquitous in our increasingly digitalized society.

Customized Graph Neural Networks

no code implementations22 May 2020 Yiqi Wang, Yao Ma, Wei Jin, Chaozhuo Li, Charu Aggarwal, Jiliang Tang

Therefore, in this paper, we aim to develop customized graph neural networks for graph classification.

General Classification Graph Classification

Attacking Black-box Recommendations via Copying Cross-domain User Profiles

no code implementations17 May 2020 Wenqi Fan, Tyler Derr, Xiangyu Zhao, Yao Ma, Hui Liu, Jian-Ping Wang, Jiliang Tang, Qing Li

In this work, we present our framework CopyAttack, which is a reinforcement learning based black-box attack method that harnesses real users from a source domain by copying their profiles into the target domain with the goal of promoting a subset of items.

Data Poisoning Recommendation Systems

Siamese Neural Networks for Class Activity Detection

no code implementations15 May 2020 Hang Li, Zhiwei Wang, Jiliang Tang, Wenbiao Ding, Zitao Liu

Classroom activity detection (CAD) aims at accurately recognizing speaker roles (either teacher or student) in classrooms.

Action Detection Activity Detection

DeepRobust: A PyTorch Library for Adversarial Attacks and Defenses

3 code implementations13 May 2020 Ya-Xin Li, Wei Jin, Han Xu, Jiliang Tang

DeepRobust is a PyTorch adversarial learning library which aims to build a comprehensive and easy-to-use platform to foster this research field.

Adversarial Attacks and Defenses on Graphs: A Review, A Tool and Empirical Studies

3 code implementations2 Mar 2020 Wei Jin, Ya-Xin Li, Han Xu, Yiqi Wang, Shuiwang Ji, Charu Aggarwal, Jiliang Tang

As the extensions of DNNs to graphs, Graph Neural Networks (GNNs) have been demonstrated to inherit this vulnerability.

Adversarial Attack

Jointly Learning to Recommend and Advertise

no code implementations28 Feb 2020 Xiangyu Zhao, Xudong Zheng, Xiwang Yang, Xiaobing Liu, Jiliang Tang

Online recommendation and advertising are two major income channels for online recommendation platforms (e. g. e-commerce and news feed site).

AutoEmb: Automated Embedding Dimensionality Search in Streaming Recommendations

no code implementations26 Feb 2020 Xiangyu Zhao, Chong Wang, Ming Chen, Xudong Zheng, Xiaobing Liu, Jiliang Tang

Deep learning based recommender systems (DLRSs) often have embedding layers, which are utilized to lessen the dimensionality of categorical variables (e. g. user/item identifiers) and meaningfully transform them in the low-dimensional space.

AutoML Recommendation Systems

Social Science Guided Feature Engineering: A Novel Approach to Signed Link Analysis

no code implementations4 Jan 2020 Ghazaleh Beigi, Jiliang Tang, Huan Liu

The existence of negative links piques research interests in investigating whether properties and principles of signed networks differ from those of unsigned networks, and mandates dedicated efforts on link analysis for signed social networks.

Feature Engineering Link Prediction +1

Graduate Employment Prediction with Bias

no code implementations27 Dec 2019 Teng Guo, Feng Xia, Shihao Zhen, Xiaomei Bai, Dongyu Zhang, Zitao Liu, Jiliang Tang

The failure of landing a job for college students could cause serious social consequences such as drunkenness and suicide.

Generative Adversarial Network

Characterizing the Decision Boundary of Deep Neural Networks

1 code implementation24 Dec 2019 Hamid Karimi, Tyler Derr, Jiliang Tang

In this regard, one crucial aspect of deep neural network classifiers that can help us deepen our knowledge about their decision-making behavior is to investigate their decision boundaries.

Decision Making

Learning Multi-level Dependencies for Robust Word Recognition

2 code implementations22 Nov 2019 Zhiwei Wang, Hui Liu, Jiliang Tang, Songfan Yang, Gale Yan Huang, Zitao Liu

Robust language processing systems are becoming increasingly important given the recent awareness of dangerous situations where brittle machine learning models can be easily broken with the presence of noises.

Does Gender Matter? Towards Fairness in Dialogue Systems

1 code implementation COLING 2020 Haochen Liu, Jamell Dacon, Wenqi Fan, Hui Liu, Zitao Liu, Jiliang Tang

In particular, we construct a benchmark dataset and propose quantitative measures to understand fairness in dialogue models.

Fairness

A Double Residual Compression Algorithm for Efficient Distributed Learning

no code implementations16 Oct 2019 Xiaorui Liu, Yao Li, Jiliang Tang, Ming Yan

Large-scale machine learning models are often trained by parallel stochastic gradient descent algorithms.

Automatic Short Answer Grading via Multiway Attention Networks

no code implementations23 Sep 2019 Tiaoqiao Liu, Wenbiao Ding, Zhiwei Wang, Jiliang Tang, Gale Yan Huang, Zitao Liu

Automatic short answer grading (ASAG), which autonomously score student answers according to reference answers, provides a cost-effective and consistent approach to teaching professionals and can reduce their monotonous and tedious grading workloads.

Adversarial Attacks and Defenses in Images, Graphs and Text: A Review

4 code implementations17 Sep 2019 Han Xu, Yao Ma, Haochen Liu, Debayan Deb, Hui Liu, Jiliang Tang, Anil K. Jain

In this survey, we review the state of the art algorithms for generating adversarial examples and the countermeasures against adversarial examples, for the three popular data types, i. e., images, graphs and text.

Adversarial Attack

Say What I Want: Towards the Dark Side of Neural Dialogue Models

no code implementations13 Sep 2019 Haochen Liu, Tyler Derr, Zitao Liu, Jiliang Tang

Neural dialogue models have been widely adopted in various chatbot applications because of their good performance in simulating and generalizing human conversations.

Chatbot Reinforcement Learning (RL)

DEAR: Deep Reinforcement Learning for Online Advertising Impression in Recommender Systems

no code implementations9 Sep 2019 Xiangyu Zhao, Changsheng Gu, Haoshenglun Zhang, Xiwang Yang, Xiaobing Liu, Jiliang Tang, Hui Liu

However, most RL-based advertising algorithms focus on optimizing ads' revenue while ignoring the possible negative influence of ads on user experience of recommended items (products, articles and videos).

Recommendation Systems reinforcement-learning +1

Deep Knowledge Tracing with Side Information

no code implementations1 Sep 2019 Zhiwei Wang, Xiaoqin Feng, Jiliang Tang, Gale Yan Huang, Zitao Liu

Monitoring student knowledge states or skill acquisition levels known as knowledge tracing, is a fundamental part of intelligent tutoring systems.

Knowledge Tracing

Recommender Systems with Heterogeneous Side Information

1 code implementation18 Jul 2019 Tianqiao Liu, Zhiwei Wang, Jiliang Tang, Songfan Yang, Gale Yan Huang, Zitao Liu

In modern recommender systems, both users and items are associated with rich side information, which can help understand users and items.

Recommendation Systems

Learning Effective Embeddings From Crowdsourced Labels: An Educational Case Study

1 code implementation18 Jul 2019 Guowei Xu, Wenbiao Ding, Jiliang Tang, Songfan Yang, Gale Yan Huang, Zitao Liu

In practice, the crowdsourced labels are usually inconsistent among crowd workers given their diverse expertise and the number of crowdsourced labels is very limited.

Representation Learning

Deep Social Collaborative Filtering

no code implementations16 Jul 2019 Wenqi Fan, Yao Ma, Dawei Yin, Jian-Ping Wang, Jiliang Tang, Qing Li

Meanwhile, most of these models treat neighbors' information equally without considering the specific recommendations.

Collaborative Filtering Recommendation Systems

Toward Simulating Environments in Reinforcement Learning Based Recommendations

no code implementations27 Jun 2019 Xiangyu Zhao, Long Xia, Lixin Zou, Dawei Yin, Jiliang Tang

Thus, it calls for a user simulator that can mimic real users' behaviors where we can pre-train and evaluate new recommendation algorithms.

Generative Adversarial Network Recommendation Systems +2

Attacking Graph Convolutional Networks via Rewiring

no code implementations10 Jun 2019 Yao Ma, Suhang Wang, Tyler Derr, Lingfei Wu, Jiliang Tang

Graph Neural Networks (GNNs) have boosted the performance of many graph related tasks such as node classification and graph classification.

General Classification Graph Classification +1

Deep Adversarial Social Recommendation

2 code implementations30 May 2019 Wenqi Fan, Tyler Derr, Yao Ma, JianPing Wang, Jiliang Tang, Qing Li

Recent years have witnessed rapid developments on social recommendation techniques for improving the performance of recommender systems due to the growing influence of social networks to our daily life.

Recommendation Systems Representation Learning

Graph Convolutional Networks with EigenPooling

1 code implementation30 Apr 2019 Yao Ma, Suhang Wang, Charu C. Aggarwal, Jiliang Tang

To apply graph neural networks for the graph classification task, approaches to generate the \textit{graph representation} from node representations are demanded.

General Classification Graph Classification +3

Learning Hierarchical Discourse-level Structure for Fake News Detection

2 code implementations NAACL 2019 Hamid Karimi, Jiliang Tang

Incorporating hierarchical discourse-level structure of fake and real news articles is one crucial step toward a better understanding of how these articles are structured.

Fake News Detection

Deep Adversarial Network Alignment

no code implementations27 Feb 2019 Tyler Derr, Hamid Karimi, Xiaorui Liu, Jiejun Xu, Jiliang Tang

Network alignment, in general, seeks to discover the hidden underlying correspondence between nodes across two (or more) networks when given their network structure.

Graph Embedding Network Embedding

Graph Neural Networks for Social Recommendation

8 code implementations19 Feb 2019 Wenqi Fan, Yao Ma, Qing Li, Yuan He, Eric Zhao, Jiliang Tang, Dawei Yin

These advantages of GNNs provide great potential to advance social recommendation since data in social recommender systems can be represented as user-user social graph and user-item graph; and learning latent factors of users and items is the key.

Ranked #3 on Recommendation Systems on Epinions (using extra training data)

Recommendation Systems

Whole-Chain Recommendations

no code implementations11 Feb 2019 Xiangyu Zhao, Long Xia, Linxin Zou, Hui Liu, Dawei Yin, Jiliang Tang

With the recent prevalence of Reinforcement Learning (RL), there have been tremendous interests in developing RL-based recommender systems.

Multi-agent Reinforcement Learning Recommendation Systems +1

Deep reinforcement learning for search, recommendation, and online advertising: a survey

no code implementations18 Dec 2018 Xiangyu Zhao, Long Xia, Jiliang Tang, Dawei Yin

Search, recommendation, and online advertising are the three most important information-providing mechanisms on the web.

reinforcement-learning Reinforcement Learning (RL)

Streaming Graph Neural Networks

2 code implementations24 Oct 2018 Yao Ma, Ziyi Guo, Zhaochun Ren, Eric Zhao, Jiliang Tang, Dawei Yin

Current graph neural network models cannot utilize the dynamic information in dynamic graphs.

Community Detection General Classification +3

Signed Graph Convolutional Network

2 code implementations ICDM 2018 Tyler Derr, Yao Ma, Jiliang Tang

However, since previous GCN models have primarily focused on unsigned networks (or graphs consisting of only positive links), it is unclear how they could be applied to signed networks due to the challenges presented by negative links.

Social and Information Networks Physics and Society

Linked Recurrent Neural Networks

no code implementations19 Aug 2018 Zhiwei Wang, Yao Ma, Dawei Yin, Jiliang Tang

Recurrent Neural Networks (RNNs) have been proven to be effective in modeling sequential data and they have been applied to boost a variety of tasks such as document classification, speech recognition and machine translation.

Document Classification Machine Translation +3

Multi-dimensional Graph Convolutional Networks

no code implementations18 Aug 2018 Yao Ma, Suhang Wang, Charu C. Aggarwal, Dawei Yin, Jiliang Tang

Convolutional neural networks (CNNs) leverage the great power in representation learning on regular grid data such as image and video.

Social and Information Networks

Multi-Source Multi-Class Fake News Detection

no code implementations COLING 2018 Hamid Karimi, Proteek Roy, Sari Saba-Sadiya, Jiliang Tang

Fake news spreading through media outlets poses a real threat to the trustworthiness of information and detecting fake news has attracted increasing attention in recent years.

Fake News Detection

Deep Reinforcement Learning for Page-wise Recommendations

no code implementations7 May 2018 Xiangyu Zhao, Long Xia, Liang Zhang, Zhuoye Ding, Dawei Yin, Jiliang Tang

In particular, we propose a principled approach to jointly generate a set of complementary items and the corresponding strategy to display them in a 2-D page; and propose a novel page-wise recommendation framework based on deep reinforcement learning, DeepPage, which can optimize a page of items with proper display based on real-time feedback from users.

Recommendation Systems reinforcement-learning +1

Deep Reinforcement Learning for List-wise Recommendations

7 code implementations30 Dec 2017 Xiangyu Zhao, Liang Zhang, Long Xia, Zhuoye Ding, Dawei Yin, Jiliang Tang

Recommender systems play a crucial role in mitigating the problem of information overload by suggesting users' personalized items or services.

Recommendation Systems reinforcement-learning +1

Fake News Detection on Social Media: A Data Mining Perspective

6 code implementations7 Aug 2017 Kai Shu, Amy Sliva, Suhang Wang, Jiliang Tang, Huan Liu

First, fake news is intentionally written to mislead readers to believe false information, which makes it difficult and nontrivial to detect based on news content; therefore, we need to include auxiliary information, such as user social engagements on social media, to help make a determination.

Fake News Detection

Attributed Network Embedding for Learning in a Dynamic Environment

no code implementations6 Jun 2017 Jundong Li, Harsh Dani, Xia Hu, Jiliang Tang, Yi Chang, Huan Liu

To our best knowledge, we are the first to tackle this problem with the following two challenges: (1) the inherently correlated network and node attributes could be noisy and incomplete, it necessitates a robust consensus representation to capture their individual properties and correlations; (2) the embedding learning needs to be performed in an online fashion to adapt to the changes accordingly.

Attribute Clustering +3

Streaming Recommender Systems

no code implementations21 Jul 2016 Shiyu Chang, Yang Zhang, Jiliang Tang, Dawei Yin, Yi Chang, Mark A. Hasegawa-Johnson, Thomas S. Huang

The increasing popularity of real-world recommender systems produces data continuously and rapidly, and it becomes more realistic to study recommender systems under streaming scenarios.

Recommendation Systems

PPP: Joint Pointwise and Pairwise Image Label Prediction

no code implementations CVPR 2016 Yilin Wang, Suhang Wang, Jiliang Tang, Huan Liu, Baoxin Li

However, pointwise labels in image classification and tag annotation are inherently related to the pairwise labels.

Attribute General Classification +2

Feature Selection: A Data Perspective

2 code implementations29 Jan 2016 Jundong Li, Kewei Cheng, Suhang Wang, Fred Morstatter, Robert P. Trevino, Jiliang Tang, Huan Liu

To facilitate and promote the research in this community, we also present an open-source feature selection repository that consists of most of the popular feature selection algorithms (\url{http://featureselection. asu. edu/}).

feature selection Sparse Learning

A Survey of Signed Network Mining in Social Media

no code implementations24 Nov 2015 Jiliang Tang, Yi Chang, Charu Aggarwal, Huan Liu

Many real-world relations can be represented by signed networks with positive and negative links, as a result of which signed network analysis has attracted increasing attention from multiple disciplines.

mTrust: Discerning Multi-Faceted Trust in a Connected World

no code implementations WSDM 2012 Jiliang Tang, Huiji Gao, Huan Liu

Traditionally, research about trust assumes a single type of trust between users.

Cannot find the paper you are looking for? You can Submit a new open access paper.