Search Results for author: See-Kiong Ng

Found 58 papers, 28 papers with code

EasySpider: A No-Code Visual System for Crawling the Web

1 code implementation ACM The Web Conference 2023 Naibo Wang, Wenjie Feng, Jianwei Yin, See-Kiong Ng

As such, web-crawling is an essential tool for both computational and non-computational scientists to conduct research.

Data Integration Marketing

Anomaly Detection with Generative Adversarial Networks for Multivariate Time Series

2 code implementations13 Sep 2018 Dan Li, Dacheng Chen, Jonathan Goh, See-Kiong Ng

We used LSTM-RNN in our GAN to capture the distribution of the multivariate time series of the sensors and actuators under normal working conditions of a CPS.

Anomaly Detection Time Series +1

MAD-GAN: Multivariate Anomaly Detection for Time Series Data with Generative Adversarial Networks

1 code implementation15 Jan 2019 Dan Li, Dacheng Chen, Lei Shi, Baihong Jin, Jonathan Goh, See-Kiong Ng

The prevalence of networked sensors and actuators in many real-world systems such as smart buildings, factories, power plants, and data centers generate substantial amounts of multivariate time series data for these systems.

Anomaly Detection BIG-bench Machine Learning +2

GPTScore: Evaluate as You Desire

2 code implementations8 Feb 2023 Jinlan Fu, See-Kiong Ng, Zhengbao Jiang, PengFei Liu

Generative Artificial Intelligence (AI) has enabled the development of sophisticated models that are capable of producing high-caliber text, images, and other outputs through the utilization of large pre-trained models.

Text Generation

PINNACLE: PINN Adaptive ColLocation and Experimental points selection

3 code implementations11 Apr 2024 Gregory Kang Ruey Lau, Apivich Hemachandra, See-Kiong Ng, Bryan Kian Hsiang Low

Physics-Informed Neural Networks (PINNs), which incorporate PDEs as soft constraints, train with a composite loss function that contains multiple training point types: different types of collocation points chosen during training to enforce each PDE and initial/boundary conditions, and experimental points which are usually costly to obtain via experiments or simulations.

Transfer Learning

Use Your INSTINCT: INSTruction optimization usIng Neural bandits Coupled with Transformers

1 code implementation2 Oct 2023 Xiaoqiang Lin, Zhaoxuan Wu, Zhongxiang Dai, Wenyang Hu, Yao Shu, See-Kiong Ng, Patrick Jaillet, Bryan Kian Hsiang Low

We perform instruction optimization for ChatGPT and use extensive experiments to show that our INSTINCT consistently outperforms the existing methods in different tasks, such as in various instruction induction tasks and the task of improving the zero-shot chain-of-thought instruction.

Bayesian Optimization Instruction Following

UniCausal: Unified Benchmark and Repository for Causal Text Mining

1 code implementation19 Aug 2022 Fiona Anting Tan, Xinyu Zuo, See-Kiong Ng

Current causal text mining datasets vary in objectives, data coverage, and annotation schemes.

Classification Relation Extraction

Polyglot Prompt: Multilingual Multitask PrompTraining

1 code implementation29 Apr 2022 Jinlan Fu, See-Kiong Ng, PengFei Liu

This paper aims for a potential architectural improvement for multilingual learning and asks: Can different tasks from different languages be modeled in a monolithic framework, i. e. without any task/language-specific module?

named-entity-recognition Named Entity Recognition +7

NUS-IDS at FinCausal 2021: Dependency Tree in Graph Neural Network for Better Cause-Effect Span Detection

1 code implementation FNP 2021 Fiona Anting Tan, See-Kiong Ng

Automatic identification of cause-effect spans in financial documents is important for causality modelling and understanding reasons that lead to financial events.

Non-Autoregressive Math Word Problem Solver with Unified Tree Structure

1 code implementation8 May 2023 Yi Bin, Mengqun Han, Wenhao Shi, Lei Wang, Yang Yang, See-Kiong Ng, Heng Tao Shen

For evaluating the possible expression variants, we design a path-based metric to evaluate the partial accuracy of expressions of a unified tree.

Math valid

Fair yet Asymptotically Equal Collaborative Learning

1 code implementation9 Jun 2023 Xiaoqiang Lin, Xinyi Xu, See-Kiong Ng, Chuan-Sheng Foo, Bryan Kian Hsiang Low

In collaborative learning with streaming data, nodes (e. g., organizations) jointly and continuously learn a machine learning (ML) model by sharing the latest model updates computed from their latest streaming data.

Fairness Incremental Learning

Mercury: An Efficiency Benchmark for LLM Code Synthesis

1 code implementation12 Feb 2024 Mingzhe Du, Anh Tuan Luu, Bin Ji, See-Kiong Ng

Despite advancements in evaluating Large Language Models (LLMs) for code synthesis, benchmarks have predominantly focused on functional correctness, overlooking the importance of code efficiency.

Data-Free Diversity-Based Ensemble Selection For One-Shot Federated Learning in Machine Learning Model Market

1 code implementation23 Feb 2023 Naibo Wang, Wenjie Feng, Fusheng Liu, Moming Duan, See-Kiong Ng

The emerging availability of trained machine learning models has put forward the novel concept of Machine Learning Model Market in which one can harness the collective intelligence of multiple well-trained models to improve the performance of the resultant model through one-shot federated learning and ensemble learning in a data-free manner.

Ensemble Learning Federated Learning

READ-PVLA: Recurrent Adapter with Partial Video-Language Alignment for Parameter-Efficient Transfer Learning in Low-Resource Video-Language Modeling

1 code implementation12 Dec 2023 Thong Nguyen, Xiaobao Wu, Xinshuai Dong, Khoi Le, Zhiyuan Hu, Cong-Duy Nguyen, See-Kiong Ng, Luu Anh Tuan

Fully fine-tuning pretrained large-scale transformer models has become a popular paradigm for video-language modeling tasks, such as temporal language grounding and video-language summarization.

Language Modelling Transfer Learning

On the Multi-turn Instruction Following for Conversational Web Agents

1 code implementation23 Feb 2024 Yang Deng, Xuan Zhang, Wenxuan Zhang, Yifei Yuan, See-Kiong Ng, Tat-Seng Chua

Web agents powered by Large Language Models (LLMs) have demonstrated remarkable abilities in planning and executing multi-step interactions within complex web-based environments, fulfilling a wide range of web navigation tasks.

Conversational Web Navigation Instruction Following

Causal Augmentation for Causal Sentence Classification

1 code implementation EMNLP (CINLP) 2021 Fiona Anting Tan, Devamanyu Hazarika, See-Kiong Ng, Soujanya Poria, Roger Zimmermann

Scarcity of annotated causal texts leads to poor robustness when training state-of-the-art language models for causal sentence classification.

Classification counterfactual +3

Vision-and-Language Pretraining

1 code implementation5 Jul 2022 Thong Nguyen, Cong-Duy Nguyen, Xiaobao Wu, See-Kiong Ng, Anh Tuan Luu

Moreover, a list of training datasets and downstream tasks is supplied to further polish the perspective into V\&L pretraining.

Image Classification Machine Translation +4

From Static to Dynamic: A Continual Learning Framework for Large Language Models

1 code implementation22 Oct 2023 Mingzhe Du, Anh Tuan Luu, Bin Ji, See-Kiong Ng

The vast number of parameters in large language models (LLMs) endows them with remarkable capabilities, allowing them to excel in a variety of natural language processing tasks.

Continual Learning

Hint-before-Solving Prompting: Guiding LLMs to Effectively Utilize Encoded Knowledge

1 code implementation22 Feb 2024 Jinlan Fu, Shenzhen Huangfu, Hang Yan, See-Kiong Ng, Xipeng Qiu

Large Language Models (LLMs) have recently showcased remarkable generalizability in various domains.

Logical Reasoning

Solving Math Word Problems with Reexamination

1 code implementation14 Oct 2023 Yi Bin, Wenhao Shi, Yujuan Ding, Yang Yang, See-Kiong Ng

Math word problem (MWP) solving aims to understand the descriptive math problem and calculate the result, for which previous efforts are mostly devoted to upgrade different technical modules.

Descriptive Math

Plug-and-Play Policy Planner for Large Language Model Powered Dialogue Agents

1 code implementation1 Nov 2023 Yang Deng, Wenxuan Zhang, Wai Lam, See-Kiong Ng, Tat-Seng Chua

Proactive dialogues serve as a practical yet challenging dialogue problem in the era of large language models (LLMs), where the dialogue policy planning is the key to improving the proactivity of LLMs.

Language Modelling Large Language Model

NUS-IDS at CASE 2021 Task 1: Improving Multilingual Event Sentence Coreference Identification With Linguistic Information

1 code implementation ACL (CASE) 2021 Fiona Anting Tan, Sujatha Das Gollapalli, See-Kiong Ng

Event Sentence Coreference Identification (ESCI) aims to cluster event sentences that refer to the same event together for information extraction.

POS Sentence

Training-Free Neural Active Learning with Initialization-Robustness Guarantees

1 code implementation7 Jun 2023 Apivich Hemachandra, Zhongxiang Dai, Jasraj Singh, See-Kiong Ng, Bryan Kian Hsiang Low

To this end, we introduce our expected variance with Gaussian processes (EV-GP) criterion for neural active learning, which is theoretically guaranteed to select data points which lead to trained NNs with both (a) good predictive performances and (b) initialization robustness.

Active Learning Gaussian Processes

Detecting and Diagnosing Incipient Building Faults Using Uncertainty Information from Deep Neural Networks

no code implementations18 Feb 2019 Baihong Jin, Dan Li, Seshadhri Srinivasan, See-Kiong Ng, Kameshwar Poolla, Alberto~Sangiovanni-Vincentelli

Early detection of incipient faults is of vital importance to reducing maintenance costs, saving energy, and enhancing occupant comfort in buildings.

Fault Detection

STP-UDGAT: Spatial-Temporal-Preference User Dimensional Graph Attention Network for Next POI Recommendation

no code implementations6 Oct 2020 Nicholas Lim, Bryan Hooi, See-Kiong Ng, Xueou Wang, Yong Liang Goh, Renrong Weng, Jagannadan Varadarajan

Next Point-of-Interest (POI) recommendation is a longstanding problem across the domains of Location-Based Social Networks (LBSN) and transportation.

Graph Attention

Origin-Aware Next Destination Recommendation with Personalized Preference Attention

1 code implementation3 Dec 2020 Nicholas Lim, Bryan Hooi, See-Kiong Ng, Xueou Wang, Yong Liang Goh, Renrong Weng, Rui Tan

Next destination recommendation is an important task in the transportation domain of taxi and ride-hailing services, where users are recommended with personalized destinations given their current origin location.

Electrocardiogram Classification and Visual Diagnosis of Atrial Fibrillation with DenseECG

no code implementations19 Jan 2021 Dacheng Chen, Dan Li, Xiuqin Xu, Ruizhi Yang, See-Kiong Ng

We trained our model using the publicly available dataset from 2017 PhysioNet Computing in Cardiology(CinC) Challenge containing 8528 single-lead ECG recordings of short-term heart rhythms (9-61s).

Classification Feature Engineering +1

Spatial Frequency Sensitivity Regularization for Robustness

no code implementations29 Sep 2021 Kiran Chari, Chuan-Sheng Foo, See-Kiong Ng

The ability to generalize to out-of-distribution data is a major challenge for modern deep neural networks.

On Generating Fact-Infused Question Variations

1 code implementation RANLP 2021 Arthur Deschamps, Sujatha Das Gollapalli, See-Kiong Ng

We study a double encoder-decoder model, Fact-Infused Question Generator (FIQG), for learning to generate fact-infused questions from a given question.

Question Generation Question-Generation

Trusted Media Challenge Dataset and User Study

no code implementations13 Jan 2022 Weiling Chen, Sheng Lun Benjamin Chua, Stefan Winkler, See-Kiong Ng

To tackle the issue, we have organized the Trusted Media Challenge (TMC) to explore how Artificial Intelligence (AI) technologies could be leveraged to combat fake media.

Syntax-informed Question Answering with Heterogeneous Graph Transformer

no code implementations1 Apr 2022 Fangyi Zhu, Lok You Tan, See-Kiong Ng, Stéphane Bressan

Large neural language models are steadily contributing state-of-the-art performance to question answering and other natural language and information processing tasks.

Language Modelling Question Answering

Joint Triplet Loss Learning for Next New POI Recommendation

no code implementations25 Sep 2022 Nicholas Lim, Bryan Hooi, See-Kiong Ng, Yong Liang Goh

Sparsity of the User-POI matrix is a well established problem for next POI recommendation, which hinders effective learning of user preferences.

CorefDiffs: Co-referential and Differential Knowledge Flow in Document Grounded Conversations

no code implementations COLING 2022 Lin Xu, Qixian Zhou, Jinlan Fu, Min-Yen Kan, See-Kiong Ng

Knowledge-grounded dialog systems need to incorporate smooth transitions among knowledge selected for generating responses, to ensure that dialog flows naturally.

Management

QSTS: A Question-Sensitive Text Similarity Measure for Question Generation

no code implementations COLING 2022 Sujatha Das Gollapalli, See-Kiong Ng

Indeed, QG models continue to be evaluated using traditional measures such as BLEU, METEOR, and ROUGE scores which were designed for other text generation problems.

Question Generation Question-Generation +5

Fourier Sensitivity and Regularization of Computer Vision Models

no code implementations31 Jan 2023 Kiran Krishnamachari, See-Kiong Ng, Chuan-Sheng Foo

Using this result, we propose a general measure of any differentiable model's Fourier-sensitivity using the unitary Fourier-transform of its input-gradient.

Constructing and Interpreting Causal Knowledge Graphs from News

no code implementations16 May 2023 Fiona Anting Tan, Debdeep Paul, Sahim Yamaura, Miura Koji, See-Kiong Ng

In this work, we propose a methodology to construct causal knowledge graphs (KGs) from news using two steps: (1) Extraction of Causal Relations, and (2) Argument Clustering and Representation into KG.

Clustering Knowledge Graphs

Enhancing Large Language Model Induced Task-Oriented Dialogue Systems Through Look-Forward Motivated Goals

no code implementations16 Sep 2023 Zhiyuan Hu, Yue Feng, Yang Deng, Zekun Li, See-Kiong Ng, Anh Tuan Luu, Bryan Hooi

Recently, the development of large language models (LLMs) has been significantly enhanced the question answering and dialogue generation, and makes them become increasingly popular in current practical scenarios.

Dialogue Generation Language Modelling +3

WASA: WAtermark-based Source Attribution for Large Language Model-Generated Data

no code implementations1 Oct 2023 Jingtan Wang, Xinyang Lu, Zitong Zhao, Zhongxiang Dai, Chuan-Sheng Foo, See-Kiong Ng, Bryan Kian Hsiang Low

The impressive performances of large language models (LLMs) and their immense potential for commercialization have given rise to serious concerns over the intellectual property (IP) of their training data.

Language Modelling Large Language Model

A Multi-facet Paradigm to Bridge Large Language Model and Recommendation

no code implementations10 Oct 2023 Xinyu Lin, Wenjie Wang, Yongqi Li, Fuli Feng, See-Kiong Ng, Tat-Seng Chua

To combat these issues, we propose a novel multi-facet paradigm, namely TransRec, to bridge the LLMs to recommendation.

Attribute Language Modelling +2

OmniDialog: An Omnipotent Pre-training Model for Task-Oriented Dialogue System

no code implementations28 Dec 2023 Mingtao Yang, See-Kiong Ng, Jinlan Fu

Furthermore, to glean a nuanced understanding of OmniDialog's strengths and potential pitfalls, we designed a fine-grained analysis framework for dialogue-centric tasks.

Dialogue Generation Dialogue Management +7

Topic Modeling as Multi-Objective Contrastive Optimization

no code implementations12 Feb 2024 Thong Nguyen, Xiaobao Wu, Xinshuai Dong, Cong-Duy T Nguyen, See-Kiong Ng, Anh Tuan Luu

Secondly, we explicitly cast contrastive topic modeling as a gradient-based multi-objective optimization problem, with the goal of achieving a Pareto stationary solution that balances the trade-off between the ELBO and the contrastive objective.

Contrastive Learning Representation Learning +1

LLM-based Federated Recommendation

no code implementations15 Feb 2024 Jujia Zhao, Wenjie Wang, Chen Xu, Zhaochun Ren, See-Kiong Ng, Tat-Seng Chua

Nevertheless, applying Fed4Rec to LLM-based recommendation presents two main challenges: first, an increase in the imbalance of performance across clients, affecting the system's efficiency over time, and second, a high demand on clients' computational and storage resources for local training and inference of LLMs.

Federated Learning Language Modelling +2

FGAD: Self-boosted Knowledge Distillation for An Effective Federated Graph Anomaly Detection Framework

no code implementations20 Feb 2024 Jinyu Cai, Yunhe Zhang, Zhoumin Lu, Wenzhong Guo, See-Kiong Ng

Although federated learning offers a promising solution, the prevalent non-IID problems and high communication costs present significant challenges, particularly pronounced in collaborations with graph data distributed among different participants.

Federated Learning Graph Anomaly Detection +1

Gotcha! Don't trick me with unanswerable questions! Self-aligning Large Language Models for Responding to Unknown Questions

no code implementations23 Feb 2024 Yang Deng, Yong Zhao, Moxin Li, See-Kiong Ng, Tat-Seng Chua

Despite the remarkable abilities of Large Language Models (LLMs) to answer questions, they often display a considerable level of overconfidence even when the question does not have a definitive answer.

Localized Zeroth-Order Prompt Optimization

no code implementations5 Mar 2024 Wenyang Hu, Yao Shu, Zongmin Yu, Zhaoxuan Wu, Xiangqiang Lin, Zhongxiang Dai, See-Kiong Ng, Bryan Kian Hsiang Low

Existing methodologies usually prioritize a global optimization for finding the global optimum, which however will perform poorly in certain tasks.

PHAnToM: Personality Has An Effect on Theory-of-Mind Reasoning in Large Language Models

no code implementations4 Mar 2024 Fiona Anting Tan, Gerard Christopher Yeo, Fanyou Wu, Weijie Xu, Vinija Jain, Aman Chadha, Kokil Jaidka, Yang Liu, See-Kiong Ng

Drawing inspiration from psychological research on the links between certain personality traits and Theory-of-Mind (ToM) reasoning, and from prompt engineering research on the hyper-sensitivity of prompts in affecting LLMs capabilities, this study investigates how inducing personalities in LLMs using prompts affects their ToM reasoning capabilities.

Prompt Engineering

CET2: Modelling Topic Transitions for Coherent and Engaging Knowledge-Grounded Conversations

no code implementations4 Mar 2024 Lin Xu, Qixian Zhou, Jinlan Fu, See-Kiong Ng

Knowledge-grounded dialogue systems aim to generate coherent and engaging responses based on the dialogue contexts and selected external knowledge.

valid

Chain of Thought Explanation for Dialogue State Tracking

no code implementations7 Mar 2024 Lin Xu, Ningxin Peng, Daquan Zhou, See-Kiong Ng, Jinlan Fu

Dialogue state tracking (DST) aims to record user queries and goals during a conversational interaction achieved by maintaining a predefined set of slots and their corresponding values.

Dialogue State Tracking

SemRoDe: Macro Adversarial Training to Learn Representations That are Robust to Word-Level Attacks

1 code implementation27 Mar 2024 Brian Formento, Wenjie Feng, Chuan Sheng Foo, Luu Anh Tuan, See-Kiong Ng

Language models (LMs) are indispensable tools for natural language processing tasks, but their vulnerability to adversarial attacks remains a concern.

Word Embeddings

One-Shot Sequential Federated Learning for Non-IID Data by Enhancing Local Model Diversity

no code implementations18 Apr 2024 Naibo Wang, Yuchen Deng, Wenjie Feng, Shichen Fan, Jianwei Yin, See-Kiong Ng

In this paper, we improve the one-shot sequential federated learning for non-IID data by proposing a local model diversity-enhancing strategy.

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