Search Results for author: Jeff Z. Pan

Found 70 papers, 37 papers with code

MINTQA: A Multi-Hop Question Answering Benchmark for Evaluating LLMs on New and Tail Knowledge

no code implementations22 Dec 2024 Jie He, Nan Hu, Wanqiu Long, Jiaoyan Chen, Jeff Z. Pan

To bridge this gap, we introduce MINTQA (Multi-hop Question Answering on New and Tail Knowledge), a comprehensive benchmark to evaluate LLMs' capabilities in multi-hop reasoning across four critical dimensions: question handling strategy, sub-question generation, retrieval-augmented generation, and iterative or dynamic decomposition and retrieval.

Multi-hop Question Answering Question Answering +3

From An LLM Swarm To A PDDL-Empowered HIVE: Planning Self-Executed Instructions In A Multi-Modal Jungle

no code implementations17 Dec 2024 Kaustubh Vyas, Damien Graux, Yijun Yang, Sébastien Montella, Chenxin Diao, Wendi Zhou, Pavlos Vougiouklis, Ruofei Lai, Yang Ren, Keshuang Li, Jeff Z. Pan

In response to the call for agent-based solutions that leverage the ever-increasing capabilities of the deep models' ecosystem, we introduce Hive -- a comprehensive solution for selecting appropriate models and subsequently planning a set of atomic actions to satisfy the end-users' instructions.

AI Agent Formal Logic +3

Multi-level Matching Network for Multimodal Entity Linking

1 code implementation11 Dec 2024 Zhiwei Hu, Víctor Gutiérrez-Basulto, Ru Li, Jeff Z. Pan

To address these issues, we propose a Multi-level Matching network for Multimodal Entity Linking (M3EL).

Contrastive Learning Entity Linking +1

Atomic Fact Decomposition Helps Attributed Question Answering

no code implementations22 Oct 2024 Zhichao Yan, Jiapu Wang, Jiaoyan Chen, XiaoLi Li, Ru Li, Jeff Z. Pan

Attributed Question Answering (AQA) aims to provide both a trustworthy answer and a reliable attribution report for a given question.

Knowledge Graphs Question Answering +1

MiCEval: Unveiling Multimodal Chain of Thought's Quality via Image Description and Reasoning Steps

1 code implementation18 Oct 2024 Xiongtao Zhou, Jie He, Lanyu Chen, Jingyu Li, Haojing Chen, Víctor Gutiérrez-Basulto, Jeff Z. Pan, Hanjie Chen

To address this gap, we propose Multimodal Chain-of-Thought Evaluation (MiCEval), a framework designed to assess the correctness of reasoning chains by evaluating the quality of both the description and each reasoning step.

Informativeness

AppBench: Planning of Multiple APIs from Various APPs for Complex User Instruction

1 code implementation10 Oct 2024 Hongru Wang, Rui Wang, Boyang Xue, Heming Xia, Jingtao Cao, Zeming Liu, Jeff Z. Pan, Kam-Fai Wong

In this paper, we introduce \texttt{AppBench}, the first benchmark to evaluate LLMs' ability to plan and execute multiple APIs from various sources in order to complete the user's task.

In-Context Learning

CoTKR: Chain-of-Thought Enhanced Knowledge Rewriting for Complex Knowledge Graph Question Answering

1 code implementation29 Sep 2024 Yike Wu, Yi Huang, Nan Hu, Yuncheng Hua, Guilin Qi, Jiaoyan Chen, Jeff Z. Pan

Recent studies have explored the use of Large Language Models (LLMs) with Retrieval Augmented Generation (RAG) for Knowledge Graph Question Answering (KGQA).

Graph Question Answering Question Answering +1

How Reliable are LLMs as Knowledge Bases? Re-thinking Facutality and Consistency

no code implementations18 Jul 2024 Danna Zheng, Mirella Lapata, Jeff Z. Pan

Large Language Models (LLMs) are increasingly explored as knowledge bases (KBs), yet current evaluation methods focus too narrowly on knowledge retention, overlooking other crucial criteria for reliable performance.

In-Context Learning

Start from Zero: Triple Set Prediction for Automatic Knowledge Graph Completion

1 code implementation26 Jun 2024 Wen Zhang, Yajing Xu, Peng Ye, Zhiwei Huang, Zezhong Xu, Jiaoyan Chen, Jeff Z. Pan, Huajun Chen

In this paper, we propose a novel graph-level automatic KG completion task called Triple Set Prediction (TSP) which assumes none of the elements in the missing triples is given.

Knowledge Graph Completion Link Prediction

An Empirical Study on Parameter-Efficient Fine-Tuning for MultiModal Large Language Models

1 code implementation7 Jun 2024 Xiongtao Zhou, Jie He, Yuhua Ke, Guangyao Zhu, Víctor Gutiérrez-Basulto, Jeff Z. Pan

We aim to identify effective methods for enhancing the performance of MLLMs in scenarios where only a limited number of parameters are trained.

Hallucination parameter-efficient fine-tuning

Evaluating and Safeguarding the Adversarial Robustness of Retrieval-Based In-Context Learning

1 code implementation24 May 2024 Simon Yu, Jie He, Pasquale Minervini, Jeff Z. Pan

Our study reveals that retrieval-augmented models can enhance robustness against test sample attacks, outperforming vanilla ICL with a 4. 87% reduction in Attack Success Rate (ASR); however, they exhibit overconfidence in the demonstrations, leading to a 2% increase in ASR for demonstration attacks.

Adversarial Robustness In-Context Learning +1

Leveraging Intra-modal and Inter-modal Interaction for Multi-Modal Entity Alignment

no code implementations19 Apr 2024 Zhiwei Hu, Víctor Gutiérrez-Basulto, Zhiliang Xiang, Ru Li, Jeff Z. Pan

Multi-modal entity alignment (MMEA) aims to identify equivalent entity pairs across different multi-modal knowledge graphs (MMKGs).

Contrastive Learning Knowledge Graphs +1

HyperMono: A Monotonicity-aware Approach to Hyper-Relational Knowledge Representation

no code implementations15 Apr 2024 Zhiwei Hu, Víctor Gutiérrez-Basulto, Zhiliang Xiang, Ru Li, Jeff Z. Pan

This paper proposes the HyperMono model for hyper-relational knowledge graph completion, which realizes stage reasoning and qualifier monotonicity.

Attribute Knowledge Graph Completion

UniArk: Improving Generalisation and Consistency for Factual Knowledge Extraction through Debiasing

1 code implementation1 Apr 2024 Yijun Yang, Jie He, Pinzhen Chen, Víctor Gutiérrez-Basulto, Jeff Z. Pan

We hypothesize that simultaneously debiasing these objectives can be the key to generalisation over unseen prompts.

Noise-powered Multi-modal Knowledge Graph Representation Framework

1 code implementation11 Mar 2024 Zhuo Chen, Yin Fang, Yichi Zhang, Lingbing Guo, Jiaoyan Chen, Jeff Z. Pan, Huajun Chen, Wen Zhang

In this work, we explore the efficacy of models in accurately embedding entities within MMKGs through two pivotal tasks: Multi-modal Knowledge Graph Completion (MKGC) and Multi-modal Entity Alignment (MMEA).

Knowledge Graph Completion Misconceptions +3

A Usage-centric Take on Intent Understanding in E-Commerce

1 code implementation22 Feb 2024 Wendi Zhou, Tianyi Li, Pavlos Vougiouklis, Mark Steedman, Jeff Z. Pan

In this paper, we focus on predicative user intents as "how a customer uses a product", and pose intent understanding as a natural language reasoning task, independent of product ontologies.

Product Recommendation

Archer: A Human-Labeled Text-to-SQL Dataset with Arithmetic, Commonsense and Hypothetical Reasoning

no code implementations19 Feb 2024 Danna Zheng, Mirella Lapata, Jeff Z. Pan

We present Archer, a challenging bilingual text-to-SQL dataset specific to complex reasoning, including arithmetic, commonsense and hypothetical reasoning.

Text-To-SQL

TrustScore: Reference-Free Evaluation of LLM Response Trustworthiness

1 code implementation19 Feb 2024 Danna Zheng, Danyang Liu, Mirella Lapata, Jeff Z. Pan

Large Language Models (LLMs) have demonstrated impressive capabilities across various domains, prompting a surge in their practical applications.

Fact Checking Question Answering

Knowledge Graphs Meet Multi-Modal Learning: A Comprehensive Survey

6 code implementations8 Feb 2024 Zhuo Chen, Yichi Zhang, Yin Fang, Yuxia Geng, Lingbing Guo, Xiang Chen, Qian Li, Wen Zhang, Jiaoyan Chen, Yushan Zhu, Jiaqi Li, Xiaoze Liu, Jeff Z. Pan, Ningyu Zhang, Huajun Chen

In this survey, we carefully review over 300 articles, focusing on KG-aware research in two principal aspects: KG-driven Multi-Modal (KG4MM) learning, where KGs support multi-modal tasks, and Multi-Modal Knowledge Graph (MM4KG), which extends KG studies into the MMKG realm.

Entity Alignment Image Classification +5

Knowledge-Aware Neuron Interpretation for Scene Classification

no code implementations29 Jan 2024 Yong Guan, Freddy Lecue, Jiaoyan Chen, Ru Li, Jeff Z. Pan

Specifically, for concept completeness, we present core concepts of a scene based on knowledge graph, ConceptNet, to gauge the completeness of concepts.

Classification Scene Classification

Benchmarking Large Language Models in Complex Question Answering Attribution using Knowledge Graphs

no code implementations26 Jan 2024 Nan Hu, Jiaoyan Chen, Yike Wu, Guilin Qi, Sheng Bi, Tongtong Wu, Jeff Z. Pan

The attribution of question answering is to provide citations for supporting generated statements, and has attracted wide research attention.

Benchmarking Knowledge Graphs +1

UniMS-RAG: A Unified Multi-source Retrieval-Augmented Generation for Personalized Dialogue Systems

no code implementations24 Jan 2024 Hongru Wang, WenYu Huang, Yang Deng, Rui Wang, Zezhong Wang, YuFei Wang, Fei Mi, Jeff Z. Pan, Kam-Fai Wong

To better plan and incorporate the use of multiple sources in generating personalized response, we firstly decompose it into three sub-tasks: Knowledge Source Selection, Knowledge Retrieval, and Response Generation.

RAG Response Generation +1

Prompting Disentangled Embeddings for Knowledge Graph Completion with Pre-trained Language Model

1 code implementation4 Dec 2023 Yuxia Geng, Jiaoyan Chen, Yuhang Zeng, Zhuo Chen, Wen Zhang, Jeff Z. Pan, Yuxiang Wang, Xiaoliang Xu

Accordingly, we propose a new KGC method named PDKGC with two prompts -- a hard task prompt which is to adapt the KGC task to the PLM pre-training task of token prediction, and a disentangled structure prompt which learns disentangled graph representation so as to enable the PLM to combine more relevant structure knowledge with the text information.

Knowledge Graph Completion Language Modeling +1

Code-Switching with Word Senses for Pretraining in Neural Machine Translation

no code implementations21 Oct 2023 Vivek Iyer, Edoardo Barba, Alexandra Birch, Jeff Z. Pan, Roberto Navigli

Lexical ambiguity is a significant and pervasive challenge in Neural Machine Translation (NMT), with many state-of-the-art (SOTA) NMT systems struggling to handle polysemous words (Campolungo et al., 2022).

Denoising Machine Translation +2

HyperFormer: Enhancing Entity and Relation Interaction for Hyper-Relational Knowledge Graph Completion

1 code implementation12 Aug 2023 Zhiwei Hu, Víctor Gutiérrez-Basulto, Zhiliang Xiang, Ru Li, Jeff Z. Pan

Hyper-relational knowledge graph completion (HKGC) aims at inferring unknown triples while considering its qualifiers.

Attribute Relation

Rethinking Uncertainly Missing and Ambiguous Visual Modality in Multi-Modal Entity Alignment

1 code implementation30 Jul 2023 Zhuo Chen, Lingbing Guo, Yin Fang, Yichi Zhang, Jiaoyan Chen, Jeff Z. Pan, Yangning Li, Huajun Chen, Wen Zhang

As a crucial extension of entity alignment (EA), multi-modal entity alignment (MMEA) aims to identify identical entities across disparate knowledge graphs (KGs) by exploiting associated visual information.

 Ranked #1 on Multi-modal Entity Alignment on UMVM-oea-d-w-v2 (using extra training data)

Benchmarking Knowledge Graph Embeddings +2

BUCA: A Binary Classification Approach to Unsupervised Commonsense Question Answering

no code implementations25 May 2023 Jie He, Simon Chi Lok U, Víctor Gutiérrez-Basulto, Jeff Z. Pan

Unsupervised commonsense reasoning (UCR) is becoming increasingly popular as the construction of commonsense reasoning datasets is expensive, and they are inevitably limited in their scope.

Binary Classification Knowledge Graphs +2

InstructIE: A Bilingual Instruction-based Information Extraction Dataset

3 code implementations19 May 2023 Honghao Gui, Shuofei Qiao, Jintian Zhang, Hongbin Ye, Mengshu Sun, Lei Liang, Jeff Z. Pan, Huajun Chen, Ningyu Zhang

Experimental results demonstrate that large language models trained with InstructIE can not only obtain better IE capabilities but also enhance zero-shot performance compared with baselines.

An Empirical Study of Pre-trained Language Models in Simple Knowledge Graph Question Answering

no code implementations18 Mar 2023 Nan Hu, Yike Wu, Guilin Qi, Dehai Min, Jiaoyan Chen, Jeff Z. Pan, Zafar Ali

Large-scale pre-trained language models (PLMs) such as BERT have recently achieved great success and become a milestone in natural language processing (NLP).

Graph Question Answering Knowledge Distillation +1

Entity-Agnostic Representation Learning for Parameter-Efficient Knowledge Graph Embedding

1 code implementation3 Feb 2023 Mingyang Chen, Wen Zhang, Zhen Yao, Yushan Zhu, Yang Gao, Jeff Z. Pan, Huajun Chen

In our proposed model, Entity-Agnostic Representation Learning (EARL), we only learn the embeddings for a small set of entities and refer to them as reserved entities.

Entity Embeddings Knowledge Graph Embedding +3

Generalizing to Unseen Elements: A Survey on Knowledge Extrapolation for Knowledge Graphs

no code implementations3 Feb 2023 Mingyang Chen, Wen Zhang, Yuxia Geng, Zezhong Xu, Jeff Z. Pan, Huajun Chen

In this paper, we use a set of general terminologies to unify these methods and refer to them collectively as Knowledge Extrapolation.

Knowledge Graph Embedding Knowledge Graphs

MEAformer: Multi-modal Entity Alignment Transformer for Meta Modality Hybrid

1 code implementation29 Dec 2022 Zhuo Chen, Jiaoyan Chen, Wen Zhang, Lingbing Guo, Yin Fang, Yufeng Huang, Yichi Zhang, Yuxia Geng, Jeff Z. Pan, Wenting Song, Huajun Chen

Multi-modal entity alignment (MMEA) aims to discover identical entities across different knowledge graphs (KGs) whose entities are associated with relevant images.

 Ranked #1 on Entity Alignment on FBYG15k (using extra training data)

Knowledge Graphs Multi-modal Entity Alignment

Transformer-based Entity Typing in Knowledge Graphs

1 code implementation20 Oct 2022 Zhiwei Hu, Víctor Gutiérrez-Basulto, Zhiliang Xiang, Ru Li, Jeff Z. Pan

We investigate the knowledge graph entity typing task which aims at inferring plausible entity types.

Entity Typing Knowledge Graphs

Task-specific Pre-training and Prompt Decomposition for Knowledge Graph Population with Language Models

1 code implementation26 Aug 2022 Tianyi Li, WenYu Huang, Nikos Papasarantopoulos, Pavlos Vougiouklis, Jeff Z. Pan

Our system is the winner of track 1 of the LM-KBC challenge, based on BERT LM; it achieves 55. 0% F-1 score on the hidden test set of the challenge.

Knowledge Base Construction Retrieval

Target-oriented Sentiment Classification with Sequential Cross-modal Semantic Graph

1 code implementation19 Aug 2022 Yufeng Huang, Zhuo Chen, Jiaoyan Chen, Jeff Z. Pan, Zhen Yao, Wen Zhang

Multi-modal aspect-based sentiment classification (MABSC) is task of classifying the sentiment of a target entity mentioned in a sentence and an image.

Decoder Image Captioning +3

UnCommonSense: Informative Negative Knowledge about Everyday Concepts

no code implementations19 Aug 2022 Hiba Arnaout, Simon Razniewski, Gerhard Weikum, Jeff Z. Pan

This way, positive statements about comparable concepts that are absent for the target concept become seeds for negative statement candidates.

Informativeness Question Answering

DUET: Cross-modal Semantic Grounding for Contrastive Zero-shot Learning

2 code implementations4 Jul 2022 Zhuo Chen, Yufeng Huang, Jiaoyan Chen, Yuxia Geng, Wen Zhang, Yin Fang, Jeff Z. Pan, Huajun Chen

Specifically, we (1) developed a cross-modal semantic grounding network to investigate the model's capability of disentangling semantic attributes from the images; (2) applied an attribute-level contrastive learning strategy to further enhance the model's discrimination on fine-grained visual characteristics against the attribute co-occurrence and imbalance; (3) proposed a multi-task learning policy for considering multi-model objectives.

Attribute Contrastive Learning +4

Disentangled Ontology Embedding for Zero-shot Learning

1 code implementation8 Jun 2022 Yuxia Geng, Jiaoyan Chen, Wen Zhang, Yajing Xu, Zhuo Chen, Jeff Z. Pan, Yufeng Huang, Feiyu Xiong, Huajun Chen

In this paper, we focus on ontologies for augmenting ZSL, and propose to learn disentangled ontology embeddings guided by ontology properties to capture and utilize more fine-grained class relationships in different aspects.

Image Classification Ontology Embedding +2

Type-aware Embeddings for Multi-Hop Reasoning over Knowledge Graphs

1 code implementation2 May 2022 Zhiwei Hu, Víctor Gutiérrez-Basulto, Zhiliang Xiang, XiaoLi Li, Ru Li, Jeff Z. Pan

Multi-hop reasoning over real-life knowledge graphs (KGs) is a highly challenging problem as traditional subgraph matching methods are not capable to deal with noise and missing information.

Knowledge Graphs Vocal Bursts Type Prediction

Knowledge Graph Reasoning with Logics and Embeddings: Survey and Perspective

no code implementations15 Feb 2022 Wen Zhang, Jiaoyan Chen, Juan Li, Zezhong Xu, Jeff Z. Pan, Huajun Chen

Knowledge graph (KG) reasoning is becoming increasingly popular in both academia and industry.

Survey

Zero-shot and Few-shot Learning with Knowledge Graphs: A Comprehensive Survey

no code implementations18 Dec 2021 Jiaoyan Chen, Yuxia Geng, Zhuo Chen, Jeff Z. Pan, Yuan He, Wen Zhang, Ian Horrocks, Huajun Chen

Machine learning especially deep neural networks have achieved great success but many of them often rely on a number of labeled samples for supervision.

Data Augmentation Few-Shot Learning +10

A Knowledge-Guided Framework for Frame Identification

no code implementations ACL 2021 Xuefeng Su, Ru Li, XiaoLi Li, Jeff Z. Pan, Hu Zhang, Qinghua Chai, Xiaoqi Han

In this paper, we propose a Knowledge-Guided Frame Identification framework (KGFI) that integrates three types frame knowledge, including frame definitions, frame elements and frame-to-frame relations, to learn better frame representation, which guides the KGFI to jointly map target words and frames into the same embedding space and subsequently identify the best frame by calculating the dot-product similarity scores between the target word embedding and all of the frame embeddings.

Semantic Parsing Sentence

Knowledge-aware Zero-Shot Learning: Survey and Perspective

1 code implementation26 Feb 2021 Jiaoyan Chen, Yuxia Geng, Zhuo Chen, Ian Horrocks, Jeff Z. Pan, Huajun Chen

Zero-shot learning (ZSL) which aims at predicting classes that have never appeared during the training using external knowledge (a. k. a.

BIG-bench Machine Learning Survey +1

OntoZSL: Ontology-enhanced Zero-shot Learning

1 code implementation15 Feb 2021 Yuxia Geng, Jiaoyan Chen, Zhuo Chen, Jeff Z. Pan, Zhiquan Ye, Zonggang Yuan, Yantao Jia, Huajun Chen

The key of implementing ZSL is to leverage the prior knowledge of classes which builds the semantic relationship between classes and enables the transfer of the learned models (e. g., features) from training classes (i. e., seen classes) to unseen classes.

Image Classification Knowledge Graph Completion +2

Ontology-guided Semantic Composition for Zero-Shot Learning

1 code implementation30 Jun 2020 Jiaoyan Chen, Freddy Lecue, Yuxia Geng, Jeff Z. Pan, Huajun Chen

Zero-shot learning (ZSL) is a popular research problem that aims at predicting for those classes that have never appeared in the training stage by utilizing the inter-class relationship with some side information.

Image Classification Ontology Embedding +4

Negative Statements Considered Useful

no code implementations13 Jan 2020 Hiba Arnaout, Simon Razniewski, Gerhard Weikum, Jeff Z. Pan

Negative statements are useful to overcome limitations of question answering systems that are mainly geared for positive questions; they can also contribute to informative summaries of entities.

Question Answering

A Framework for Evaluating Snippet Generation for Dataset Search

no code implementations2 Jul 2019 Xiaxia Wang, Jinchi Chen, Shuxin Li, Gong Cheng, Jeff Z. Pan, Evgeny Kharlamov, Yuzhong Qu

Reusing existing datasets is of considerable significance to researchers and developers.

Augmenting Transfer Learning with Semantic Reasoning

no code implementations31 May 2019 Freddy Lecue, Jiaoyan Chen, Jeff Z. Pan, Huajun Chen

We exploit their semantics to augment transfer learning by dealing with when to transfer with semantic measurements and what to transfer with semantic embeddings.

Transfer Learning

Commonsense Properties from Query Logs and Question Answering Forums

2 code implementations27 May 2019 Julien Romero, Simon Razniewski, Koninika Pal, Jeff Z. Pan, Archit Sakhadeo, Gerhard Weikum

Commonsense knowledge about object properties, human behavior and general concepts is crucial for robust AI applications.

Question Answering

Knowledge-based Transfer Learning Explanation

1 code implementation22 Jul 2018 Jiaoyan Chen, Freddy Lecue, Jeff Z. Pan, Ian Horrocks, Huajun Chen

Machine learning explanation can significantly boost machine learning's application in decision making, but the usability of current methods is limited in human-centric explanation, especially for transfer learning, an important machine learning branch that aims at utilizing knowledge from one learning domain (i. e., a pair of dataset and prediction task) to enhance prediction model training in another learning domain.

BIG-bench Machine Learning Decision Making +1

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