-
The Automated but Risky Game: Modeling Agent-to-Agent Negotiations and Transactions in Consumer Markets
Authors:
Shenzhe Zhu,
Jiao Sun,
Yi Nian,
Tobin South,
Alex Pentland,
Jiaxin Pei
Abstract:
AI agents are increasingly used in consumer-facing applications to assist with tasks such as product search, negotiation, and transaction execution. In this paper, we explore a future scenario where both consumers and merchants authorize AI agents to fully automate negotiations and transactions. We aim to answer two key questions: (1) Do different LLM agents vary in their ability to secure favorab…
▽ More
AI agents are increasingly used in consumer-facing applications to assist with tasks such as product search, negotiation, and transaction execution. In this paper, we explore a future scenario where both consumers and merchants authorize AI agents to fully automate negotiations and transactions. We aim to answer two key questions: (1) Do different LLM agents vary in their ability to secure favorable deals for users? (2) What risks arise from fully automating deal-making with AI agents in consumer markets? To address these questions, we develop an experimental framework that evaluates the performance of various LLM agents in real-world negotiation and transaction settings. Our findings reveal that AI-mediated deal-making is an inherently imbalanced game -- different agents achieve significantly different outcomes for their users. Moreover, behavioral anomalies in LLMs can result in financial losses for both consumers and merchants, such as overspending or accepting unreasonable deals. These results underscore that while automation can improve efficiency, it also introduces substantial risks. Users should exercise caution when delegating business decisions to AI agents.
△ Less
Submitted 13 June, 2025; v1 submitted 29 May, 2025;
originally announced June 2025.
-
Don't Let It Hallucinate: Premise Verification via Retrieval-Augmented Logical Reasoning
Authors:
Yuehan Qin,
Shawn Li,
Yi Nian,
Xinyan Velocity Yu,
Yue Zhao,
Xuezhe Ma
Abstract:
Large language models (LLMs) have shown substantial capacity for generating fluent, contextually appropriate responses. However, they can produce hallucinated outputs, especially when a user query includes one or more false premises-claims that contradict established facts. Such premises can mislead LLMs into offering fabricated or misleading details. Existing approaches include pretraining, fine-…
▽ More
Large language models (LLMs) have shown substantial capacity for generating fluent, contextually appropriate responses. However, they can produce hallucinated outputs, especially when a user query includes one or more false premises-claims that contradict established facts. Such premises can mislead LLMs into offering fabricated or misleading details. Existing approaches include pretraining, fine-tuning, and inference-time techniques that often rely on access to logits or address hallucinations after they occur. These methods tend to be computationally expensive, require extensive training data, or lack proactive mechanisms to prevent hallucination before generation, limiting their efficiency in real-time applications. We propose a retrieval-based framework that identifies and addresses false premises before generation. Our method first transforms a user's query into a logical representation, then applies retrieval-augmented generation (RAG) to assess the validity of each premise using factual sources. Finally, we incorporate the verification results into the LLM's prompt to maintain factual consistency in the final output. Experiments show that this approach effectively reduces hallucinations, improves factual accuracy, and does not require access to model logits or large-scale fine-tuning.
△ Less
Submitted 8 April, 2025;
originally announced April 2025.
-
JailDAM: Jailbreak Detection with Adaptive Memory for Vision-Language Model
Authors:
Yi Nian,
Shenzhe Zhu,
Yuehan Qin,
Li Li,
Ziyi Wang,
Chaowei Xiao,
Yue Zhao
Abstract:
Multimodal large language models (MLLMs) excel in vision-language tasks but also pose significant risks of generating harmful content, particularly through jailbreak attacks. Jailbreak attacks refer to intentional manipulations that bypass safety mechanisms in models, leading to the generation of inappropriate or unsafe content. Detecting such attacks is critical to ensuring the responsible deploy…
▽ More
Multimodal large language models (MLLMs) excel in vision-language tasks but also pose significant risks of generating harmful content, particularly through jailbreak attacks. Jailbreak attacks refer to intentional manipulations that bypass safety mechanisms in models, leading to the generation of inappropriate or unsafe content. Detecting such attacks is critical to ensuring the responsible deployment of MLLMs. Existing jailbreak detection methods face three primary challenges: (1) Many rely on model hidden states or gradients, limiting their applicability to white-box models, where the internal workings of the model are accessible; (2) They involve high computational overhead from uncertainty-based analysis, which limits real-time detection, and (3) They require fully labeled harmful datasets, which are often scarce in real-world settings. To address these issues, we introduce a test-time adaptive framework called JAILDAM. Our method leverages a memory-based approach guided by policy-driven unsafe knowledge representations, eliminating the need for explicit exposure to harmful data. By dynamically updating unsafe knowledge during test-time, our framework improves generalization to unseen jailbreak strategies while maintaining efficiency. Experiments on multiple VLM jailbreak benchmarks demonstrate that JAILDAM delivers state-of-the-art performance in harmful content detection, improving both accuracy and speed.
△ Less
Submitted 8 April, 2025; v1 submitted 3 April, 2025;
originally announced April 2025.
-
Secure On-Device Video OOD Detection Without Backpropagation
Authors:
Shawn Li,
Peilin Cai,
Yuxiao Zhou,
Zhiyu Ni,
Renjie Liang,
You Qin,
Yi Nian,
Zhengzhong Tu,
Xiyang Hu,
Yue Zhao
Abstract:
Out-of-Distribution (OOD) detection is critical for ensuring the reliability of machine learning models in safety-critical applications such as autonomous driving and medical diagnosis. While deploying personalized OOD detection directly on edge devices is desirable, it remains challenging due to large model sizes and the computational infeasibility of on-device training. Federated learning partia…
▽ More
Out-of-Distribution (OOD) detection is critical for ensuring the reliability of machine learning models in safety-critical applications such as autonomous driving and medical diagnosis. While deploying personalized OOD detection directly on edge devices is desirable, it remains challenging due to large model sizes and the computational infeasibility of on-device training. Federated learning partially addresses this but still requires gradient computation and backpropagation, exceeding the capabilities of many edge devices. To overcome these challenges, we propose SecDOOD, a secure cloud-device collaboration framework for efficient on-device OOD detection without requiring device-side backpropagation. SecDOOD utilizes cloud resources for model training while ensuring user data privacy by retaining sensitive information on-device. Central to SecDOOD is a HyperNetwork-based personalized parameter generation module, which adapts cloud-trained models to device-specific distributions by dynamically generating local weight adjustments, effectively combining central and local information without local fine-tuning. Additionally, our dynamic feature sampling and encryption strategy selectively encrypts only the most informative feature channels, largely reducing encryption overhead without compromising detection performance. Extensive experiments across multiple datasets and OOD scenarios demonstrate that SecDOOD achieves performance comparable to fully fine-tuned models, enabling secure, efficient, and personalized OOD detection on resource-limited edge devices. To enhance accessibility and reproducibility, our code is publicly available at https://github.com/Dystopians/SecDOOD.
△ Less
Submitted 17 March, 2025; v1 submitted 8 March, 2025;
originally announced March 2025.
-
GLEAN: Generalized Category Discovery with Diverse and Quality-Enhanced LLM Feedback
Authors:
Henry Peng Zou,
Siffi Singh,
Yi Nian,
Jianfeng He,
Jason Cai,
Saab Mansour,
Hang Su
Abstract:
Generalized Category Discovery (GCD) is a practical and challenging open-world task that aims to recognize both known and novel categories in unlabeled data using limited labeled data from known categories. Due to the lack of supervision, previous GCD methods face significant challenges, such as difficulty in rectifying errors for confusing instances, and inability to effectively uncover and lever…
▽ More
Generalized Category Discovery (GCD) is a practical and challenging open-world task that aims to recognize both known and novel categories in unlabeled data using limited labeled data from known categories. Due to the lack of supervision, previous GCD methods face significant challenges, such as difficulty in rectifying errors for confusing instances, and inability to effectively uncover and leverage the semantic meanings of discovered clusters. Therefore, additional annotations are usually required for real-world applicability. However, human annotation is extremely costly and inefficient. To address these issues, we propose GLEAN, a unified framework for generalized category discovery that actively learns from diverse and quality-enhanced LLM feedback. Our approach leverages three different types of LLM feedback to: (1) improve instance-level contrastive features, (2) generate category descriptions, and (3) align uncertain instances with LLM-selected category descriptions. Extensive experiments demonstrate the superior performance of \MethodName over state-of-the-art models across diverse datasets, metrics, and supervision settings. Our code is available at https://github.com/amazon-science/Glean.
△ Less
Submitted 25 February, 2025;
originally announced February 2025.
-
Faithful, Unfaithful or Ambiguous? Multi-Agent Debate with Initial Stance for Summary Evaluation
Authors:
Mahnaz Koupaee,
Jake W. Vincent,
Saab Mansour,
Igor Shalyminov,
Han He,
Hwanjun Song,
Raphael Shu,
Jianfeng He,
Yi Nian,
Amy Wing-mei Wong,
Kyu J. Han,
Hang Su
Abstract:
Faithfulness evaluators based on large language models (LLMs) are often fooled by the fluency of the text and struggle with identifying errors in the summaries. We propose an approach to summary faithfulness evaluation in which multiple LLM-based agents are assigned initial stances (regardless of what their belief might be) and forced to come up with a reason to justify the imposed belief, thus en…
▽ More
Faithfulness evaluators based on large language models (LLMs) are often fooled by the fluency of the text and struggle with identifying errors in the summaries. We propose an approach to summary faithfulness evaluation in which multiple LLM-based agents are assigned initial stances (regardless of what their belief might be) and forced to come up with a reason to justify the imposed belief, thus engaging in a multi-round debate to reach an agreement. The uniformly distributed initial assignments result in a greater diversity of stances leading to more meaningful debates and ultimately more errors identified. Furthermore, by analyzing the recent faithfulness evaluation datasets, we observe that naturally, it is not always the case for a summary to be either faithful to the source document or not. We therefore introduce a new dimension, ambiguity, and a detailed taxonomy to identify such special cases. Experiments demonstrate our approach can help identify ambiguities, and have even a stronger performance on non-ambiguous summaries.
△ Less
Submitted 13 February, 2025; v1 submitted 12 February, 2025;
originally announced February 2025.
-
AD-LLM: Benchmarking Large Language Models for Anomaly Detection
Authors:
Tiankai Yang,
Yi Nian,
Shawn Li,
Ruiyao Xu,
Yuangang Li,
Jiaqi Li,
Zhuo Xiao,
Xiyang Hu,
Ryan Rossi,
Kaize Ding,
Xia Hu,
Yue Zhao
Abstract:
Anomaly detection (AD) is an important machine learning task with many real-world uses, including fraud detection, medical diagnosis, and industrial monitoring. Within natural language processing (NLP), AD helps detect issues like spam, misinformation, and unusual user activity. Although large language models (LLMs) have had a strong impact on tasks such as text generation and summarization, their…
▽ More
Anomaly detection (AD) is an important machine learning task with many real-world uses, including fraud detection, medical diagnosis, and industrial monitoring. Within natural language processing (NLP), AD helps detect issues like spam, misinformation, and unusual user activity. Although large language models (LLMs) have had a strong impact on tasks such as text generation and summarization, their potential in AD has not been studied enough. This paper introduces AD-LLM, the first benchmark that evaluates how LLMs can help with NLP anomaly detection. We examine three key tasks: (i) zero-shot detection, using LLMs' pre-trained knowledge to perform AD without tasks-specific training; (ii) data augmentation, generating synthetic data and category descriptions to improve AD models; and (iii) model selection, using LLMs to suggest unsupervised AD models. Through experiments with different datasets, we find that LLMs can work well in zero-shot AD, that carefully designed augmentation methods are useful, and that explaining model selection for specific datasets remains challenging. Based on these results, we outline six future research directions on LLMs for AD.
△ Less
Submitted 15 May, 2025; v1 submitted 15 December, 2024;
originally announced December 2024.
-
NLP-ADBench: NLP Anomaly Detection Benchmark
Authors:
Yuangang Li,
Jiaqi Li,
Zhuo Xiao,
Tiankai Yang,
Yi Nian,
Xiyang Hu,
Yue Zhao
Abstract:
Anomaly detection (AD) is a critical machine learning task with diverse applications in web systems, including fraud detection, content moderation, and user behavior analysis. Despite its significance, AD in natural language processing (NLP) remains underexplored, limiting advancements in detecting anomalies in text data such as harmful content, phishing attempts, or spam reviews. In this paper, w…
▽ More
Anomaly detection (AD) is a critical machine learning task with diverse applications in web systems, including fraud detection, content moderation, and user behavior analysis. Despite its significance, AD in natural language processing (NLP) remains underexplored, limiting advancements in detecting anomalies in text data such as harmful content, phishing attempts, or spam reviews. In this paper, we introduce NLP-ADBench, the most comprehensive benchmark for NLP anomaly detection (NLP-AD), comprising eight curated datasets and evaluations of nineteen state-of-the-art algorithms. These include three end-to-end methods and sixteen two-step algorithms that apply traditional anomaly detection techniques to language embeddings generated by bert-base-uncased and OpenAI's text-embedding-3-large models.
Our results reveal critical insights and future directions for NLP-AD. Notably, no single model excels across all datasets, highlighting the need for automated model selection. Moreover, two-step methods leveraging transformer-based embeddings consistently outperform specialized end-to-end approaches, with OpenAI embeddings demonstrating superior performance over BERT embeddings. By releasing NLP-ADBench at https://github.com/USC-FORTIS/NLP-ADBench, we provide a standardized framework for evaluating NLP-AD methods, fostering the development of innovative approaches. This work fills a crucial gap in the field and establishes a foundation for advancing NLP anomaly detection, particularly in the context of improving the safety and reliability of web-based systems.
△ Less
Submitted 6 December, 2024;
originally announced December 2024.
-
COOD: Concept-based Zero-shot OOD Detection
Authors:
Zhendong Liu,
Yi Nian,
Henry Peng Zou,
Li Li,
Xiyang Hu,
Yue Zhao
Abstract:
How can models effectively detect out-of-distribution (OOD) samples in complex, multi-label settings without extensive retraining? Existing OOD detection methods struggle to capture the intricate semantic relationships and label co-occurrences inherent in multi-label settings, often requiring large amounts of training data and failing to generalize to unseen label combinations. While large languag…
▽ More
How can models effectively detect out-of-distribution (OOD) samples in complex, multi-label settings without extensive retraining? Existing OOD detection methods struggle to capture the intricate semantic relationships and label co-occurrences inherent in multi-label settings, often requiring large amounts of training data and failing to generalize to unseen label combinations. While large language models have revolutionized zero-shot OOD detection, they primarily focus on single-label scenarios, leaving a critical gap in handling real-world tasks where samples can be associated with multiple interdependent labels. To address these challenges, we introduce COOD, a novel zero-shot multi-label OOD detection framework. COOD leverages pre-trained vision-language models, enhancing them with a concept-based label expansion strategy and a new scoring function. By enriching the semantic space with both positive and negative concepts for each label, our approach models complex label dependencies, precisely differentiating OOD samples without the need for additional training. Extensive experiments demonstrate that our method significantly outperforms existing approaches, achieving approximately 95% average AUROC on both VOC and COCO datasets, while maintaining robust performance across varying numbers of labels and different types of OOD samples.
△ Less
Submitted 15 November, 2024;
originally announced November 2024.
-
MetaOOD: Automatic Selection of OOD Detection Models
Authors:
Yuehan Qin,
Yichi Zhang,
Yi Nian,
Xueying Ding,
Yue Zhao
Abstract:
How can we automatically select an out-of-distribution (OOD) detection model for various underlying tasks? This is crucial for maintaining the reliability of open-world applications by identifying data distribution shifts, particularly in critical domains such as online transactions, autonomous driving, and real-time patient diagnosis. Despite the availability of numerous OOD detection methods, th…
▽ More
How can we automatically select an out-of-distribution (OOD) detection model for various underlying tasks? This is crucial for maintaining the reliability of open-world applications by identifying data distribution shifts, particularly in critical domains such as online transactions, autonomous driving, and real-time patient diagnosis. Despite the availability of numerous OOD detection methods, the challenge of selecting an optimal model for diverse tasks remains largely underexplored, especially in scenarios lacking ground truth labels. In this work, we introduce MetaOOD, the first zero-shot, unsupervised framework that utilizes meta-learning to select an OOD detection model automatically. As a meta-learning approach, MetaOOD leverages historical performance data of existing methods across various benchmark OOD detection datasets, enabling the effective selection of a suitable model for new datasets without the need for labeled data at the test time. To quantify task similarities more accurately, we introduce language model-based embeddings that capture the distinctive OOD characteristics of both datasets and detection models. Through extensive experimentation with 24 unique test dataset pairs to choose from among 11 OOD detection models, we demonstrate that MetaOOD significantly outperforms existing methods and only brings marginal time overhead. Our results, validated by Wilcoxon statistical tests, show that MetaOOD surpasses a diverse group of 11 baselines, including established OOD detectors and advanced unsupervised selection methods.
△ Less
Submitted 28 February, 2025; v1 submitted 3 October, 2024;
originally announced October 2024.
-
A Comparative Study on Enhancing Prediction in Social Network Advertisement through Data Augmentation
Authors:
Qikai Yang,
Panfeng Li,
Xinhe Xu,
Zhicheng Ding,
Wenjing Zhou,
Yi Nian
Abstract:
In the ever-evolving landscape of social network advertising, the volume and accuracy of data play a critical role in the performance of predictive models. However, the development of robust predictive algorithms is often hampered by the limited size and potential bias present in real-world datasets. This study presents and explores a generative augmentation framework of social network advertising…
▽ More
In the ever-evolving landscape of social network advertising, the volume and accuracy of data play a critical role in the performance of predictive models. However, the development of robust predictive algorithms is often hampered by the limited size and potential bias present in real-world datasets. This study presents and explores a generative augmentation framework of social network advertising data. Our framework explores three generative models for data augmentation - Generative Adversarial Networks (GANs), Variational Autoencoders (VAEs), and Gaussian Mixture Models (GMMs) - to enrich data availability and diversity in the context of social network advertising analytics effectiveness. By performing synthetic extensions of the feature space, we find that through data augmentation, the performance of various classifiers has been quantitatively improved. Furthermore, we compare the relative performance gains brought by each data augmentation technique, providing insights for practitioners to select appropriate techniques to enhance model performance. This paper contributes to the literature by showing that synthetic data augmentation alleviates the limitations imposed by small or imbalanced datasets in the field of social network advertising. At the same time, this article also provides a comparative perspective on the practicality of different data augmentation methods, thereby guiding practitioners to choose appropriate techniques to enhance model performance.
△ Less
Submitted 12 November, 2024; v1 submitted 21 April, 2024;
originally announced April 2024.
-
Exploring Diverse Methods in Visual Question Answering
Authors:
Panfeng Li,
Qikai Yang,
Xieming Geng,
Wenjing Zhou,
Zhicheng Ding,
Yi Nian
Abstract:
This study explores innovative methods for improving Visual Question Answering (VQA) using Generative Adversarial Networks (GANs), autoencoders, and attention mechanisms. Leveraging a balanced VQA dataset, we investigate three distinct strategies. Firstly, GAN-based approaches aim to generate answer embeddings conditioned on image and question inputs, showing potential but struggling with more com…
▽ More
This study explores innovative methods for improving Visual Question Answering (VQA) using Generative Adversarial Networks (GANs), autoencoders, and attention mechanisms. Leveraging a balanced VQA dataset, we investigate three distinct strategies. Firstly, GAN-based approaches aim to generate answer embeddings conditioned on image and question inputs, showing potential but struggling with more complex tasks. Secondly, autoencoder-based techniques focus on learning optimal embeddings for questions and images, achieving comparable results with GAN due to better ability on complex questions. Lastly, attention mechanisms, incorporating Multimodal Compact Bilinear pooling (MCB), address language priors and attention modeling, albeit with a complexity-performance trade-off. This study underscores the challenges and opportunities in VQA and suggests avenues for future research, including alternative GAN formulations and attentional mechanisms.
△ Less
Submitted 12 November, 2024; v1 submitted 21 April, 2024;
originally announced April 2024.
-
Nuclear magnetic resonance studies in a model transverse field Ising system
Authors:
Y-H. Nian,
I. Vinograd,
C. Chaffey,
Y. Li,
M. P. Zic,
P. Massat,
R. R. P. Singh,
I. R. Fisher,
N. J. Curro
Abstract:
The suppression of ferroquadrupolar order in TmVO$_4$ in a magnetic field is well-described by the transverse field Ising model, enabling detailed studies of critical dynamics near the quantum phase transition. We describe nuclear magnetic resonance measurements in pure and Y-doped single crystals. The non-Kramers nature of the ground state doublet leads to a unique form of the hyperfine coupling…
▽ More
The suppression of ferroquadrupolar order in TmVO$_4$ in a magnetic field is well-described by the transverse field Ising model, enabling detailed studies of critical dynamics near the quantum phase transition. We describe nuclear magnetic resonance measurements in pure and Y-doped single crystals. The non-Kramers nature of the ground state doublet leads to a unique form of the hyperfine coupling that exclusively probes the transverse field susceptibility. Our results show that this quantity diverges at the critical field, in contrast to the mean-field prediction. Furthermore, we find evidence for quantum critical fluctuations present near Tm-rich regions in Y-doped crystals at levels beyond which long-range order is suppressed, suggesting the presence of quantum Griffiths phases.
△ Less
Submitted 28 February, 2024;
originally announced February 2024.
-
Self-explainable Graph Neural Network for Alzheimer's Disease And Related Dementias Risk Prediction
Authors:
Xinyue Hu,
Zenan Sun,
Yi Nian,
Yichen Wang,
Yifang Dang,
Fang Li,
Jingna Feng,
Evan Yu,
Cui Tao
Abstract:
Background:
Alzheimer's disease and related dementias (ADRD) ranks as the sixth leading cause of death in the US, underlining the importance of accurate ADRD risk prediction. While recent advancement in ADRD risk prediction have primarily relied on imaging analysis, yet not all patients undergo medical imaging before an ADRD diagnosis. Merging machine learning with claims data can reveal additio…
▽ More
Background:
Alzheimer's disease and related dementias (ADRD) ranks as the sixth leading cause of death in the US, underlining the importance of accurate ADRD risk prediction. While recent advancement in ADRD risk prediction have primarily relied on imaging analysis, yet not all patients undergo medical imaging before an ADRD diagnosis. Merging machine learning with claims data can reveal additional risk factors and uncover interconnections among diverse medical codes.
Objective:
Our goal is to utilize Graph Neural Networks (GNNs) with claims data for ADRD risk prediction. Addressing the lack of human-interpretable reasons behind these predictions, we introduce an innovative method to evaluate relationship importance and its influence on ADRD risk prediction, ensuring comprehensive interpretation.
Methods:
We employed Variationally Regularized Encoder-decoder Graph Neural Network (VGNN) for estimating ADRD likelihood. We created three scenarios to assess the model's efficiency, using Random Forest and Light Gradient Boost Machine as baselines. We further used our relation importance method to clarify the key relationships for ADRD risk prediction.
Results:
VGNN surpassed other baseline models by 10% in the area under the receiver operating characteristic. The integration of the GNN model and relation importance interpretation could potentially play an essential role in providing valuable insight into factors that may contribute to or delay ADRD progression.
Conclusions:
Employing a GNN approach with claims data enhances ADRD risk prediction and provides insights into the impact of interconnected medical code relationships. This methodology not only enables ADRD risk modeling but also shows potential for other image analysis predictions using claims data.
△ Less
Submitted 10 June, 2024; v1 submitted 12 September, 2023;
originally announced September 2023.
-
Spin-echo and quantum versus classical critical fluctuations in TmVO$_4$
Authors:
Y-H. Nian,
I. Vinograd,
T. Green,
C. Chaffey,
P. Massat,
R. R. P. Singh,
M. P. Zic,
I. R. Fisher,
N. J. Curro
Abstract:
Using spin-echo Nuclear Magnetic Resonance in the model Transverse-Field Ising system TmVO$_4$, we show that low frequency quantum fluctuations at the quantum critical point have a very different effect on $^{51}$V nuclear-spins than classical low-frequency noise or fluctuations that arise at a finite temperature critical point. Spin-echos filter out the low frequency classical noise but not the q…
▽ More
Using spin-echo Nuclear Magnetic Resonance in the model Transverse-Field Ising system TmVO$_4$, we show that low frequency quantum fluctuations at the quantum critical point have a very different effect on $^{51}$V nuclear-spins than classical low-frequency noise or fluctuations that arise at a finite temperature critical point. Spin-echos filter out the low frequency classical noise but not the quantum fluctuations. This allows us to directly visualize the quantum critical fan and demonstrate the persistence of quantum fluctuations at the critical coupling strength in TmVO$_4$ to high temperatures in an experiment that remains transparent to finite temperature classical phase transitions. These results show that while dynamical decoupling schemes can be quite effective in eliminating classical noise in a qubit, a quantum critical environment may lead to rapid entanglement and decoherence.
△ Less
Submitted 22 June, 2023;
originally announced June 2023.
-
Advancing Biomedicine with Graph Representation Learning: Recent Progress, Challenges, and Future Directions
Authors:
Fang Li,
Yi Nian,
Zenan Sun,
Cui Tao
Abstract:
Graph representation learning (GRL) has emerged as a pivotal field that has contributed significantly to breakthroughs in various fields, including biomedicine. The objective of this survey is to review the latest advancements in GRL methods and their applications in the biomedical field. We also highlight key challenges currently faced by GRL and outline potential directions for future research.
Graph representation learning (GRL) has emerged as a pivotal field that has contributed significantly to breakthroughs in various fields, including biomedicine. The objective of this survey is to review the latest advancements in GRL methods and their applications in the biomedical field. We also highlight key challenges currently faced by GRL and outline potential directions for future research.
△ Less
Submitted 20 June, 2023; v1 submitted 17 June, 2023;
originally announced June 2023.
-
Globally Interpretable Graph Learning via Distribution Matching
Authors:
Yi Nian,
Yurui Chang,
Wei Jin,
Lu Lin
Abstract:
Graph neural networks (GNNs) have emerged as a powerful model to capture critical graph patterns. Instead of treating them as black boxes in an end-to-end fashion, attempts are arising to explain the model behavior. Existing works mainly focus on local interpretation to reveal the discriminative pattern for each individual instance, which however cannot directly reflect the high-level model behavi…
▽ More
Graph neural networks (GNNs) have emerged as a powerful model to capture critical graph patterns. Instead of treating them as black boxes in an end-to-end fashion, attempts are arising to explain the model behavior. Existing works mainly focus on local interpretation to reveal the discriminative pattern for each individual instance, which however cannot directly reflect the high-level model behavior across instances. To gain global insights, we aim to answer an important question that is not yet well studied: how to provide a global interpretation for the graph learning procedure? We formulate this problem as globally interpretable graph learning, which targets on distilling high-level and human-intelligible patterns that dominate the learning procedure, such that training on this pattern can recover a similar model. As a start, we propose a novel model fidelity metric, tailored for evaluating the fidelity of the resulting model trained on interpretations. Our preliminary analysis shows that interpretative patterns generated by existing global methods fail to recover the model training procedure. Thus, we further propose our solution, Graph Distribution Matching (GDM), which synthesizes interpretive graphs by matching the distribution of the original and interpretive graphs in the GNN's feature space as its training proceeds, thus capturing the most informative patterns the model learns during training. Extensive experiments on graph classification datasets demonstrate multiple advantages of the proposed method, including high model fidelity, predictive accuracy and time efficiency, as well as the ability to reveal class-relevant structure.
△ Less
Submitted 20 February, 2024; v1 submitted 17 June, 2023;
originally announced June 2023.
-
Mining On Alzheimer's Diseases Related Knowledge Graph to Identity Potential AD-related Semantic Triples for Drug Repurposing
Authors:
Yi Nian,
Xinyue Hu,
Rui Zhang,
Jingna Feng,
Jingcheng Du,
Fang Li,
Yong Chen,
Cui Tao
Abstract:
To date, there are no effective treatments for most neurodegenerative diseases. Knowledge graphs can provide comprehensive and semantic representation for heterogeneous data, and have been successfully leveraged in many biomedical applications including drug repurposing. Our objective is to construct a knowledge graph from literature to study relations between Alzheimer's disease (AD) and chemical…
▽ More
To date, there are no effective treatments for most neurodegenerative diseases. Knowledge graphs can provide comprehensive and semantic representation for heterogeneous data, and have been successfully leveraged in many biomedical applications including drug repurposing. Our objective is to construct a knowledge graph from literature to study relations between Alzheimer's disease (AD) and chemicals, drugs and dietary supplements in order to identify opportunities to prevent or delay neurodegenerative progression. We collected biomedical annotations and extracted their relations using SemRep via SemMedDB. We used both a BERT-based classifier and rule-based methods during data preprocessing to exclude noise while preserving most AD-related semantic triples. The 1,672,110 filtered triples were used to train with knowledge graph completion algorithms (i.e., TransE, DistMult, and ComplEx) to predict candidates that might be helpful for AD treatment or prevention. Among three knowledge graph completion models, TransE outperformed the other two (MR = 13.45, Hits@1 = 0.306). We leveraged the time-slicing technique to further evaluate the prediction results. We found supporting evidence for most highly ranked candidates predicted by our model which indicates that our approach can inform reliable new knowledge. This paper shows that our graph mining model can predict reliable new relationships between AD and other entities (i.e., dietary supplements, chemicals, and drugs). The knowledge graph constructed can facilitate data-driven knowledge discoveries and the generation of novel hypotheses.
△ Less
Submitted 28 November, 2022; v1 submitted 17 February, 2022;
originally announced February 2022.
-
Knowledge Graph-based Neurodegenerative Diseases and Diet Relationship Discovery
Authors:
Yi Nian,
Jingcheng Du,
Larry Bu,
Fang Li,
Xinyue Hu,
Yuji Zhang,
Cui Tao
Abstract:
To date, there are no effective treatments for most neurodegenerative diseases. However, certain foods may be associated with these diseases and bring an opportunity to prevent or delay neurodegenerative progression. Our objective is to construct a knowledge graph for neurodegenerative diseases using literature mining to study their relations with diet. We collected biomedical annotations (Disease…
▽ More
To date, there are no effective treatments for most neurodegenerative diseases. However, certain foods may be associated with these diseases and bring an opportunity to prevent or delay neurodegenerative progression. Our objective is to construct a knowledge graph for neurodegenerative diseases using literature mining to study their relations with diet. We collected biomedical annotations (Disease, Chemical, Gene, Species, SNP&Mutation) in the abstracts from 4,300 publications relevant to both neurodegenerative diseases and diet using PubTator, an NIH-supported tool that can extract biomedical concepts from literature. A knowledge graph was created from these annotations. Graph embeddings were then trained with the node2vec algorithm to support potential concept clustering and similar concept identification. We found several food-related species and chemicals that might come from diet and have an impact on neurodegenerative diseases.
△ Less
Submitted 25 October, 2021; v1 submitted 13 September, 2021;
originally announced September 2021.
-
AutoML using Metadata Language Embeddings
Authors:
Iddo Drori,
Lu Liu,
Yi Nian,
Sharath C. Koorathota,
Jie S. Li,
Antonio Khalil Moretti,
Juliana Freire,
Madeleine Udell
Abstract:
As a human choosing a supervised learning algorithm, it is natural to begin by reading a text description of the dataset and documentation for the algorithms you might use. We demonstrate that the same idea improves the performance of automated machine learning methods. We use language embeddings from modern NLP to improve state-of-the-art AutoML systems by augmenting their recommendations with ve…
▽ More
As a human choosing a supervised learning algorithm, it is natural to begin by reading a text description of the dataset and documentation for the algorithms you might use. We demonstrate that the same idea improves the performance of automated machine learning methods. We use language embeddings from modern NLP to improve state-of-the-art AutoML systems by augmenting their recommendations with vector embeddings of datasets and of algorithms. We use these embeddings in a neural architecture to learn the distance between best-performing pipelines. The resulting (meta-)AutoML framework improves on the performance of existing AutoML frameworks. Our zero-shot AutoML system using dataset metadata embeddings provides good solutions instantaneously, running in under one second of computation. Performance is competitive with AutoML systems OBOE, AutoSklearn, AlphaD3M, and TPOT when each framework is allocated a minute of computation. We make our data, models, and code publicly available.
△ Less
Submitted 8 October, 2019;
originally announced October 2019.
-
Evidance for an Oxygen Diffusion Model for the Electric Pulse Induced Resistance Change Effect in Oxides
Authors:
Y. B. Nian,
J. Strozier,
N. J. Wu,
X. Chen,
A. Ignatiev
Abstract:
Electric pulse induced resistance (EPIR) switching hysteresis loops for Pr0.7Ca0.7MnO3 (PCMO) perovskite oxide films were found to exhibit an additional sharp "shuttle peak" around the negative pulse maximum for films deposited in an oxygen deficient ambient. The device resistance hysteresis loop consists of stable high resistance and low resistance states, and transition regions between them. T…
▽ More
Electric pulse induced resistance (EPIR) switching hysteresis loops for Pr0.7Ca0.7MnO3 (PCMO) perovskite oxide films were found to exhibit an additional sharp "shuttle peak" around the negative pulse maximum for films deposited in an oxygen deficient ambient. The device resistance hysteresis loop consists of stable high resistance and low resistance states, and transition regions between them. The resistance relaxation of the "shuttle peak" and its temperature behavior as well as the resistance relaxation in the transition regions were studied, and indicate that the resistance switching relates to oxygen diffusion with activation energy about 0.4eV. An oxygen diffusion model with the oxygen ions (vacancies) as the active agent is proposed for the non-volatile resistance switching effect in PCMO.
△ Less
Submitted 22 February, 2006; v1 submitted 21 February, 2006;
originally announced February 2006.
-
A Study of Apparent Symmetry Breakdown in Perovskite Oxide-based Symmetric RRAM Devices
Authors:
X. Chen,
J. Strozier,
N. J. Wu,
A. Ignatiev,
Y. B. Nian
Abstract:
A new model of a symmetric two-terminal non-volatile RRAM device based on Perovskite oxide thin film materials, specifically Pr1-xCaxMnO3 (PCMO), is proposed and analyzed. The model consists of two identical half-parts, which are completely characterized by the same resistance verses pulse voltage hysteresis loop, connected together in series. Even though the modeled device is physically symmetr…
▽ More
A new model of a symmetric two-terminal non-volatile RRAM device based on Perovskite oxide thin film materials, specifically Pr1-xCaxMnO3 (PCMO), is proposed and analyzed. The model consists of two identical half-parts, which are completely characterized by the same resistance verses pulse voltage hysteresis loop, connected together in series. Even though the modeled device is physically symmetric with respect to the direction of current, it is found to exhibit switching of the resistance with the application of voltage pulses of sufficient amplitude and of different polarities. The apparent breakdown of parity conservation of the device is attributed to changes in resistance of the active material layer near the electrodes during switching. Thus the switching is history dependent, a feature that can be very useful for the construction of real non-volatile memory devices. An actual symmetric device, not previously reported in the literature and based on the proposed model, is fabricated in the PCMO material system. Measurements of the resistance of this new device generated an experimental hysteresis curve that matches well the calculated hysteresis curve of the model, thus confirming the features predicated by the new symmetric model.
△ Less
Submitted 3 October, 2005;
originally announced October 2005.