Search Results for author: Lichao Sun

Found 111 papers, 47 papers with code

MetaAgents: Simulating Interactions of Human Behaviors for LLM-based Task-oriented Coordination via Collaborative Generative Agents

1 code implementation10 Oct 2023 Yuan Li, Yixuan Zhang, Lichao Sun

We propose a novel framework that equips collaborative generative agents with human-like reasoning abilities and specialized skills.

BOND: Benchmarking Unsupervised Outlier Node Detection on Static Attributed Graphs

2 code implementations21 Jun 2022 Kay Liu, Yingtong Dou, Yue Zhao, Xueying Ding, Xiyang Hu, Ruitong Zhang, Kaize Ding, Canyu Chen, Hao Peng, Kai Shu, Lichao Sun, Jundong Li, George H. Chen, Zhihao Jia, Philip S. Yu

To bridge this gap, we present--to the best of our knowledge--the first comprehensive benchmark for unsupervised outlier node detection on static attributed graphs called BOND, with the following highlights.

Anomaly Detection Benchmarking +2

TinyGPT-V: Efficient Multimodal Large Language Model via Small Backbones

2 code implementations28 Dec 2023 Zhengqing Yuan, Zhaoxu Li, Lichao Sun

In the era of advanced multimodel learning, multimodal large language models (MLLMs) such as GPT-4V have made remarkable strides towards bridging language and visual elements.

Computational Efficiency Language Modelling +1

Adversarial Attack and Defense on Graph Data: A Survey

1 code implementation26 Dec 2018 Lichao Sun, Yingtong Dou, Carl Yang, Ji Wang, Yixin Liu, Philip S. Yu, Lifang He, Bo Li

Therefore, this review is intended to provide an overall landscape of more than 100 papers on adversarial attack and defense strategies for graph data, and establish a unified formulation encompassing most graph adversarial learning models.

Adversarial Attack Image Classification +1

User Preference-aware Fake News Detection

1 code implementation25 Apr 2021 Yingtong Dou, Kai Shu, Congying Xia, Philip S. Yu, Lichao Sun

The majority of existing fake news detection algorithms focus on mining news content and/or the surrounding exogenous context for discovering deceptive signals; while the endogenous preference of a user when he/she decides to spread a piece of fake news or not is ignored.

Fact Checking Fake News Detection +2

Membership Inference Attacks on Machine Learning: A Survey

2 code implementations14 Mar 2021 Hongsheng Hu, Zoran Salcic, Lichao Sun, Gillian Dobbie, Philip S. Yu, Xuyun Zhang

In recent years, MIAs have been shown to be effective on various ML models, e. g., classification models and generative models.

BIG-bench Machine Learning Fairness +4

FedGraphNN: A Federated Learning System and Benchmark for Graph Neural Networks

1 code implementation14 Apr 2021 Chaoyang He, Keshav Balasubramanian, Emir Ceyani, Carl Yang, Han Xie, Lichao Sun, Lifang He, Liangwei Yang, Philip S. Yu, Yu Rong, Peilin Zhao, Junzhou Huang, Murali Annavaram, Salman Avestimehr

FedGraphNN is built on a unified formulation of graph FL and contains a wide range of datasets from different domains, popular GNN models, and FL algorithms, with secure and efficient system support.

Federated Learning Molecular Property Prediction

SplitFed: When Federated Learning Meets Split Learning

2 code implementations25 Apr 2020 Chandra Thapa, M. A. P. Chamikara, Seyit Camtepe, Lichao Sun

SL provides better model privacy than FL due to the machine learning model architecture split between clients and the server.

BIG-bench Machine Learning Federated Learning

MA-SAM: Modality-agnostic SAM Adaptation for 3D Medical Image Segmentation

1 code implementation16 Sep 2023 Cheng Chen, Juzheng Miao, Dufan Wu, Zhiling Yan, Sekeun Kim, Jiang Hu, Aoxiao Zhong, Zhengliang Liu, Lichao Sun, Xiang Li, Tianming Liu, Pheng-Ann Heng, Quanzheng Li

The Segment Anything Model (SAM), a foundation model for general image segmentation, has demonstrated impressive zero-shot performance across numerous natural image segmentation tasks.

Image Segmentation Medical Image Segmentation +4

Subgraph Federated Learning with Missing Neighbor Generation

1 code implementation NeurIPS 2021 Ke Zhang, Carl Yang, Xiaoxiao Li, Lichao Sun, Siu Ming Yiu

Graphs have been widely used in data mining and machine learning due to their unique representation of real-world objects and their interactions.

Federated Learning Graph Mining

Multimodal ChatGPT for Medical Applications: an Experimental Study of GPT-4V

1 code implementation29 Oct 2023 Zhiling Yan, Kai Zhang, Rong Zhou, Lifang He, Xiang Li, Lichao Sun

In this paper, we critically evaluate the capabilities of the state-of-the-art multimodal large language model, i. e., GPT-4 with Vision (GPT-4V), on Visual Question Answering (VQA) task.

Language Modelling Large Language Model +2

GTBench: Uncovering the Strategic Reasoning Limitations of LLMs via Game-Theoretic Evaluations

1 code implementation19 Feb 2024 Jinhao Duan, Renming Zhang, James Diffenderfer, Bhavya Kailkhura, Lichao Sun, Elias Stengel-Eskin, Mohit Bansal, Tianlong Chen, Kaidi Xu

As Large Language Models (LLMs) are integrated into critical real-world applications, their strategic and logical reasoning abilities are increasingly crucial.

Card Games Logical Reasoning

End-to-End Multimodal Fact-Checking and Explanation Generation: A Challenging Dataset and Models

1 code implementation25 May 2022 Barry Menglong Yao, Aditya Shah, Lichao Sun, Jin-Hee Cho, Lifu Huang

We propose end-to-end multimodal fact-checking and explanation generation, where the input is a claim and a large collection of web sources, including articles, images, videos, and tweets, and the goal is to assess the truthfulness of the claim by retrieving relevant evidence and predicting a truthfulness label (e. g., support, refute or not enough information), and to generate a statement to summarize and explain the reasoning and ruling process.

Claim Verification Explanation Generation +2

DeID-GPT: Zero-shot Medical Text De-Identification by GPT-4

1 code implementation20 Mar 2023 Zhengliang Liu, Yue Huang, Xiaowei Yu, Lu Zhang, Zihao Wu, Chao Cao, Haixing Dai, Lin Zhao, Yiwei Li, Peng Shu, Fang Zeng, Lichao Sun, Wei Liu, Dinggang Shen, Quanzheng Li, Tianming Liu, Dajiang Zhu, Xiang Li

The digitization of healthcare has facilitated the sharing and re-using of medical data but has also raised concerns about confidentiality and privacy.

Benchmarking De-identification +4

MetaTool Benchmark for Large Language Models: Deciding Whether to Use Tools and Which to Use

1 code implementation4 Oct 2023 Yue Huang, Jiawen Shi, Yuan Li, Chenrui Fan, Siyuan Wu, Qihui Zhang, Yixin Liu, Pan Zhou, Yao Wan, Neil Zhenqiang Gong, Lichao Sun

However, in scenarios where LLMs serve as intelligent agents, as seen in applications like AutoGPT and MetaGPT, LLMs are expected to engage in intricate decision-making processes that involve deciding whether to employ a tool and selecting the most suitable tool(s) from a collection of available tools to fulfill user requests.

Decision Making

Tackling Data Heterogeneity in Federated Learning with Class Prototypes

1 code implementation6 Dec 2022 Yutong Dai, Zeyuan Chen, Junnan Li, Shelby Heinecke, Lichao Sun, ran Xu

We propose FedNH, a novel method that improves the local models' performance for both personalization and generalization by combining the uniformity and semantics of class prototypes.

Personalized Federated Learning

InstructionGPT-4: A 200-Instruction Paradigm for Fine-Tuning MiniGPT-4

3 code implementations23 Aug 2023 Lai Wei, Zihao Jiang, Weiran Huang, Lichao Sun

To achieve this, we first propose several metrics to access the quality of multimodal instruction data.

Instruction Following Question Answering +1

Efficient Federated Learning on Knowledge Graphs via Privacy-preserving Relation Embedding Aggregation

1 code implementation17 Mar 2022 Kai Zhang, Yu Wang, Hongyi Wang, Lifu Huang, Carl Yang, Xun Chen, Lichao Sun

Furthermore, we propose a Federated learning paradigm with privacy-preserving Relation embedding aggregation (FedR) to tackle the privacy issue in FedE.

Entity Embeddings Federated Learning +4

DSKReG: Differentiable Sampling on Knowledge Graph for Recommendation with Relational GNN

1 code implementation26 Aug 2021 Yu Wang, Zhiwei Liu, Ziwei Fan, Lichao Sun, Philip S. Yu

In the information explosion era, recommender systems (RSs) are widely studied and applied to discover user-preferred information.

Knowledge Graphs Recommendation Systems

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.

Source Inference Attacks in Federated Learning

1 code implementation13 Sep 2021 Hongsheng Hu, Zoran Salcic, Lichao Sun, Gillian Dobbie, Xuyun Zhang

However, existing MIAs ignore the source of a training member, i. e., the information of which client owns the training member, while it is essential to explore source privacy in FL beyond membership privacy of examples from all clients.

Federated Learning Inference Attack

FedMood: Federated Learning on Mobile Health Data for Mood Detection

1 code implementation6 Feb 2021 Xiaohang Xu, Hao Peng, Lichao Sun, Md Zakirul Alam Bhuiyan, Lianzhong Liu, Lifang He

Depression is one of the most common mental illness problems, and the symptoms shown by patients are not consistent, making it difficult to diagnose in the process of clinical practice and pathological research.

BIG-bench Machine Learning Depression Detection +3

Secure Deep Graph Generation with Link Differential Privacy

1 code implementation1 May 2020 Carl Yang, Haonan Wang, Ke Zhang, Liang Chen, Lichao Sun

Many data mining and analytical tasks rely on the abstraction of networks (graphs) to summarize relational structures among individuals (nodes).

Graph Generation Link Prediction

Multiplex Graph Networks for Multimodal Brain Network Analysis

1 code implementation31 Jul 2021 Zhaoming Kong, Lichao Sun, Hao Peng, Liang Zhan, Yong Chen, Lifang He

In this paper, we propose MGNet, a simple and effective multiplex graph convolutional network (GCN) model for multimodal brain network analysis.

LLM-as-a-Coauthor: The Challenges of Detecting LLM-Human Mixcase

2 code implementations11 Jan 2024 Chujie Gao, Dongping Chen, Qihui Zhang, Yue Huang, Yao Wan, Lichao Sun

With the remarkable development and widespread applications of large language models (LLMs), the use of machine-generated text (MGT) is becoming increasingly common.

MLLM-as-a-Judge: Assessing Multimodal LLM-as-a-Judge with Vision-Language Benchmark

1 code implementation7 Feb 2024 Dongping Chen, Ruoxi Chen, Shilin Zhang, Yinuo Liu, Yaochen Wang, Huichi Zhou, Qihui Zhang, Pan Zhou, Yao Wan, Lichao Sun

Multimodal Large Language Models (MLLMs) have gained significant attention recently, showing remarkable potential in artificial general intelligence.

Model Extraction and Adversarial Transferability, Your BERT is Vulnerable!

1 code implementation NAACL 2021 Xuanli He, Lingjuan Lyu, Qiongkai Xu, Lichao Sun

Finally, we investigate two defence strategies to protect the victim model and find that unless the performance of the victim model is sacrificed, both model ex-traction and adversarial transferability can effectively compromise the target models

Model extraction text-classification +2

Benchmarking and Analyzing Robust Point Cloud Recognition: Bag of Tricks for Defending Adversarial Examples

1 code implementation ICCV 2023 Qiufan Ji, Lin Wang, Cong Shi, Shengshan Hu, Yingying Chen, Lichao Sun

In this paper, we first establish a comprehensive, and rigorous point cloud adversarial robustness benchmark to evaluate adversarial robustness, which can provide a detailed understanding of the effects of the defense and attack methods.

Adversarial Robustness Benchmarking

The Radiation Oncology NLP Database

1 code implementation19 Jan 2024 Zhengliang Liu, Jason Holmes, Wenxiong Liao, Chenbin Liu, Lian Zhang, Hongying Feng, Peilong Wang, Muhammad Ali Elahi, Hongmin Cai, Lichao Sun, Quanzheng Li, Xiang Li, Tianming Liu, Jiajian Shen, Wei Liu

ROND is specifically designed to address this gap in the domain of radiation oncology, a field that offers many opportunities for NLP exploration.

Language Modelling Large Language Model +7

Multi-Round Influence Maximization (Extended Version)

1 code implementation12 Feb 2018 Lichao Sun, Weiran Huang, Philip S. Yu, Wei Chen

In this paper, we study the Multi-Round Influence Maximization (MRIM) problem, where influence propagates in multiple rounds independently from possibly different seed sets, and the goal is to select seeds for each round to maximize the expected number of nodes that are activated in at least one round.

Social and Information Networks

A Comprehensive Survey of AI-Generated Content (AIGC): A History of Generative AI from GAN to ChatGPT

1 code implementation7 Mar 2023 Yihan Cao, Siyu Li, Yixin Liu, Zhiling Yan, Yutong Dai, Philip S. Yu, Lichao Sun

The goal of AIGC is to make the content creation process more efficient and accessible, allowing for the production of high-quality content at a faster pace.

Memory-adaptive Depth-wise Heterogenous Federated Learning

1 code implementation8 Mar 2023 Kai Zhang, Yutong Dai, Hongyi Wang, Eric Xing, Xun Chen, Lichao Sun

Federated learning is a promising paradigm that allows multiple clients to collaboratively train a model without sharing the local data.

Federated Learning

Toward Robust Imperceptible Perturbation against Unauthorized Text-to-image Diffusion-based Synthesis

1 code implementation22 Nov 2023 Yixin Liu, Chenrui Fan, Yutong Dai, Xun Chen, Pan Zhou, Lichao Sun

To solve these challenges, we propose MetaCloak, which solves the bi-level poisoning problem with a meta-learning framework with an additional transformation sampling process to craft transferable and robust perturbation.

Bilevel Optimization Denoising +1

Stable Unlearnable Example: Enhancing the Robustness of Unlearnable Examples via Stable Error-Minimizing Noise

1 code implementation22 Nov 2023 Yixin Liu, Kaidi Xu, Xun Chen, Lichao Sun

Observing that simply removing the adversarial noise on the training process of the defensive noise can improve the performance of robust unlearnable examples, we identify that solely the surrogate model's robustness contributes to the performance.

Deep Learning Towards Mobile Applications

no code implementations10 Sep 2018 Ji Wang, Bokai Cao, Philip S. Yu, Lichao Sun, Weidong Bao, Xiaomin Zhu

In this paper, we provide an overview of the current challenges and representative achievements about pushing deep learning on mobile devices from three aspects: training with mobile data, efficient inference on mobile devices, and applications of mobile deep learning.

BIG-bench Machine Learning

Joint Embedding of Meta-Path and Meta-Graph for Heterogeneous Information Networks

no code implementations11 Sep 2018 Lichao Sun, Lifang He, Zhipeng Huang, Bokai Cao, Congying Xia, Xiaokai Wei, Philip S. Yu

Meta-graph is currently the most powerful tool for similarity search on heterogeneous information networks, where a meta-graph is a composition of meta-paths that captures the complex structural information.

Network Embedding Tensor Decomposition

Private Model Compression via Knowledge Distillation

no code implementations13 Nov 2018 Ji Wang, Weidong Bao, Lichao Sun, Xiaomin Zhu, Bokai Cao, Philip S. Yu

To benefit from the on-device deep learning without the capacity and privacy concerns, we design a private model compression framework RONA.

Knowledge Distillation Model Compression +1

Private Deep Learning with Teacher Ensembles

no code implementations5 Jun 2019 Lichao Sun, Yingbo Zhou, Ji Wang, Jia Li, Richard Sochar, Philip S. Yu, Caiming Xiong

Privacy-preserving deep learning is crucial for deploying deep neural network based solutions, especially when the model works on data that contains sensitive information.

Ensemble Learning Knowledge Distillation +2

Self-Activation Influence Maximization

no code implementations5 Jun 2019 Lichao Sun, Albert Chen, Philip S. Yu, Wei Chen

We incorporate self activation into influence propagation and propose the self-activation independent cascade (SAIC) model: nodes may be self activated besides being selected as seeds, and influence propagates from both selected seeds and self activated nodes.

Social and Information Networks

Differentially Private Deep Learning with Smooth Sensitivity

no code implementations1 Mar 2020 Lichao Sun, Yingbo Zhou, Philip S. Yu, Caiming Xiong

Ensuring the privacy of sensitive data used to train modern machine learning models is of paramount importance in many areas of practice.

Adv-BERT: BERT is not robust on misspellings! Generating nature adversarial samples on BERT

no code implementations27 Feb 2020 Lichao Sun, Kazuma Hashimoto, Wenpeng Yin, Akari Asai, Jia Li, Philip Yu, Caiming Xiong

There is an increasing amount of literature that claims the brittleness of deep neural networks in dealing with adversarial examples that are created maliciously.

Question Answering Sentence +1

Contaminant Removal for Android Malware Detection Systems

no code implementations7 Nov 2017 Lichao Sun, Xiaokai Wei, Jiawei Zhang, Lifang He, Philip S. Yu, Witawas Srisa-an

The results indicate that once we remove contaminants from the datasets, we can significantly improve both malware detection rate and detection accuracy

Cryptography and Security

Natural Backdoor Attack on Text Data

no code implementations29 Jun 2020 Lichao Sun

Recently, advanced NLP models have seen a surge in the usage of various applications.

Backdoor Attack text-classification +1

LDP-FL: Practical Private Aggregation in Federated Learning with Local Differential Privacy

no code implementations31 Jul 2020 Lichao Sun, Jianwei Qian, Xun Chen

In this paper, we proposed a novel design of local differential privacy mechanism for federated learning to address the abovementioned issues.

Federated Learning

Federated Model Distillation with Noise-Free Differential Privacy

no code implementations11 Sep 2020 Lichao Sun, Lingjuan Lyu

Conventional federated learning directly averages model weights, which is only possible for collaboration between models with homogeneous architectures.

Federated Learning

EXPLORING VULNERABILITIES OF BERT-BASED APIS

no code implementations1 Jan 2021 Xuanli He, Lingjuan Lyu, Lichao Sun, Xiaojun Chang, Jun Zhao

We then demonstrate how the extracted model can be exploited to develop effective attribute inference attack to expose sensitive information of the training data.

Attribute Inference Attack +4

Mixup-Transformer: Dynamic Data Augmentation for NLP Tasks

no code implementations COLING 2020 Lichao Sun, Congying Xia, Wenpeng Yin, TingTing Liang, Philip S. Yu, Lifang He

Our studies show that mixup is a domain-independent data augmentation technique to pre-trained language models, resulting in significant performance improvement for transformer-based models.

Data Augmentation Image Classification

Privacy and Robustness in Federated Learning: Attacks and Defenses

no code implementations7 Dec 2020 Lingjuan Lyu, Han Yu, Xingjun Ma, Chen Chen, Lichao Sun, Jun Zhao, Qiang Yang, Philip S. Yu

Besides training powerful global models, it is of paramount importance to design FL systems that have privacy guarantees and are resistant to different types of adversaries.

Federated Learning Privacy Preserving

Membership Inference Attacks on Knowledge Graphs

no code implementations16 Apr 2021 Yu Wang, Lifu Huang, Philip S. Yu, Lichao Sun

Membership inference attacks (MIAs) infer whether a specific data record is used for target model training.

Inference Attack Knowledge Graph Embedding +3

Federated Multi-View Learning for Private Medical Data Integration and Analysis

no code implementations4 May 2021 Sicong Che, Hao Peng, Lichao Sun, Yong Chen, Lifang He

This paper aims to provide a generic Federated Multi-View Learning (FedMV) framework for multi-view data leakage prevention, which is based on different types of local data availability and enables to accommodate two types of problems: Vertical Federated Multi-View Learning (V-FedMV) and Horizontal Federated Multi-View Learning (H-FedMV).

Data Integration Federated Learning +2

Local-Global Knowledge Distillation in Heterogeneous Federated Learning with Non-IID Data

no code implementations30 Jun 2021 Dezhong Yao, Wanning Pan, Yutong Dai, Yao Wan, Xiaofeng Ding, Hai Jin, Zheng Xu, Lichao Sun

Federated learning enables multiple clients to collaboratively learn a global model by periodically aggregating the clients' models without transferring the local data.

Federated Learning Knowledge Distillation

Joint Embedding of Structural and Functional Brain Networks with Graph Neural Networks for Mental Illness Diagnosis

no code implementations7 Jul 2021 Yanqiao Zhu, Hejie Cui, Lifang He, Lichao Sun, Carl Yang

Multimodal brain networks characterize complex connectivities among different brain regions from both structural and functional aspects and provide a new means for mental disease analysis.

Contrastive Learning

How to Inject Backdoors with Better Consistency: Logit Anchoring on Clean Data

no code implementations ICLR 2022 Zhiyuan Zhang, Lingjuan Lyu, Weiqiang Wang, Lichao Sun, Xu sun

In this work, we observe an interesting phenomenon that the variations of parameters are always AWPs when tuning the trained clean model to inject backdoors.

DoubleStar: Long-Range Attack Towards Depth Estimation based Obstacle Avoidance in Autonomous Systems

no code implementations7 Oct 2021 Ce Zhou, Qiben Yan, Yan Shi, Lichao Sun

By exploiting the weaknesses of the stereo matching in depth estimation algorithms and the lens flare effect in optical imaging, we propose DoubleStar, a long-range attack that injects fake obstacle depth by projecting pure light from two complementary light sources.

Depth Estimation Sensor Fusion +1

FedDiscrete: A Secure Federated Learning Algorithm Against Weight Poisoning

no code implementations29 Sep 2021 Yutong Dai, Xingjun Ma, Lichao Sun

Federated learning (FL) is a privacy-aware collaborative learning paradigm that allows multiple parties to jointly train a machine learning model without sharing their private data.

Federated Learning

Query and Extract: Refining Event Extraction as Type-oriented Binary Decoding

no code implementations Findings (ACL) 2022 Sijia Wang, Mo Yu, Shiyu Chang, Lichao Sun, Lifu Huang

Event extraction is typically modeled as a multi-class classification problem where event types and argument roles are treated as atomic symbols.

Multi-class Classification Natural Language Queries +2

Near-Zero-Cost Differentially Private Deep Learning with Teacher Ensembles

no code implementations25 Sep 2019 Lichao Sun, Yingbo Zhou, Jia Li, Richard Socher, Philip S. Yu, Caiming Xiong

Ensuring the privacy of sensitive data used to train modern machine learning models is of paramount importance in many areas of practice.

Secure Network Release with Link Privacy

no code implementations28 Sep 2020 Carl Yang, Haonan Wang, Ke Zhang, Lichao Sun

Many data mining and analytical tasks rely on the abstraction of networks (graphs) to summarize relational structures among individuals (nodes).

Graph Generation

FedHM: Efficient Federated Learning for Heterogeneous Models via Low-rank Factorization

no code implementations29 Nov 2021 Dezhong Yao, Wanning Pan, Michael J O'Neill, Yutong Dai, Yao Wan, Hai Jin, Lichao Sun

To this end, this paper proposes FedHM, a novel heterogeneous federated model compression framework, distributing the heterogeneous low-rank models to clients and then aggregating them into a full-rank model.

Distributed Computing Federated Learning +3

Data-Free Adversarial Knowledge Distillation for Graph Neural Networks

no code implementations8 May 2022 Yuanxin Zhuang, Lingjuan Lyu, Chuan Shi, Carl Yang, Lichao Sun

Graph neural networks (GNNs) have been widely used in modeling graph structured data, owing to its impressive performance in a wide range of practical applications.

Generative Adversarial Network Graph Classification +3

Secure Embedding Aggregation for Federated Representation Learning

no code implementations18 Jun 2022 Jiaxiang Tang, Jinbao Zhu, Songze Li, Lichao Sun

We consider a federated representation learning framework, where with the assistance of a central server, a group of $N$ distributed clients train collaboratively over their private data, for the representations (or embeddings) of a set of entities (e. g., users in a social network).

Federated Learning Privacy Preserving +1

RAIN: RegulArization on Input and Network for Black-Box Domain Adaptation

no code implementations22 Aug 2022 Qucheng Peng, Zhengming Ding, Lingjuan Lyu, Lichao Sun, Chen Chen

For the input-level, we design a new data augmentation technique as Phase MixUp, which highlights task-relevant objects in the interpolations, thus enhancing input-level regularization and class consistency for target models.

Data Augmentation Self-Knowledge Distillation +1

PointCA: Evaluating the Robustness of 3D Point Cloud Completion Models Against Adversarial Examples

no code implementations22 Nov 2022 Shengshan Hu, Junwei Zhang, Wei Liu, Junhui Hou, Minghui Li, Leo Yu Zhang, Hai Jin, Lichao Sun

In addition, existing attack approaches towards point cloud classifiers cannot be applied to the completion models due to different output forms and attack purposes.

Adversarial Attack Point Cloud Classification +2

SEAT: Stable and Explainable Attention

no code implementations23 Nov 2022 Lijie Hu, Yixin Liu, Ninghao Liu, Mengdi Huai, Lichao Sun, Di Wang

Results show that SEAT is more stable against different perturbations and randomness while also keeps the explainability of attention, which indicates it is a more faithful explanation.

Rethinking the Video Sampling and Reasoning Strategies for Temporal Sentence Grounding

no code implementations2 Jan 2023 Jiahao Zhu, Daizong Liu, Pan Zhou, Xing Di, Yu Cheng, Song Yang, Wenzheng Xu, Zichuan Xu, Yao Wan, Lichao Sun, Zeyu Xiong

All existing works first utilize a sparse sampling strategy to extract a fixed number of video frames and then conduct multi-modal interactions with query sentence for reasoning.

Sentence Temporal Sentence Grounding

A Comprehensive Survey on Pretrained Foundation Models: A History from BERT to ChatGPT

no code implementations18 Feb 2023 Ce Zhou, Qian Li, Chen Li, Jun Yu, Yixin Liu, Guangjing Wang, Kai Zhang, Cheng Ji, Qiben Yan, Lifang He, Hao Peng, JianXin Li, Jia Wu, Ziwei Liu, Pengtao Xie, Caiming Xiong, Jian Pei, Philip S. Yu, Lichao Sun

This study provides a comprehensive review of recent research advancements, challenges, and opportunities for PFMs in text, image, graph, as well as other data modalities.

Graph Learning Language Modelling +1

Unlearnable Graph: Protecting Graphs from Unauthorized Exploitation

no code implementations5 Mar 2023 Yixin Liu, Chenrui Fan, Pan Zhou, Lichao Sun

While the use of graph-structured data in various fields is becoming increasingly popular, it also raises concerns about the potential unauthorized exploitation of personal data for training commercial graph neural network (GNN) models, which can compromise privacy.

Securing Biomedical Images from Unauthorized Training with Anti-Learning Perturbation

no code implementations5 Mar 2023 Yixin Liu, Haohui Ye, Kai Zhang, Lichao Sun

The volume of open-source biomedical data has been essential to the development of various spheres of the healthcare community since more `free' data can provide individual researchers more chances to contribute.

Prompt Engineering for Healthcare: Methodologies and Applications

no code implementations28 Apr 2023 Jiaqi Wang, Enze Shi, Sigang Yu, Zihao Wu, Chong Ma, Haixing Dai, Qiushi Yang, Yanqing Kang, Jinru Wu, Huawen Hu, Chenxi Yue, Haiyang Zhang, Yiheng Liu, Yi Pan, Zhengliang Liu, Lichao Sun, Xiang Li, Bao Ge, Xi Jiang, Dajiang Zhu, Yixuan Yuan, Dinggang Shen, Tianming Liu, Shu Zhang

Prompt engineering is a critical technique in the field of natural language processing that involves designing and optimizing the prompts used to input information into models, aiming to enhance their performance on specific tasks.

Machine Translation Prompt Engineering +3

ArtGPT-4: Towards Artistic-understanding Large Vision-Language Models with Enhanced Adapter

no code implementations12 May 2023 Zhengqing Yuan, Xinyi Wang, Kun Wang, Lichao Sun

This work introduces ArtGPT-4, a pioneering large vision-language model tailored to address the deficiencies of contemporary models in artistic comprehension.

Language Modelling

Decentralized Federated Learning: A Survey and Perspective

no code implementations2 Jun 2023 Liangqi Yuan, Lichao Sun, Philip S. Yu, Ziran Wang

Federated learning (FL) has been gaining attention for its ability to share knowledge while maintaining user data, protecting privacy, increasing learning efficiency, and reducing communication overhead.

Federated Learning

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.

TrustGPT: A Benchmark for Trustworthy and Responsible Large Language Models

no code implementations20 Jun 2023 Yue Huang, Qihui Zhang, Philip S. Y, Lichao Sun

Through the implementation of TrustGPT, this research aims to enhance our understanding of the performance of conversation generation models and promote the development of language models that are more ethical and socially responsible.

Instruction Mining: When Data Mining Meets Large Language Model Finetuning

no code implementations12 Jul 2023 Yihan Cao, Yanbin Kang, Chi Wang, Lichao Sun

Large language models (LLMs) are initially pretrained for broad capabilities and then finetuned with instruction-following datasets to improve their performance in interacting with humans.

Instruction Following Language Modelling +1

Evaluation of GPT-3 for Anti-Cancer Drug Sensitivity Prediction

no code implementations18 Sep 2023 Shaika Chowdhury, Sivaraman Rajaganapathy, Lichao Sun, James Cerhan, Nansu Zong

In this study, we investigated the potential of GPT-3 for the anti-cancer drug sensitivity prediction task using structured pharmacogenomics data across five tissue types and evaluated its performance with zero-shot prompting and fine-tuning paradigms.

Learning Generalizable Agents via Saliency-Guided Features Decorrelation

no code implementations NeurIPS 2023 Sili Huang, Yanchao Sun, Jifeng Hu, Siyuan Guo, Hechang Chen, Yi Chang, Lichao Sun, Bo Yang

Our experimental results demonstrate that SGFD can generalize well on a wide range of test environments and significantly outperforms state-of-the-art methods in handling both task-irrelevant variations and task-relevant variations.

Reinforcement Learning (RL)

Harnessing the Power of ChatGPT in Fake News: An In-Depth Exploration in Generation, Detection and Explanation

no code implementations8 Oct 2023 Yue Huang, Lichao Sun

The rampant spread of fake news has adversely affected society, resulting in extensive research on curbing its spread.

Towards Graph Foundation Models: A Survey and Beyond

no code implementations18 Oct 2023 Jiawei Liu, Cheng Yang, Zhiyuan Lu, Junze Chen, Yibo Li, Mengmei Zhang, Ting Bai, Yuan Fang, Lichao Sun, Philip S. Yu, Chuan Shi

Foundation models have emerged as critical components in a variety of artificial intelligence applications, and showcase significant success in natural language processing and several other domains.

Graph Learning

BadGPT: Exploring Security Vulnerabilities of ChatGPT via Backdoor Attacks to InstructGPT

no code implementations21 Feb 2023 Jiawen Shi, Yixin Liu, Pan Zhou, Lichao Sun

Recently, ChatGPT has gained significant attention in research due to its ability to interact with humans effectively.

Backdoor Attack Language Modelling +2

Jailbreaking GPT-4V via Self-Adversarial Attacks with System Prompts

no code implementations15 Nov 2023 Yuanwei Wu, Xiang Li, Yixin Liu, Pan Zhou, Lichao Sun

This finding indicates potential exploitable security risks in MLLMs; 2) Based on the acquired system prompts, we propose a novel MLLM jailbreaking attack method termed SASP (Self-Adversarial Attack via System Prompt).

Adversarial Attack

Improving Faithfulness for Vision Transformers

no code implementations29 Nov 2023 Lijie Hu, Yixin Liu, Ninghao Liu, Mengdi Huai, Lichao Sun, Di Wang

However, ViTs suffer from issues with explanation faithfulness, as their focal points are fragile to adversarial attacks and can be easily changed with even slight perturbations on the input image.

Denoising

Robust Computer Vision in an Ever-Changing World: A Survey of Techniques for Tackling Distribution Shifts

no code implementations3 Dec 2023 Eashan Adhikarla, Kai Zhang, Jun Yu, Lichao Sun, John Nicholson, Brian D. Davison

As a result, it raises concerns about the overall robustness of the machine learning techniques for computer vision applications that are deployed publicly for consumers.

Data Augmentation Transfer Learning

ClassLIE: Structure- and Illumination-Adaptive Classification for Low-Light Image Enhancement

no code implementations20 Dec 2023 Zixiang Wei, Yiting Wang, Lichao Sun, Athanasios V. Vasilakos, Lin Wang

A class prediction block is then designed to classify the degradation information by calculating the structure similarity scores on the reflectance map and mean square error on the illumination map.

Low-Light Image Enhancement SSIM

Deep Efficient Private Neighbor Generation for Subgraph Federated Learning

no code implementations9 Jan 2024 Ke Zhang, Lichao Sun, Bolin Ding, Siu Ming Yiu, Carl Yang

Behemoth graphs are often fragmented and separately stored by multiple data owners as distributed subgraphs in many realistic applications.

Federated Learning Graph Mining

Revisiting Gradient Pruning: A Dual Realization for Defending against Gradient Attacks

no code implementations30 Jan 2024 Lulu Xue, Shengshan Hu, Ruizhi Zhao, Leo Yu Zhang, Shengqing Hu, Lichao Sun, Dezhong Yao

To mitigate the weaknesses of existing solutions, we propose a novel defense method, Dual Gradient Pruning (DGP), based on gradient pruning, which can improve communication efficiency while preserving the utility and privacy of CL.

Medical Image Synthesis via Fine-Grained Image-Text Alignment and Anatomy-Pathology Prompting

no code implementations11 Mar 2024 WenTing Chen, Pengyu Wang, Hui Ren, Lichao Sun, Quanzheng Li, Yixuan Yuan, Xiang Li

To address these challenges, we propose a novel medical image synthesis model that leverages fine-grained image-text alignment and anatomy-pathology prompts to generate highly detailed and accurate synthetic medical images.

Anatomy Descriptive +1

Conditional Score-Based Diffusion Model for Cortical Thickness Trajectory Prediction

no code implementations11 Mar 2024 Qing Xiao, Siyeop Yoon, Hui Ren, Matthew Tivnan, Lichao Sun, Quanzheng Li, Tianming Liu, Yu Zhang, Xiang Li

Alzheimer's Disease (AD) is a neurodegenerative condition characterized by diverse progression rates among individuals, with changes in cortical thickness (CTh) closely linked to its progression.

Trajectory Prediction

Medical Unlearnable Examples: Securing Medical Data from Unauthorized Traning via Sparsity-Aware Local Masking

no code implementations15 Mar 2024 Weixiang Sun, Yixin Liu, Zhiling Yan, Kaidi Xu, Lichao Sun

With the rapid growth of artificial intelligence (AI) in healthcare, there has been a significant increase in the generation and storage of sensitive medical data.

Optimization-based Prompt Injection Attack to LLM-as-a-Judge

no code implementations26 Mar 2024 Jiawen Shi, Zenghui Yuan, Yinuo Liu, Yue Huang, Pan Zhou, Lichao Sun, Neil Zhenqiang Gong

LLM-as-a-Judge is a novel solution that can assess textual information with large language models (LLMs).

Decision Making

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