Alert button
Picture for Ning Gui

Ning Gui

Alert button

Are Large Language Models Really Robust to Word-Level Perturbations?

Sep 20, 2023
Haoyu Wang, Guozheng Ma, Cong Yu, Ning Gui, Linrui Zhang, Zhiqi Huang, Suwei Ma, Yongzhe Chang, Sen Zhang, Li Shen, Xueqian Wang, Peilin Zhao, Dacheng Tao

The swift advancement in the scale and capabilities of Large Language Models (LLMs) positions them as promising tools for a variety of downstream tasks. In addition to the pursuit of better performance and the avoidance of violent feedback on a certain prompt, to ensure the responsibility of the LLM, much attention is drawn to the robustness of LLMs. However, existing evaluation methods mostly rely on traditional question answering datasets with predefined supervised labels, which do not align with the superior generation capabilities of contemporary LLMs. To address this issue, we propose a novel rational evaluation approach that leverages pre-trained reward models as diagnostic tools to evaluate the robustness of LLMs, which we refer to as the Reward Model for Reasonable Robustness Evaluation (TREvaL). Our extensive empirical experiments have demonstrated that TREval provides an accurate method for evaluating the robustness of an LLM, especially when faced with more challenging open questions. Furthermore, our results demonstrate that LLMs frequently exhibit vulnerability to word-level perturbations, which are commonplace in daily language usage. Notably, we were surprised to discover that robustness tends to decrease as fine-tuning (SFT and RLHF) is conducted. The code of TREval is available in https://github.com/Harry-mic/TREval.

Viaarxiv icon

Multi-View Graph Representation Learning Beyond Homophily

Apr 15, 2023
Bei Lin, You Li, Ning Gui, Zhuopeng Xu, Zhiwu Yu

Figure 1 for Multi-View Graph Representation Learning Beyond Homophily
Figure 2 for Multi-View Graph Representation Learning Beyond Homophily
Figure 3 for Multi-View Graph Representation Learning Beyond Homophily
Figure 4 for Multi-View Graph Representation Learning Beyond Homophily

Unsupervised graph representation learning(GRL) aims to distill diverse graph information into task-agnostic embeddings without label supervision. Due to a lack of support from labels, recent representation learning methods usually adopt self-supervised learning, and embeddings are learned by solving a handcrafted auxiliary task(so-called pretext task). However, partially due to the irregular non-Euclidean data in graphs, the pretext tasks are generally designed under homophily assumptions and cornered in the low-frequency signals, which results in significant loss of other signals, especially high-frequency signals widespread in graphs with heterophily. Motivated by this limitation, we propose a multi-view perspective and the usage of diverse pretext tasks to capture different signals in graphs into embeddings. A novel framework, denoted as Multi-view Graph Encoder(MVGE), is proposed, and a set of key designs are identified. More specifically, a set of new pretext tasks are designed to encode different types of signals, and a straightforward operation is propxwosed to maintain both the commodity and personalization in both the attribute and the structural levels. Extensive experiments on synthetic and real-world network datasets show that the node representations learned with MVGE achieve significant performance improvements in three different downstream tasks, especially on graphs with heterophily. Source code is available at \url{https://github.com/G-AILab/MVGE}.

* 20 pages, 10 figures, accepted by ACM Transaction on Knowledge Discovery in Data 
Viaarxiv icon

Data Imputation with Iterative Graph Reconstruction

Dec 06, 2022
Jiajun Zhong, Weiwei Ye, Ning Gui

Figure 1 for Data Imputation with Iterative Graph Reconstruction
Figure 2 for Data Imputation with Iterative Graph Reconstruction
Figure 3 for Data Imputation with Iterative Graph Reconstruction
Figure 4 for Data Imputation with Iterative Graph Reconstruction

Effective data imputation demands rich latent ``structure" discovery capabilities from ``plain" tabular data. Recent advances in graph neural networks-based data imputation solutions show their strong structure learning potential by directly translating tabular data as bipartite graphs. However, due to a lack of relations between samples, those solutions treat all samples equally which is against one important observation: ``similar sample should give more information about missing values." This paper presents a novel Iterative graph Generation and Reconstruction framework for Missing data imputation(IGRM). Instead of treating all samples equally, we introduce the concept: ``friend networks" to represent different relations among samples. To generate an accurate friend network with missing data, an end-to-end friend network reconstruction solution is designed to allow for continuous friend network optimization during imputation learning. The representation of the optimized friend network, in turn, is used to further optimize the data imputation process with differentiated message passing. Experiment results on eight benchmark datasets show that IGRM yields 39.13% lower mean absolute error compared with nine baselines and 9.04% lower than the second-best.

* Accepted by AAAI2023 
Viaarxiv icon

A-SFS: Semi-supervised Feature Selection based on Multi-task Self-supervision

Jul 19, 2022
Zhifeng Qiu, Wanxin Zeng, Dahua Liao, Ning Gui

Figure 1 for A-SFS: Semi-supervised Feature Selection based on Multi-task Self-supervision
Figure 2 for A-SFS: Semi-supervised Feature Selection based on Multi-task Self-supervision
Figure 3 for A-SFS: Semi-supervised Feature Selection based on Multi-task Self-supervision
Figure 4 for A-SFS: Semi-supervised Feature Selection based on Multi-task Self-supervision

Feature selection is an important process in machine learning. It builds an interpretable and robust model by selecting the features that contribute the most to the prediction target. However, most mature feature selection algorithms, including supervised and semi-supervised, fail to fully exploit the complex potential structure between features. We believe that these structures are very important for the feature selection process, especially when labels are lacking and data is noisy. To this end, we innovatively introduce a deep learning-based self-supervised mechanism into feature selection problems, namely batch-Attention-based Self-supervision Feature Selection(A-SFS). Firstly, a multi-task self-supervised autoencoder is designed to uncover the hidden structure among features with the support of two pretext tasks. Guided by the integrated information from the multi-self-supervised learning model, a batch-attention mechanism is designed to generate feature weights according to batch-based feature selection patterns to alleviate the impacts introduced by a handful of noisy data. This method is compared to 14 major strong benchmarks, including LightGBM and XGBoost. Experimental results show that A-SFS achieves the highest accuracy in most datasets. Furthermore, this design significantly reduces the reliance on labels, with only 1/10 labeled data needed to achieve the same performance as those state of art baselines. Results show that A-SFS is also most robust to the noisy and missing data.

* 18 pages, 7 figures, accepted by knowledge-based systems 
Viaarxiv icon

An Embedded Feature Selection Framework for Control

Jun 19, 2022
Jiawen Wei, Fangyuan Wang, Wanxin Zeng, Wenwei Lin, Ning Gui

Figure 1 for An Embedded Feature Selection Framework for Control
Figure 2 for An Embedded Feature Selection Framework for Control
Figure 3 for An Embedded Feature Selection Framework for Control
Figure 4 for An Embedded Feature Selection Framework for Control

Reducing sensor requirements while keeping optimal control performance is crucial to many industrial control applications to achieve robust, low-cost, and computation-efficient controllers. However, existing feature selection solutions for the typical machine learning domain can hardly be applied in the domain of control with changing dynamics. In this paper, a novel framework, namely the Dual-world embedded Attentive Feature Selection (D-AFS), can efficiently select the most relevant sensors for the system under dynamic control. Rather than the one world used in most Deep Reinforcement Learning (DRL) algorithms, D-AFS has both the real world and its virtual peer with twisted features. By analyzing the DRL's response in two worlds, D-AFS can quantitatively identify respective features' importance towards control. A well-known active flow control problem, cylinder drag reduction, is used for evaluation. Results show that D-AFS successfully finds an optimized five-probes layout with 18.7\% drag reduction than the state-of-the-art solution with 151 probes and 49.2\% reduction than five-probes layout by human experts. We also apply this solution to four OpenAI classical control cases. In all cases, D-AFS achieves the same or better sensor configurations than originally provided solutions. Results highlight, we argued, a new way to achieve efficient and optimal sensor designs for experimental or industrial systems. Our source codes are made publicly available at https://github.com/G-AILab/DAFSFluid.

* 9 pages, 9 figures, accepted by SIGKDD 2022 
Viaarxiv icon

Graph Representation Learning Beyond Node and Homophily

Mar 03, 2022
You Li, Bei Lin, Binli Luo, Ning Gui

Figure 1 for Graph Representation Learning Beyond Node and Homophily
Figure 2 for Graph Representation Learning Beyond Node and Homophily
Figure 3 for Graph Representation Learning Beyond Node and Homophily
Figure 4 for Graph Representation Learning Beyond Node and Homophily

Unsupervised graph representation learning aims to distill various graph information into a downstream task-agnostic dense vector embedding. However, existing graph representation learning approaches are designed mainly under the node homophily assumption: connected nodes tend to have similar labels and optimize performance on node-centric downstream tasks. Their design is apparently against the task-agnostic principle and generally suffers poor performance in tasks, e.g., edge classification, that demands feature signals beyond the node-view and homophily assumption. To condense different feature signals into the embeddings, this paper proposes PairE, a novel unsupervised graph embedding method using two paired nodes as the basic unit of embedding to retain the high-frequency signals between nodes to support node-related and edge-related tasks. Accordingly, a multi-self-supervised autoencoder is designed to fulfill two pretext tasks: one retains the high-frequency signal better, and another enhances the representation of commonality. Our extensive experiments on a diversity of benchmark datasets clearly show that PairE outperforms the unsupervised state-of-the-art baselines, with up to 101.1\% relative improvement on the edge classification tasks that rely on both the high and low-frequency signals in the pair and up to 82.5\% relative performance gain on the node classification tasks.

Viaarxiv icon

Pair-view Unsupervised Graph Representation Learning

Dec 11, 2020
You Li, Binli Luo, Ning Gui

Figure 1 for Pair-view Unsupervised Graph Representation Learning
Figure 2 for Pair-view Unsupervised Graph Representation Learning
Figure 3 for Pair-view Unsupervised Graph Representation Learning
Figure 4 for Pair-view Unsupervised Graph Representation Learning

Low-dimension graph embeddings have proved extremely useful in various downstream tasks in large graphs, e.g., link-related content recommendation and node classification tasks, etc. Most existing embedding approaches take nodes as the basic unit for information aggregation, e.g., node perception fields in GNN or con-textual nodes in random walks. The main drawback raised by such node-view is its lack of support for expressing the compound relationships between nodes, which results in the loss of a certain degree of graph information during embedding. To this end, this paper pro-poses PairE(Pair Embedding), a solution to use "pair", a higher level unit than a "node" as the core for graph embeddings. Accordingly, a multi-self-supervised auto-encoder is designed to fulfill two pretext tasks, to reconstruct the feature distribution for respective pairs and their surrounding context. PairE has three major advantages: 1) Informative, embedding beyond node-view are capable to preserve richer information of the graph; 2) Simple, the solutions provided by PairE are time-saving, storage-efficient, and require the fewer hyper-parameters; 3) High adaptability, with the introduced translator operator to map pair embeddings to the node embeddings, PairE can be effectively used in both the link-based and the node-based graph analysis. Experiment results show that PairE consistently outperforms the state of baselines in all four downstream tasks, especially with significant edges in the link-prediction and multi-label node classification tasks.

* 9 pages, 3 figures and 4 tables 
Viaarxiv icon

AFS: An Attention-based mechanism for Supervised Feature Selection

Feb 28, 2019
Ning Gui, Danni Ge, Ziyin Hu

Figure 1 for AFS: An Attention-based mechanism for Supervised Feature Selection
Figure 2 for AFS: An Attention-based mechanism for Supervised Feature Selection
Figure 3 for AFS: An Attention-based mechanism for Supervised Feature Selection
Figure 4 for AFS: An Attention-based mechanism for Supervised Feature Selection

As an effective data preprocessing step, feature selection has shown its effectiveness to prepare high-dimensional data for many machine learning tasks. The proliferation of high di-mension and huge volume big data, however, has brought major challenges, e.g. computation complexity and stability on noisy data, upon existing feature-selection techniques. This paper introduces a novel neural network-based feature selection architecture, dubbed Attention-based Feature Selec-tion (AFS). AFS consists of two detachable modules: an at-tention module for feature weight generation and a learning module for the problem modeling. The attention module for-mulates correlation problem among features and supervision target into a binary classification problem, supported by a shallow attention net for each feature. Feature weights are generated based on the distribution of respective feature se-lection patterns adjusted by backpropagation during the train-ing process. The detachable structure allows existing off-the-shelf models to be directly reused, which allows for much less training time, demands for the training data and requirements for expertise. A hybrid initialization method is also intro-duced to boost the selection accuracy for datasets without enough samples for feature weight generation. Experimental results show that AFS achieves the best accuracy and stability in comparison to several state-of-art feature selection algo-rithms upon both MNIST, noisy MNIST and several datasets with small samples.

* 9 pages, 5 figures, published in the AAAI 2019 
Viaarxiv icon

The Missing Ones: Key Ingredients Towards Effective Ambient Assisted Living Systems

Jan 12, 2014
Hong Sun, Vincenzo De Florio, Ning Gui, Chris Blondia

Figure 1 for The Missing Ones: Key Ingredients Towards Effective Ambient Assisted Living Systems
Figure 2 for The Missing Ones: Key Ingredients Towards Effective Ambient Assisted Living Systems
Figure 3 for The Missing Ones: Key Ingredients Towards Effective Ambient Assisted Living Systems
Figure 4 for The Missing Ones: Key Ingredients Towards Effective Ambient Assisted Living Systems

The population of elderly people keeps increasing rapidly, which becomes a predominant aspect of our societies. As such, solutions both efficacious and cost-effective need to be sought. Ambient Assisted Living (AAL) is a new approach which promises to address the needs from elderly people. In this paper, we claim that human participation is a key ingredient towards effective AAL systems, which not only saves social resources, but also has positive relapses on the psychological health of the elderly people. Challenges in increasing the human participation in ambient assisted living are discussed in this paper and solutions to meet those challenges are also proposed. We use our proposed mutual assistance community, which is built with service oriented approach, as an example to demonstrate how to integrate human tasks in AAL systems. Our preliminary simulation results are presented, which support the effectiveness of human participation.

* Journal of Ambient Intelligence and Smart Environments, Volume 2 Issue 2, April 2010 Pages 109-120 IOS Press Amsterdam, The Netherlands, The Netherlands  
Viaarxiv icon