Search Results for author: Sinno Jialin Pan

Found 35 papers, 11 papers with code

Deep Weighted MaxSAT for Aspect-based Opinion Extraction

no code implementations EMNLP 2020 Meixi Wu, Wenya Wang, Sinno Jialin Pan

Though deep learning has achieved significant success in various NLP tasks, most deep learning models lack the capability of encoding explicit domain knowledge to model complex causal relationships among different types of variables.

Variational Deep Logic Network for Joint Inference of Entities and Relations

no code implementations CL (ACL) 2021 Wenya Wang, Sinno Jialin Pan

Various deep neural networks have been proposed to jointly perform entity extraction and relation prediction, which only propagate information implicitly via representation learning.

Event Extraction Relational Reasoning +1

Decomposing Label Space, Format and Discrimination: Rethinking How LLMs Respond and Solve Tasks via In-Context Learning

no code implementations11 Apr 2024 Quanyu Long, Yin Wu, Wenya Wang, Sinno Jialin Pan

Counter-intuitively, we find that the demonstrations have a marginal impact on provoking discriminative knowledge of language models.

In-Context Learning

Backdoor Attacks on Dense Passage Retrievers for Disseminating Misinformation

1 code implementation21 Feb 2024 Quanyu Long, Yue Deng, Leilei Gan, Wenya Wang, Sinno Jialin Pan

To achieve this, we propose a perilous backdoor attack triggered by grammar errors in dense passage retrieval.

Backdoor Attack Misinformation +2

Adapt in Contexts: Retrieval-Augmented Domain Adaptation via In-Context Learning

no code implementations20 Nov 2023 Quanyu Long, Wenya Wang, Sinno Jialin Pan

Large language models (LLMs) have showcased their capability with few-shot inference known as in-context learning.

In-Context Learning Language Modelling +6

SOUL: Towards Sentiment and Opinion Understanding of Language

1 code implementation27 Oct 2023 Yue Deng, Wenxuan Zhang, Sinno Jialin Pan, Lidong Bing

These findings underscore the challenging nature of the SOUL task for existing models, emphasizing the need for further advancements in sentiment analysis to address its complexities.

Language Modelling Sentiment Analysis

Multilingual Jailbreak Challenges in Large Language Models

1 code implementation10 Oct 2023 Yue Deng, Wenxuan Zhang, Sinno Jialin Pan, Lidong Bing

The experimental results reveal that in the unintentional scenario, the rate of unsafe content increases as the availability of languages decreases.

Sentiment Analysis in the Era of Large Language Models: A Reality Check

1 code implementation24 May 2023 Wenxuan Zhang, Yue Deng, Bing Liu, Sinno Jialin Pan, Lidong Bing

This paper aims to provide a comprehensive investigation into the capabilities of LLMs in performing various sentiment analysis tasks, from conventional sentiment classification to aspect-based sentiment analysis and multifaceted analysis of subjective texts.

Aspect-Based Sentiment Analysis Few-Shot Learning +2

Bidirectional Generative Framework for Cross-domain Aspect-based Sentiment Analysis

1 code implementation16 May 2023 Yue Deng, Wenxuan Zhang, Sinno Jialin Pan, Lidong Bing

Cross-domain aspect-based sentiment analysis (ABSA) aims to perform various fine-grained sentiment analysis tasks on a target domain by transferring knowledge from a source domain.

Aspect-Based Sentiment Analysis Aspect-Based Sentiment Analysis (ABSA) +2

Deep Multitask Learning with Progressive Parameter Sharing

no code implementations ICCV 2023 Haosen Shi, Shen Ren, Tianwei Zhang, Sinno Jialin Pan

A scheduling mechanism following the concept of curriculum learning is also designed to progressively change the sharing strategy to increase the level of sharing during the learning process.

Scheduling

Learning Generalizable Representations for Reinforcement Learning via Adaptive Meta-learner of Behavioral Similarities

1 code implementation ICLR 2022 Jianda Chen, Sinno Jialin Pan

How to learn an effective reinforcement learning-based model for control tasks from high-level visual observations is a practical and challenging problem.

Data Augmentation reinforcement-learning +2

Fast Graph Generation via Spectral Diffusion

1 code implementation16 Nov 2022 Tianze Luo, Zhanfeng Mo, Sinno Jialin Pan

In this paper, we argue that running full-rank diffusion SDEs on the whole graph adjacency matrix space hinders diffusion models from learning graph topology generation, and hence significantly deteriorates the quality of generated graph data.

Graph Generation

Learning Gradient-based Mixup towards Flatter Minima for Domain Generalization

no code implementations29 Sep 2022 Danni Peng, Sinno Jialin Pan

To address the distribution shifts between training and test data, domain generalization (DG) leverages multiple source domains to learn a model that generalizes well to unseen domains.

Domain Generalization

Semantic-Discriminative Mixup for Generalizable Sensor-based Cross-domain Activity Recognition

no code implementations14 Jun 2022 Wang Lu, Jindong Wang, Yiqiang Chen, Sinno Jialin Pan, Chunyu Hu, Xin Qin

Training on existing data often makes the model biased towards the distribution of the training data, thus the model might perform terribly on test data with different distributions.

Cross-Domain Activity Recognition Domain Adaptation +2

Mitigating Performance Saturation in Neural Marked Point Processes: Architectures and Loss Functions

1 code implementation7 Jul 2021 Tianbo Li, Tianze Luo, Yiping Ke, Sinno Jialin Pan

Neural marked point processes possess good interpretability of probabilistic models as well as the representational power of neural networks.

Model Selection Point Processes

Storage Efficient and Dynamic Flexible Runtime Channel Pruning via Deep Reinforcement Learning

no code implementations NeurIPS 2020 Jianda Chen, Shangyu Chen, Sinno Jialin Pan

In this paper, we propose a deep reinforcement learning (DRL) based framework to efficiently perform runtime channel pruning on convolutional neural networks (CNNs).

reinforcement-learning Reinforcement Learning (RL)

Integrating Deep Learning with Logic Fusion for Information Extraction

no code implementations6 Dec 2019 Wenya Wang, Sinno Jialin Pan

To combine such logic reasoning capabilities with learning capabilities of deep neural networks, we propose to integrate logical knowledge in the form of first-order logic into a deep learning system, which can be trained jointly in an end-to-end manner.

Feature Engineering named-entity-recognition +4

Syntactically Meaningful and Transferable Recursive Neural Networks for Aspect and Opinion Extraction

no code implementations CL 2019 Wenya Wang, Sinno Jialin Pan

In this article, we explore the constructions of recursive neural networks based on the dependency tree of each sentence for associating syntactic structure with feature learning.

Opinion Mining Opinion Summarization +2

MetaQuant: Learning to Quantize by Learning to Penetrate Non-differentiable Quantization

1 code implementation NeurIPS 2019 Shangyu Chen, Wenya Wang, Sinno Jialin Pan

However, these methods only heuristically make training-based quantization applicable, without further analysis on how the approximated gradients can assist training of a quantized network.

Quantization

Transfer Value Iteration Networks

no code implementations11 Nov 2019 Junyi Shen, Hankz Hankui Zhuo, Jin Xu, Bin Zhong, Sinno Jialin Pan

However, based on our experiments, a policy learned by VINs still fail to generalize well on the domain whose action space and feature space are not identical to those in the domain where it is trained.

Transfer Learning

Sequence-level Intrinsic Exploration Model for Partially Observable Domains

no code implementations25 Sep 2019 Haiyan Yin, Jianda Chen, Sinno Jialin Pan

First, we propose a new reasoning paradigm to infer the novelty for the partially observable states, which is built upon forward dynamics prediction.

reinforcement-learning Reinforcement Learning (RL)

Domain Generalization With Adversarial Feature Learning

no code implementations CVPR 2018 Haoliang Li, Sinno Jialin Pan, Shiqi Wang, Alex C. Kot

In this paper, we tackle the problem of domain generalization: how to learn a generalized feature representation for an “unseen” target domain by taking the advantage of multiple seen source-domain data.

Domain Generalization

Hashing over Predicted Future Frames for Informed Exploration of Deep Reinforcement Learning

no code implementations3 Jul 2017 Haiyan Yin, Jianda Chen, Sinno Jialin Pan

In deep reinforcement learning (RL) tasks, an efficient exploration mechanism should be able to encourage an agent to take actions that lead to less frequent states which may yield higher accumulative future return.

Efficient Exploration reinforcement-learning +1

Learning to Prune Deep Neural Networks via Layer-wise Optimal Brain Surgeon

2 code implementations NeurIPS 2017 Xin Dong, Shangyu Chen, Sinno Jialin Pan

How to develop slim and accurate deep neural networks has become crucial for real- world applications, especially for those employed in embedded systems.

Coupled Multi-Layer Attentions for Co-Extraction of Aspect and Opinion Terms

no code implementations AAAI 2017 Wenya Wang, Sinno Jialin Pan, Daniel Dahlmeier, Xiaokui Xiao

To achieve this task, one effective approach is to exploit relations between aspect terms and opinion terms by parsing syntactic structure for each sentence.

Extract Aspect Sentence

Multi-task memory networks for category-specific aspect and opinion terms co-extraction

no code implementations6 Feb 2017 Wenya Wang, Sinno Jialin Pan, Daniel Dahlmeier

This problem involves the identification of aspect and opinion terms within each sentence, as well as the categorization of the identified terms.

Aspect-Based Sentiment Analysis Aspect-Based Sentiment Analysis (ABSA) +1

Distributed Multi-Task Relationship Learning

no code implementations13 Dec 2016 Sulin Liu, Sinno Jialin Pan, Qirong Ho

Due to heavy communication caused by transmitting the data and the issue of data privacy and security, it is impossible to send data of different task to a master machine to perform multi-task learning.

Distributed Optimization Multi-Task Learning

Transfer Hashing with Privileged Information

no code implementations13 May 2016 Joey Tianyi Zhou, Xinxing Xu, Sinno Jialin Pan, Ivor W. Tsang, Zheng Qin, Rick Siow Mong Goh

Specifically, we extend the standard learning to hash method, Iterative Quantization (ITQ), in a transfer learning manner, namely ITQ+.

Quantization Transfer Learning

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