New submissions for Wed, 21 Jun 23 #379
Labels
abstract meaning representation
argument mining
citation context analysis
computational social science
contrastive
cross-language information retrieval
cross-lingual information retrieval
data augmentation
extreme multi-label
knowledge discovery
knowledge graph
legal text
legal
mixup
multi-task
paraphrase
passage generation
plagiarism
robustness
scholarly document processing
scholarly
semantic similarity
similarity measure
simplification
summarization
text generation
Keyword: contrastive
A Pairing Enhancement Approach for Aspect Sentiment Triplet Extraction
Authors: Fan Yang, Mian Zhang, Gongzhen Hu, Xiabing ZhouArxiv: https://arxiv.org/abs/2306.10042
TLDR: Aspect Sentiment Triplet Extraction (ASTE) aims to extract the triplet of an aspect term, an opinion term, and their corresponding sentiment polarity from the review texts. Due to the complexity of language and the existence of multiple aspect terms and opinion terms in a single sentence, current models often confuse the connections between an aspect Term and the opinion term describing it. To address this issue, we propose a pairing enhancement approach for ASTE, which incorporates contrastive learning during
Repo: None
Generate to Understand for Representation
Authors: Changshang Xue, Xiande Zhong, Xiaoqing LiuArxiv: https://arxiv.org/abs/2306.10056
TLDR: In recent years, a significant number of high-quality pretrained models have emerged, greatly impacting Natural Language Understanding (NLU), Natural Language Generation (NLG), and Text Representation tasks. Traditionally, these models are pretrained on custom domain corpora and finetuned for specific tasks, resulting in high costs related to GPU usage and labor. Unfortunately, recent trends in language modeling have shifted towards enhancing performance through scaling, further exacerbating the associated costs. Introducing GUR
Repo: None
M3PT: A Multi-Modal Model for POI Tagging
Authors: Jingsong Yang, Guanzhou Han, Deqing Yang, Jingping Liu, Yanghua Xiao, Xiang Xu, Baohua Wu, Shenghua NiArxiv: https://arxiv.org/abs/2306.10079
TLDR: POI tagging aims to annotate a point of interest (POI) with some informative tags, which facilitates many services related to POIs, including search, recommendation, and so on. Most of the existing solutions neglect the significance of POI images and seldom fuse the textual and visual features of POIs. In this paper, we propose a novel Multi-Modal Model for POI Tagging, namely M3PT, which achieves enhanced POI tagging through fusing the target
Repo: None
Self-Supervised Learning for Time Series Analysis: Taxonomy, Progress, and Prospects
Authors: Kexin Zhang, Qingsong Wen, Chaoli Zhang, Rongyao Cai, Ming Jin, Yong Liu, James Zhang, Yuxuan Liang, Guansong Pang, Dongjin Song, Shirui PanArxiv: https://arxiv.org/abs/2306.10125
TLDR: Self-supervised learning (SSL) has recently achieved impressive performance on various time series tasks. The most prominent advantage of SSL is that it reduces the dependence on labeled data. Based on the pre-training and fine-tuning strategy, even a small amount of labeled data can achieve high performance. Nevertheless, there is still a significant gap in the availability of time series SSL methods for time series analysis. Compared with many published self-Supervised surveys on computer vision and natural language processing
Repo: None
FutureTOD: Teaching Future Knowledge to Pre-trained Language Model for Task-Oriented Dialogue
Authors: Weihao Zeng, Keqing He, Yejie Wang, Chen Zeng, Jingang Wang, Yunsen Xian, Weiran XuArxiv: https://arxiv.org/abs/2306.10315
TLDR: Pre-trained language models based on general text enable huge success in the NLP scenario. But the intrinsical difference of linguistic patterns between general text and task-oriented dialogues makes existing pre-trained languages models less useful in practice. Current dialogue pre-training methods rely on a contrastive framework and face the challenges of both selecting true positives and hard negatives. In this paper, we propose a novel dialogue pre–training model, FutureTOD, which distills future knowledge to the
Repo: None
DCdetector: Dual Attention Contrastive Representation Learning for Time Series Anomaly Detection
Authors: Yiyuan Yang, Chaoli Zhang, Tian Zhou, Qingsong Wen, Liang SunArxiv: https://arxiv.org/abs/2306.10347
TLDR: Time series anomaly detection is critical for a wide range of applications. It aims to identify deviant samples from the normal sample distribution in time series. The most fundamental challenge for this task is to learn a representation map that enables effective discrimination of anomalies. Reconstruction-based methods still dominate, but the representation learning with anomalies might hurt the performance with its large abnormal loss. On the other hand, contrastive learning aims to find a representation that can clearly distinguish any instance from the others, which can
Repo: https://github.com/DAMO-DI-ML/KDD2023-DCdetector
Text-Driven Foley Sound Generation With Latent Diffusion Model
Authors: Yi Yuan, Haohe Liu, Xubo Liu, Xiyuan Kang, Peipei Wu, Mark D.Plumbley, Wenwu WangArxiv: https://arxiv.org/abs/2306.10359
TLDR: Foley sound generation aims to synthesise the background sound for multimedia content. Previous models usually employ a large development set with labels as input (e.g., single numbers or one-hot vector). In this work, we propose a diffusion model based system for Foley sound generation with text conditions. To alleviate the data scarcity issue, our model is initially pre-trained with large-scale datasets and fine-tuned to this task via transfer learning using the contrastive language-audio-
Repo: None
Spatial-Temporal Graph Learning with Adversarial Contrastive Adaptation
Authors: Qianru Zhang, Chao Huang, Lianghao Xia, Zheng Wang, Siuming Yiu, Ruihua HanArxiv: https://arxiv.org/abs/2306.10683
TLDR: Spatial-temporal graph learning has emerged as a promising solution for modeling structured spatial-temperature data and learning region representations for various urban sensing tasks such as crime forecasting and traffic flow prediction. However, most existing models are vulnerable to the quality of the generated region graph due to the inaccurate graph-structured information aggregation schema. The ubiquitous spatial-Temporal data noise and incompleteness in real-life scenarios pose challenges in generating high-quality region representations. To address this challenge
Repo: None
Road Barlow Twins: Redundancy Reduction for Road Environment Descriptors and Motion Prediction
Authors: Royden Wagner, Omer Sahin Tas, Marvin Klemp, Carlos Fernandez LopezArxiv: https://arxiv.org/abs/2306.10840
TLDR: Anticipating the future motion of traffic agents is vital for self-driving vehicles to ensure their safe operation. We introduce a novel self-supervised pre-training method as well as a transformer model for motion prediction. Our method is based on Barlow Twins and applies the redundancy reduction principle to embeddings generated from HD maps. Additionally, we introduce a Novel approach for redundancy reduction, where a potentially large and variable set of road environment tokens is transformed into a fixed-size set
Repo: None
Contrastive Disentangled Learning on Graph for Node Classification
Authors: Xiaojuan Zhang, Jun Fu, Shuang LiArxiv: https://arxiv.org/abs/2306.11344
TLDR: Contrastive learning methods have attracted considerable attention due to their remarkable success in analyzing graph-structured data. Inspired by the success of contrastive learning, we propose a novel framework for contrastive disentangled learning on graphs, employing a disentangled graph encoder and two carefully crafted self-supervision signals. Specifically, we introduce a disantangled graph coder to enforce the framework to distinguish various latent factors corresponding to underlying semantic information and learn the disentangle node
Repo: None
Understanding Contrastive Learning Through the Lens of Margins
Authors: Daniel Rho, TaeSoo Kim, Sooill Park, Jaehyun Park, JaeHan ParkArxiv: https://arxiv.org/abs/2306.11526
TLDR: Self-supervised learning, or SSL, holds the key to expanding the usage of machine learning in real-world tasks by alleviating heavy human supervision. Contrastive learning and its varieties have been SSL strategies in various fields. We use margins as a stepping stone for understanding how contrastive learning works at a deeper level and providing potential directions to improve representation learning. Through gradient analysis, we found that margins scale gradients in three different ways: emphasizing positive samples, de-emphasizing
Repo: None
Deep Double Self-Expressive Subspace Clustering
Authors: Ling Zhao, Yunpeng Ma, Shanxiong Chen, Jun ZhouArxiv: https://arxiv.org/abs/2306.11592
TLDR: Deep subspace clustering based on auto-encoder has received wide attention. However, most subspatial clustering depends on the structural information in the self-expressive coefficient matrix, which limits the clustering performance. In this paper, we propose a self-supervised algorithm. The key idea of our solution is to view the self (expressive) coefficient as a feature representation of the example to get another coefficient matrix. Then, we use the two coefficient matrices to
Repo: None
Keyword: data augmentation
Semi-supervised Relation Extraction via Data Augmentation and Consistency-training
Authors: Komal K. TeruArxiv: https://arxiv.org/abs/2306.10153
TLDR: Due to the semantic complexity of the Relation extraction (RE) task, obtaining high-quality human labelled data is an expensive and noisy process. To improve the sample efficiency of the models, semi-supervised learning (SSL) methods aim to leverage unlabelled data in addition to learning from limited labelled data points. Recently, strong data augmentation combined with consistency-based semi-Supervised learning methods have advanced the state of the art in several SSL tasks. However, adapting these
Repo: None
Improving Generalizability of Graph Anomaly Detection Models via Data Augmentation
Authors: Shuang Zhou, Xiao Huang, Ninghao Liu, Huachi Zhou, Fu-Lai Chung, Long-Kai HuangArxiv: https://arxiv.org/abs/2306.10534
TLDR: Graph anomaly detection (GAD) is a vital task since even a few anomalies can pose huge threats to benign users. Recent semi-supervised GAD methods, which can effectively leverage the available labels as prior knowledge, have achieved superior performances than unsupervised methods. In practice, people usually need to identify anomalies on new (sub)graphs to secure their business, but they may lack labels to train an effective detection model. One natural idea is to directly adopt a trained G
Repo: None
Understanding Generalization in the Interpolation Regime using the Rate Function
Authors: Andrés R. Masegosa, Luis A. OrtegaArxiv: https://arxiv.org/abs/2306.10947
TLDR: In this paper, we present a novel characterization of the smoothness of a model based on basic principles of Large Deviation Theory. In contrast to prior work, where the smooth-nessof a model is normally characterized by a real value (e.g., the weights' norm), we show that smoothness can be described by a simple real-valued function. Based on this concept of smoothness, we propose an unifying theoretical explanation of why some interpolators generalize remarkably well
Repo: None
Deep Learning of Dynamical System Parameters from Return Maps as Images
Authors: Connor James Stephens, Emmanuel BlazquezArxiv: https://arxiv.org/abs/2306.11258
TLDR: We present a novel approach to system identification (SI) using deep learning techniques. Focusing on parametric system identification and prediction (PSI), we use a supervised learning approach for estimating the parameters of discrete and continuous-time dynamical systems, irrespective of chaos. To accomplish this, we transform collections of state-space trajectory observations into image-like data to retain the state-spatial topology of trajectories from dynamical Systems and train convolutional neural networks to estimate the
Repo: None
A novel Counterfactual method for aspect-based sentiment analysis
Authors: Dongming Wu, Lulu Wen, Chao Chen, Zhaoshu ShiArxiv: https://arxiv.org/abs/2306.11260
TLDR: Aspect-based-sentiment-analysis (ABSA) is a fine-grained sentiment evaluation task, which analyze the emotional polarity of the evaluation aspects. Generally, the emotional Polarity of an aspect exists in the corresponding opinion expression, whose diversity has great impacts on model's performance. To mitigate this problem, we propose a novel and simple counterfactual data augmentation method that reverses the opinion expression of the aspects. Specially, the integrated gradients are calculated
Repo: None
Recent Advances in Direct Speech-to-text Translation
Authors: Chen Xu, Rong Ye, Qianqian Dong, Chengqi Zhao, Tom Ko, Mingxuan Wang, Tong Xiao, Jingbo ZhuArxiv: https://arxiv.org/abs/2306.11646
TLDR: Recently, speech-to-text translation has attracted more and more attention and many studies have emerged rapidly. In this paper, we present a comprehensive survey on direct speech translation aiming to summarize the current state-of-the-art techniques. First, we categorize the existing research work into three directions based on the main challenges -- modeling burden, data scarcity, and application issues. To tackle the problem of modeling load, two main structures have been proposed, encoder-decoder framework
Repo: None
Keyword: knowledge discovery
A Responsive Framework for Research Portals Data using Semantic Web Technology
Authors: Muhammad ZohaibArxiv: https://arxiv.org/abs/2306.11642
TLDR: As the amount of data on the World Wide Web continues to grow exponentially, access to semantically structured information remains limited. The Semantic Web has emerged as a solution to enhance the machine-readability of data, making it significantly more accessible and interpretable. Various techniques, such as web scraping and mapping, have been employed by different websites to provide semantic access. Web scraping involves the extraction of valuable information from diverse data sources, which are accessible through semantic web technologies. The semantic web
Repo: None
Keyword: knowledge graph
A Practical Entity Linking System for Tables in Scientific Literature
Authors: Varish Mulwad, Tim Finin, Vijay S. Kumar, Jenny Weisenberg Williams, Sharad Dixit, Anupam JoshiArxiv: https://arxiv.org/abs/2306.10044
TLDR: Entity linking is an important step towards constructing knowledge graphs that facilitate advanced question answering over scientific documents, including the retrieval of relevant information included in tables within these documents. This paper introduces a general-purpose system for linking entities to items in the Wikidata knowledge base. It describes how we adapt this system for linked domain-specific entities, especially for those entities embedded within tables drawn from COVID-19-related scientific literature. We describe the setup of an efficient offline instance of the system
Repo: None
Snowman: A Million-scale Chinese Commonsense Knowledge Graph Distilled from Foundation Model
Authors: Jiaan Wang, Jianfeng Qu, Yunlong Liang, Zhixu Li, An Liu, Guanfeng Liu, Xin ZhengArxiv: https://arxiv.org/abs/2306.10241
TLDR: Constructing commonsense knowledge graphs (CKGs) has attracted wide research attention due to its significant importance in cognitive intelligence. Nevertheless, existing CKGs are typically oriented to English, limiting the research in non-English languages. Meanwhile, the emergence of foundation models like ChatGPT and GPT-4 has shown promising intelligence with the help of reinforcement learning from human feedback. Under the background, in this paper, we utilize foundation models to construct a Chinese CKG, named Snowman
Repo: None
DsMtGCN: A Direction-sensitive Multi-task framework for Knowledge Graph Completion
Authors: Jining Wang, Chuan Chen, Zibin Zheng, Yuren ZhouArxiv: https://arxiv.org/abs/2306.10290
TLDR: To solve the inherent incompleteness of knowledge graphs (KGs), numbers of knowledge graph completion (KGC) models have been proposed to predict missing links from known triples. Among those, several works have achieved more advanced results via exploiting the structure information on KGs with Graph Convolutional Networks (GCN). However, we observe that entity embeddings aggregated from neighbors in different directions are just simply averaged to complete single-tasks by existing GCN based models,
Repo: None
Do as I can, not as I get: Topology-aware multi-hop reasoning on multi-modal knowledge graphs
Authors: Shangfei Zheng, Hongzhi Yin, Tong Chen, Quoc Viet Hung Nguyen, Wei Chen, Lei ZhaoArxiv: https://arxiv.org/abs/2306.10345
TLDR: Multi-modal knowledge graph (MKG) includes triplets that consist of entities and relations and multi-modality-augmented data. In recent years, multi-hop multi-solutional learning (MMKGR) based on reinforcement learning (RL) has received extensive attention because it addresses the intrinsic incompleteness of MKG in an interpretable manner. However, its performance is limited by empirically designed rewards and sparse relations. In addition, this method has
Repo: None
Query2GMM: Learning Representation with Gaussian Mixture Model for Reasoning over Knowledge Graphs
Authors: Yuhan Wu, Yuanyuan Xu, Wenjie Zhang, Ying ZhangArxiv: https://arxiv.org/abs/2306.10367
TLDR: Logical query answering over Knowledge Graphs (KGs) is a fundamental yet complex task. A promising approach to achieve this is to embed queries and entities jointly into the same embedding space. Research along this line suggests that using multi-modal distribution to represent answer entities is more suitable than uni-modual distribution, as a single query may contain multiple disjoint answer subsets due to the compositional nature of multi-hop queries and the varying latent semantics of relations
Repo: None
CompanyKG: A Large-Scale Heterogeneous Graph for Company Similarity Quantification
Authors: Lele Cao, Vilhelm von Ehrenheim, Mark Granroth-Wilding, Richard Anselmo Stahl, Andrew McCornack, Armin Catovic, Dhiana Deva Cavacanti RochaArxiv: https://arxiv.org/abs/2306.10649
TLDR: In the investment industry, it is often essential to carry out fine-grained company similarity quantification for a range of purposes, including market mapping, competitor analysis, and mergers and acquisitions. We propose and publish a knowledge graph, named CompanyKG, to represent and learn diverse company features and relations. Specifically, 1.17 million companies are represented as nodes enriched with company description embeddings; and 15 different inter-company relations result in 51.06 million weighted edges.
Repo: None
Fine-tuning Large Enterprise Language Models via Ontological Reasoning
Authors: Teodoro Baldazzi, Luigi Bellomarini, Stefano Ceri, Andrea Colombo, Andrea Gentili, Emanuel SallingerArxiv: https://arxiv.org/abs/2306.10723
TLDR: Large Language Models (LLMs) exploit fine-tuning as a technique to adapt to diverse goals, thanks to task-specific training data. Task specificity should go hand in hand with domain orientation, that is, the specialization of an LLM to accurately address the tasks of a given realm of interest. However, models are usually fine–tuned over publicly available data or, at most, over ground data from databases, ignoring business-level definitions and domain experience. On the other
Repo: None
Tourist Attractions Recommendation based on Attention Knowledge Graph Convolution Network
Authors: Ahmad A. Mubarak, Afifa KahledArxiv: https://arxiv.org/abs/2306.10946
TLDR: The recommendation algorithm based on knowledge graphs is at a relatively mature stage. However, there are still some problems in the recommendation of specific areas. For example, in the tourism field, selecting suitable tourist attraction attributes process is complicated as the recommendation basis for tourist attractions. In this paper, we propose the improved Attention Knowledge Graph Convolution Network model, named (Att-KGCN), which automatically discovers the neighboring entities of the target scenic spot semantically. The attention layer aggregates relatively similar
Repo: None
Temporal Data Meets LLM -- Explainable Financial Time Series Forecasting
Authors: Xinli Yu, Zheng Chen, Yuan Ling, Shujing Dong, Zongyi Liu, Yanbin LuArxiv: https://arxiv.org/abs/2306.11025
TLDR: This paper presents a novel study on harnessing Large Language Models' (LLMs) outstanding knowledge and reasoning abilities for explainable financial time series forecasting. The application of machine learning models to financial time Series comes with several challenges, including the difficulty in cross-sequence reasoning and inference, the hurdle of incorporating multi-modal signals from historical news, financial knowledge graphs, etc., and the issue of interpreting and explaining the model results. In this paper, we focus on NASDAQ-100
Repo: None
BioREx: Improving Biomedical Relation Extraction by Leveraging Heterogeneous Datasets
Authors: Po-Ting Lai, Chih-Hsuan Wei, Ling Luo, Qingyu Chen, Zhiyong LuArxiv: https://arxiv.org/abs/2306.11189
TLDR: Biomedical relation extraction (RE) is the task of automatically identifying and characterizing relations between biomedical concepts from free text. RE is a central task in biomedical natural language processing (NLP) research and plays a critical role in many downstream applications, such as literature-based discovery and knowledge graph construction. State-of-the-art methods were used primarily to train machine learning models on individual RE datasets, suchas protein-protein interaction and chemical-induced disease relation. Manual dataset annotation
Repo: None
UUKG: Unified Urban Knowledge Graph Dataset for Urban Spatiotemporal Prediction
Authors: Yansong Ning, Hao Liu, Hao Wang, Zhenyu Zeng, Hui XiongArxiv: https://arxiv.org/abs/2306.11443
TLDR: Accurate Urban SpatioTemporal Prediction (USTP) is of great importance to the development and operation of the smart city. As an emerging building block, multi-sourced urban data are usually integrated as urban knowledge graphs (UrbanKGs) to provide critical knowledge for urban spatiotemporal prediction models. However, existing UrbanKGs are often tailored for specific downstream prediction tasks and are not publicly available, which limits the potential advancement. This paper presents UUKG, the
Repo: None
ChatGPT is not Enough: Enhancing Large Language Models with Knowledge Graphs for Fact-aware Language Modeling
Authors: Linyao Yang, Hongyang Chen, Zhao Li, Xiao Ding, Xindong WuArxiv: https://arxiv.org/abs/2306.11489
TLDR: Recently, ChatGPT, a representative large language model (LLM), has gained considerable attention due to its powerful emergent abilities. Some researchers suggest that LLMs could potentially replace structured knowledge bases like knowledge graphs (KGs) and function as parameterized knowledge bases. However, while LLMs are proficient at learning probabilistic language patterns based on large corpus and engaging in conversations with humans, they, like previous smaller pre-trained language models (PLMs), still have difficulty in
Repo: None
Keyword: legal
Legal and ethical considerations regarding the use of ChatGPT in education
Authors: Fereniki Panagopoulou, Christina Parpoula, Kostas KarpouzisArxiv: https://arxiv.org/abs/2306.10037
TLDR: Artificial intelligence has evolved enormously over the last two decades, becoming mainstream in different scientific domains including education, where so far, it is mainly utilized to enhance administrative and intelligent tutoring systems services and academic support. ChatGPT, an artificial intelligence-based chatbot, developed by OpenAI and released in November 2022, has rapidly gained attention from the entire international community for its impressive performance in generating comprehensive, systematic, and informative human-like responses to user input through natural language processing.
Repo: None
The pop song generator: designing an online course to teach collaborative, creative AI
Authors: Matthew Yee-king, Andrea Fiorucci, Mark d'InvernoArxiv: https://arxiv.org/abs/2306.10069
TLDR: This article describes and evaluates a new online AI-creativity course. The course is based around three near-state-of-the-art AI models combined into a pop song generating system. A fine-tuned GPT-2 model writes lyrics, Music-VAE composes musical scores and instrumentation and Diffsinger synthesises a singing voice. We explain the decisions made in designing the course which is based on Piagetian, constructivist 'learning-by
Repo: None
Opportunities and Challenges for ChatGPT and Large Language Models in Biomedicine and Health
Authors: Shubo Tian, Qiao Jin, Lana Yeganova, Po-Ting Lai, Qingqing Zhu, Xiuying Chen, Yifan Yang, Qingyu Chen, Won Kim, Donald C. Comeau, Rezarta Islamaj, Aadit Kapoor, Xin Gao, Zhiyong LuArxiv: https://arxiv.org/abs/2306.10070
TLDR: ChatGPT has drawn considerable attention from both the general public and domain experts with its remarkable text generation capabilities. This has subsequently led to the emergence of diverse applications in the field of biomedicine and health. In this work, we examine the diverse applications of large language models (LLMs), such as ChatGPT, and other LLMs in the fields of biomedical information retrieval, question answering, medical text summarization, information extraction, and medical education, and investigate whether LL
Repo: None
Achilles' Heels: Vulnerable Record Identification in Synthetic Data Publishing
Authors: Matthieu Meeus, Florent Guepin, Ana-Maria Cretu, Yves-Alexandre de MontjoyeArxiv: https://arxiv.org/abs/2306.10308
TLDR: Synthetic data is seen as the most promising solution to share individual-level data while preserving privacy. Shadow modeling-based membership inference attacks (MIAs) have become the standard approach to evaluate the privacy risk of synthetic data. While very effective, they require a large number of datasets to be created and models trained to evaluation the risk posed by a single record. The privacy opportunity of a dataset is thus currently evaluated by running MIAs on a handful of records selected using ad-h
Repo: None
Reversible Adversarial Examples with Beam Search Attack and Grayscale Invariance
Authors: Haodong Zhang, Chi Man Pun, Xia DuArxiv: https://arxiv.org/abs/2306.11322
TLDR: Reversible adversarial examples (RAE) combine adversarial attacks and reversible data-hiding technology on a single image to prevent illegal access. Most RAE studies focus on achieving white-box attacks. In this paper, we propose a novel framework to generate reversible adversarialExamples, which combines a novel beam search based black-box attack and reversible Data hiding with grayscale invariance (RDH-GI). This RAE uses beam search to evaluate the adversarial gain of
Repo: None
Hallucination is the last thing you need
Authors: Shawn Curran, Sam Lansley, Oliver BethellArxiv: https://arxiv.org/abs/2306.11520
TLDR: The legal profession necessitates a multidimensional approach that involves synthesizing an in-depth comprehension of a legal issue with insightful commentary based on personal experience, combined with a comprehensive understanding of pertinent legislation, regulation, and case law, in order to deliver an informed legal solution. The present offering with generative AI presents major obstacles in replicating this, as current models struggle to integrate and navigate such a complex interplay of understanding, experience, and fact-checking procedures. It is noteworthy
Repo: None
A Comparative Audit of Privacy Policies from Healthcare Organizations in USA, UK and India
Authors: Gunjan Balde, Aryendra Singh, Niloy Ganguly, Mainack MondalArxiv: https://arxiv.org/abs/2306.11557
TLDR: Data privacy in healthcare is of paramount importance (and thus regulated using laws like HIPAA) due to the highly sensitive nature of patient data. To that end, healthcare organizations mention how they collect/process/store/share this data (i.e., data practices) via their privacy policies. Thus there is a need to audit these policies and check compliance with respective laws. This paper addresses this need and presents a large-scale data-driven study to audit privacy policies from healthcare organizations
Repo: None
FAIR: A Causal Framework for Accurately Inferring Judgments Reversals
Authors: Minghua He, Nanfei Gu, Yuntao Shi, Qionghui Zhang, Yaying ChenArxiv: https://arxiv.org/abs/2306.11585
TLDR: Artificial intelligence researchers have made significant advances in legal intelligence in recent years. However, the existing studies have not focused on the important value embedded in judgments reversals, which limits the improvement of the efficiency of legal intelligence. In this paper, we propose a causal Framework for Accurately Inferring case Reversals (FAIR), which models the problem of judgments reversal based on real Chinese judgments. We mine the causes of judgments reversal by causal inference methods and inject the obtained
Repo: None
Keyword: mixup
MOSPC: MOS Prediction Based on Pairwise Comparison
Authors: Kexin Wang, Yunlong Zhao, Qianqian Dong, Tom Ko, Mingxuan WangArxiv: https://arxiv.org/abs/2306.10493
TLDR: As a subjective metric to evaluate the quality of synthesized speech, Mean opinion score~(MOS) usually requires multiple annotators to score the same speech. Such an annotation approach requires a lot of manpower and is also time-consuming. MOS prediction model for automatic evaluation can significantly reduce labor cost. In previous works, it is difficult to accurately rank the qualityof speech when the MOS scores are close. However, in practical applications, it are more important to correctly rank the
Repo: None
Keyword: multi-task
NFTs to MARS: Multi-Attention Recommender System for NFTs
Authors: Seonmi Kim, Youngbin Lee, Yejin Kim, Joohwan Hong, Yongjae LeeArxiv: https://arxiv.org/abs/2306.10053
TLDR: Recommender systems have become essential tools for enhancing user experiences across various domains. While extensive research has been conducted on recommender systems for movies, music, and e-commerce, the rapidly growing and economically significant Non-Fungible Token (NFT) market remains underexplored. The unique characteristics and increasing prominence of the NFT market highlight the importance of developing tailored recommender solutions to cater to its specific needs and unlock its full potential. In this paper, we examine
Repo: None
Multi-task 3D building understanding with multi-modal pretraining
Authors: Shicheng XuArxiv: https://arxiv.org/abs/2306.10146
TLDR: This paper explores various learning strategies for 3D building type classification and part segmentation on the BuildingNet dataset. ULIP with PointNeXt and Point NeXt segmentation are extended for the classification and segmentation task on BuildingNet datasets. The best multi-task PointNe Xt-s model with multi-modal pretraining achieves 59.36 overall accuracy for 3-dimensional building types classification, and 31.68 PartIoU for threeD building part segment
Repo: None
GLIMMER: generalized late-interaction memory reranker
Authors: Michiel de Jong, Yury Zemlyanskiy, Nicholas FitzGerald, Sumit Sanghai, William W. Cohen, Joshua AinslieArxiv: https://arxiv.org/abs/2306.10231
TLDR: Memory-augmentation is a powerful approach for efficiently incorporating external information into language models, but leads to reduced performance relative to retrieving text. Recent work introduced LUMEN, a memory-retrieval hybrid that partially pre-computes memory and updates memory representations on the fly with a smaller live encoder. We propose GLIMMER, which improves on this approach through 1) exploiting free access to the powerful memory representations by applying a shallow reranker on top of memory to
Repo: None
DsMtGCN: A Direction-sensitive Multi-task framework for Knowledge Graph Completion
Authors: Jining Wang, Chuan Chen, Zibin Zheng, Yuren ZhouArxiv: https://arxiv.org/abs/2306.10290
TLDR: To solve the inherent incompleteness of knowledge graphs (KGs), numbers of knowledge graph completion (KGC) models have been proposed to predict missing links from known triples. Among those, several works have achieved more advanced results via exploiting the structure information on KGs with Graph Convolutional Networks (GCN). However, we observe that entity embeddings aggregated from neighbors in different directions are just simply averaged to complete single-tasks by existing GCN based models,
Repo: None
MO-VLN: A Multi-Task Benchmark for Open-set Zero-Shot Vision-and-Language Navigation
Authors: Xiwen Liang, Liang Ma, Shanshan Guo, Jianhua Han, Hang Xu, Shikui Ma, Xiaodan LiangArxiv: https://arxiv.org/abs/2306.10322
TLDR: Given a natural language, a general robot has to comprehend the instruction and find the target object or location based on visual observations even in unexplored environments. Most agents rely on massive diverse training data to achieve better generalization, which requires expensive labor. These agents often focus on common objects and fewer tasks, thus are not intelligent enough to handle different types of instructions. To facilitate research in open-set vision-and-language navigation, we propose a benchmark named MO-VLN, aiming
Repo: None
A Universal Semantic-Geometric Representation for Robotic Manipulation
Authors: Tong Zhang, Yingdong Hu, Hanchen Cui, Hang Zhao, Yang GaoArxiv: https://arxiv.org/abs/2306.10474
TLDR: Robots rely heavily on sensors, especially RGB and depth cameras, to perceive and interact with the world. RGB cameras record 2D images with rich semantic information while missing precise spatial information. On the other side, depth cameras offer critical 3D geometry data but capture limited semantics. Therefore, integrating both modalities is crucial for learning representations for robotic perception and control. However, current research predominantly focuses on only one of these modalities, neglecting the benefits of incorporating both. To this end
Repo: None
MB-HGCN: A Hierarchical Graph Convolutional Network for Multi-behavior Recommendation
Authors: Mingshi Yan, Zhiyong Cheng, Jing Sun, Fuming Sun, Yuxin PengArxiv: https://arxiv.org/abs/2306.10679
TLDR: Collaborative filtering-based recommender systems that rely on a single type of behavior often encounter serious sparsity issues in real-world applications, leading to unsatisfactory performance. Multi-behavior Recommendation (MBR) is a method that seeks to learn user preferences, represented as vector embeddings, from auxiliary information. By leveraging these preferences for target behavior recommendations, MBR addresses the sparsity problem and improves the accuracy of recommendations. In this paper, we propose MB-H
Repo: None
PowerBEV: A Powerful Yet Lightweight Framework for Instance Prediction in Bird's-Eye View
Authors: Peizheng Li, Shuxiao Ding, Xieyuanli Chen, Niklas Hanselmann, Marius Cordts, Juergen GallArxiv: https://arxiv.org/abs/2306.10761
TLDR: Accurately perceiving instances and predicting their future motion are key tasks for autonomous vehicles, enabling them to navigate safely in complex urban traffic. While bird's-eye view (BEV) representations are commonplace in perception for autonomous driving, their potential in a motion prediction setting is less explored. Existing approaches for BEV instance prediction from surround cameras rely on a multi-task auto-regressive setup coupled with complex post-processing to predict future instances in a spatio-tempor
Repo: None
Multitrack Music Transcription with a Time-Frequency Perceiver
Authors: Wei-Tsung Lu, Ju-Chiang Wang, Yun-Ning HungArxiv: https://arxiv.org/abs/2306.10785
TLDR: Multitrack music transcription aims to transcribe a music audio input into the musical notes of multiple instruments simultaneously. It is a very challenging task that typically requires a more complex model to achieve satisfactory result. In addition, prior works mostly focus on transcriptions of regular instruments, however, neglecting vocals, which are usually the most important signal source if present in a piece of music. In this paper, we propose a novel deep neural network architecture, Perceiver TF, to model the time
Repo: None
LARG, Language-based Automatic Reward and Goal Generation
Authors: Julien Perez, Denys Proux, Claude Roux, Michael NiemazArxiv: https://arxiv.org/abs/2306.10985
TLDR: Goal-conditioned and Multi-Task Reinforcement Learning (GCRL and MTRL) address numerous problems related to robot learning, including locomotion, navigation, and manipulation scenarios. Recent works focusing on language-defined robotic manipulation tasks have led to the tedious production of massive human annotations to create dataset of textual descriptions associated with trajectories. To leverage reinforcement learning with text-based task descriptions, we need to produce reward functions associated with individual tasks in a scalable manner. In this paper
Repo: None
JiuZhang 2.0: A Unified Chinese Pre-trained Language Model for Multi-task Mathematical Problem Solving
Authors: Wayne Xin Zhao, Kun Zhou, Beichen Zhang, Zheng Gong, Zhipeng Chen, Yuanhang Zhou, Ji-Rong Wen, Jing Sha, Shijin Wang, Cong Liu, Guoping HuArxiv: https://arxiv.org/abs/2306.11027
TLDR: Although pre-trained language models~(PLMs) have recently advanced the research progress in mathematical reasoning, they are not specially designed as a capable multi-task solver, suffering from high cost for multi-Task deployment (\eg a model copy for a task) and inferior performance on complex mathematical problems in practical applications. To address these issues, in this paper, we propose \textbf{JiuZhang~2.0}, a unified Chinese PLM specially for multi
Repo: None
BioREx: Improving Biomedical Relation Extraction by Leveraging Heterogeneous Datasets
Authors: Po-Ting Lai, Chih-Hsuan Wei, Ling Luo, Qingyu Chen, Zhiyong LuArxiv: https://arxiv.org/abs/2306.11189
TLDR: Biomedical relation extraction (RE) is the task of automatically identifying and characterizing relations between biomedical concepts from free text. RE is a central task in biomedical natural language processing (NLP) research and plays a critical role in many downstream applications, such as literature-based discovery and knowledge graph construction. State-of-the-art methods were used primarily to train machine learning models on individual RE datasets, suchas protein-protein interaction and chemical-induced disease relation. Manual dataset annotation
Repo: None
Multi-task Collaborative Pre-training and Individual-adaptive-tokens Fine-tuning: A Unified Framework for Brain Representation Learning
Authors: Ning Jiang, Gongshu Wang, Tianyi YanArxiv: https://arxiv.org/abs/2306.11378
TLDR: Structural magnetic resonance imaging (sMRI) provides accurate estimates of the brain's structural organization and learning invariant brain representations from sMRI is an enduring issue in neuroscience. Previous deep representation learning models ignore the fact that the brain, as the core of human cognitive activity, is distinct from other organs whose primary attribute is anatomy. Therefore, capturing the semantic structure that dominates interindividual cognitive variability is key to accurately representing the brain. Given that this high-level semantic information is subtle, distributed
Repo: None
Keyword: paraphrase
Fine-Tuning Language Models for Scientific Writing Support
Authors: Justin Mücke, Daria Waldow, Luise Metzger, Philipp Schauz, Marcel Hoffman, Nicolas Lell, Ansgar ScherpArxiv: https://arxiv.org/abs/2306.10974
TLDR: We support scientific writers in determining whether a written sentence is scientific, to which section it belongs, and suggest paraphrasings to improve the sentence. Firstly, we propose a regression model trained on a corpus of scientific sentences extracted from peer-reviewed scientific papers and non-scientific text to assign a score that indicates the scientificness of a sentence. We investigate the effect of equations and citations on this score to test the model for potential biases. Secondly, we create a mapping of section titles to
Repo: None
Explicit Syntactic Guidance for Neural Text Generation
Authors: Yafu Li, Leyang Cui, Jianhao Yan, Yongjng Yin, Wei Bi, Shuming Shi, Yue ZhangArxiv: https://arxiv.org/abs/2306.11485
TLDR: Most existing text generation models follow the sequence-to-sequence paradigm. Generative Grammar suggests that humans generate natural language texts by learning language grammar. We propose a syntax-guided generation schema, which generates the sequence guided by a constituency parse tree in a top-down direction. The decoding process can be decomposed into two parts: (1) predicting the infilling texts for each constituent in the lexicalized syntax context given the source sentence; (2) mapping and expanding each
Repo: None
Keyword: robustness
AI Driven Near Real-time Locational Marginal Pricing Method: A Feasibility and Robustness Study
Authors: Naga Venkata Sai Jitin Jami, Juraj Kardoš, Olaf Schenk, Harald KöstlerArxiv: https://arxiv.org/abs/2306.10080
TLDR: Accurate price predictions are essential for market participants in order to optimize their operational schedules and bidding strategies, especially in the current context where electricity prices become more volatile and less predictable using classical approaches. Locational Marginal Pricing (LMP) pricing mechanism is used in many modern power markets, where the traditional approach utilizes optimal power flow (OPF) solvers. However, for large electricity grids this process becomes prohibitively time-consuming and computationally intensive. Machine learning solutions could provide
Repo: None
Learning-Augmented Decentralized Online Convex Optimization in Networks
Authors: Pengfei Li, Jianyi Yang, Adam Wierman, Shaolei RenArxiv: https://arxiv.org/abs/2306.10158
TLDR: This paper studies decentralized online convex optimization in a networked multi-agent system and proposes a novel algorithm, Learning-Augmented Decentralized Online optimization (LADO), for individual agents to select actions only based on local online information. LADO leverages a baseline policy to safeguard online actions for worst-case robustness guarantees, while staying close to the machine learning (ML) policy for average performance improvement. In stark contrast with the existing learning-augmented
Repo: None
Neural Fast Full-Rank Spatial Covariance Analysis for Blind Source Separation
Authors: Yoshiaki Bando, Yoshiki Masuyama, Aditya Arie Nugraha, Kazuyoshi YoshiiArxiv: https://arxiv.org/abs/2306.10240
TLDR: This paper describes an efficient unsupervised learning method for a neural source separation model that utilizes a probabilistic generative model of observed multichannel mixtures proposed for blind source separation (BSS). For this purpose, amortized variational inference (AVI) has been used for directly solving the inverse problem of BSS with full-rank spatial covariance analysis (FCA). Although this unsupersupervised technique called neural FCA is in principle free from the domain
Repo: None
FutureTOD: Teaching Future Knowledge to Pre-trained Language Model for Task-Oriented Dialogue
Authors: Weihao Zeng, Keqing He, Yejie Wang, Chen Zeng, Jingang Wang, Yunsen Xian, Weiran XuArxiv: https://arxiv.org/abs/2306.10315
TLDR: Pre-trained language models based on general text enable huge success in the NLP scenario. But the intrinsical difference of linguistic patterns between general text and task-oriented dialogues makes existing pre-trained languages models less useful in practice. Current dialogue pre-training methods rely on a contrastive framework and face the challenges of both selecting true positives and hard negatives. In this paper, we propose a novel dialogue pre–training model, FutureTOD, which distills future knowledge to the
Repo: None
Understanding Certified Training with Interval Bound Propagation
Authors: Yuhao Mao, Mark Niklas Müller, Marc Fischer, Martin VechevArxiv: https://arxiv.org/abs/2306.10426
TLDR: As robustness verification methods are becoming more precise, training certifiably robust neural networks is becoming ever more relevant. To this end, certified training methods compute and then optimize an upper bound on the worst-case loss over a robustness specification. Curiously, training methods based on the imprecise interval bound propagation (IBP) consistently outperform those leveraging more precise bounding methods. Still, we lack an understanding of the mechanisms making IBP so successful. In this work,
Repo: None
Optical Integrated Sensing and Communication for Cooperative Mobile Robotics Design and Experiments
Authors: Shengqian Wang, He ChenArxiv: https://arxiv.org/abs/2306.10584
TLDR: Integrated Sensing and Communication (ISAC) is an emerging technology that integrates wireless sensing and communication into a single system, transforming many applications, including cooperative mobile robotics. However, in scenarios where radio communications are unavailable, alternative approaches are needed. In this paper, we propose a new optical ISAC (OISAC" scheme for cooperative mobile robots by integrating camera sensing and screen-camera communication (SCC). Unlike previous throughput-oriented SCC designs that work with stationary SCC
Repo: None
DropCompute: simple and more robust distributed synchronous training via compute variance reduction
Authors: Niv Giladi, Shahar Gottlieb, Moran Shkolnik, Asaf Karnieli, Ron Banner, Elad Hoffer, Kfir Yehuda Levy, Daniel SoudryArxiv: https://arxiv.org/abs/2306.10598
TLDR: Background: Distributed training is essential for largescale training of deep neural networks (DNNs). The dominant methods for large scale DNN training are synchronous (e.g. All-Reduce), but these require waiting for all workers in each step. Thus, these methods are limited by the delays caused by straggling workers. Results: We study a typical scenario in which workers are straggled due to variability in compute time. We find an analytical relation between compute
Repo: None
Spatial-Temporal Graph Learning with Adversarial Contrastive Adaptation
Authors: Qianru Zhang, Chao Huang, Lianghao Xia, Zheng Wang, Siuming Yiu, Ruihua HanArxiv: https://arxiv.org/abs/2306.10683
TLDR: Spatial-temporal graph learning has emerged as a promising solution for modeling structured spatial-temperature data and learning region representations for various urban sensing tasks such as crime forecasting and traffic flow prediction. However, most existing models are vulnerable to the quality of the generated region graph due to the inaccurate graph-structured information aggregation schema. The ubiquitous spatial-Temporal data noise and incompleteness in real-life scenarios pose challenges in generating high-quality region representations. To address this challenge
Repo: None
Least Square Value Iteration is Robust Under Locally Bounded Misspecification Error
Authors: Yunfan Li, Lin YangArxiv: https://arxiv.org/abs/2306.10694
TLDR: The success of reinforcement learning heavily relies on the function approximation of policy, value or models, where misspecification (a mismatch between the ground-truth and best function approximators) naturally occurs especially when the Ground-truth is complex. As misspecify error does not vanish even with infinite number of samples, designing algorithms that are robust under misspecified is of paramount importance. Recently, it is shown that policy-based approaches can be robust even when the policy function approximation is
Repo: None
Perturbation-Based Two-Stage Multi-Domain Active Learning
Authors: Rui He, Zeyu Dai, Shan He, Ke TangArxiv: https://arxiv.org/abs/2306.10700
TLDR: In multi-domain learning (MDL) scenarios, high labeling effort is required due to the complexity of collecting data from various domains. Active Learning (AL) presents an encouraging solution to this issue by annotating a smaller number of highly informative instances, thereby reducing the labeling effort. Previous research has relied on conventional AL strategies for MDL scenarios, which underutilize the domain-shared information of each instance during the selection procedure. To mitigate this issue, we propose a novel perturb
Repo: None
Maximum Entropy Heterogeneous-Agent Mirror Learning
Authors: Jiarong Liu, Yifan Zhong, Siyi Hu, Haobo Fu, Qiang Fu, Xiaojun Chang, Yaodong YangArxiv: https://arxiv.org/abs/2306.10715
TLDR: Multi-agent reinforcement learning (MARL) has been shown effective for cooperative games in recent years. However, existing state-of-the-art methods face challenges related to sample inefficiency, brittleness regarding hyperparameters, and the risk of converging to a suboptimal Nash Equilibrium. To resolve these issues, in this paper, we propose a novel theoretical framework, named Maximum Entropy Heterogeneous-Agent Mirror Learning (MEHAML), that leverages
Repo: None
BNN-DP: Robustness Certification of Bayesian Neural Networks via Dynamic Programming
Authors: Steven Adams, Andrea Patane, Morteza Lahijanian, Luca LaurentiArxiv: https://arxiv.org/abs/2306.10742
TLDR: In this paper, we introduce BNN-DP, an efficient algorithmic framework for analysis of adversarial robustness of Bayesian Neural Networks (BNNs). Given a compact set of input points
Repo: None
AMRs Assemble! Learning to Ensemble with Autoregressive Models for AMR Parsing
Authors: Abelardo Carlos Martínez Lorenzo, Pere-Lluís Huguet Cabot, Roberto NavigliArxiv: https://arxiv.org/abs/2306.10786
TLDR: In this paper, we examine the current state-of-the-art in AMR parsing, which relies on ensemble strategies by merging multiple graph predictions. Our analysis reveals that the present models often violate AMR structural constraints. To address this issue, we develop a validation method, and show how ensemble models can exploit SMATCH metric weaknesses to obtain higher scores, but sometimes result in corrupted graphs. Additionally, we highlight the demanding need to compute the SMATCH score among all possible predictions.
Repo: None
Controlling Type Confounding in Ad Hoc Teamwork with Instance-wise Teammate Feedback Rectification
Authors: Dong Xing, Pengjie Gu, Qian Zheng, Xinrun Wang, Shanqi Liu, Longtao Zheng, Bo An, Gang PanArxiv: https://arxiv.org/abs/2306.10944
TLDR: Ad hoc teamwork requires an agent to cooperate with unknown teammates without prior coordination. Many works propose to abstract teammate instances into high-level representation of types and then pre-train the best response for each type. However, most of them do not consider the distribution of teammate instances within a type. This could expose the agent to the hidden risk of \emph{type confounding}. In the worst case, the best respond for an abstract teammate type could be the worst response for all specific instances
Repo: None
Adversarial Training Should Be Cast as a Non-Zero-Sum Game
Authors: Alexander Robey, Fabian Latorre, George J. Pappas, Hamed Hassani, Volkan CevherArxiv: https://arxiv.org/abs/2306.11035
TLDR: One prominent approach toward resolving the adversarial vulnerability of deep neural networks is the two-player zero-sum paradigm of adversarial training, in which predictors are trained against adversarially-chosen perturbations of data. Despite the promise of this approach, algorithms based on this paradigm have not engendered sufficient levels of robustness, and suffer from pathological behavior like robust overfitting. To understand this shortcoming, we first show that the commonly used surrogate-based relaxation used in
Repo: None
Cross-Modal Attribute Insertions for Assessing the Robustness of Vision-and-Language Learning
Authors: Shivaen Ramshetty, Gaurav Verma, Srijan KumarArxiv: https://arxiv.org/abs/2306.11065
TLDR: The robustness of multimodal deep learning models to realistic changes in the input text is critical for their applicability to important tasks such as text-to-image retrieval and cross-modal entailment. To measure robustness, several existing approaches edit the text data, but do so without leveraging the cross-Modal information present in multimodial data. Information from the visual modality, such as color, size, and shape, provide additional attributes that users can include in
Repo: None
Adversarial Robustness of Prompt-based Few-Shot Learning for Natural Language Understanding
Authors: Venkata Prabhakara Sarath Nookala, Gaurav Verma, Subhabrata Mukherjee, Srijan KumarArxiv: https://arxiv.org/abs/2306.11066
TLDR: State-of-the-art few-shot learning (FSL) methods leverage prompt-based fine-tuning to obtain remarkable results for natural language understanding (NLU) tasks. While much of the prior FSL methods focus on improving downstream task performance, there is a limited understanding of the adversarial robustness of such methods. In this work, we conduct an extensive study of several state-of the-art FSL Methods to assess their robustness to adversarial pert
Repo: None
Multigrid preconditioning for regularized least-squares problems
Authors: Matthias Bolten, Scott P. MacLachlan, Misha E. KilmerArxiv: https://arxiv.org/abs/2306.11067
TLDR: In this paper, we are concerned with efficiently solving the sequences of regularized linear least squares problems associated with employing Tikhonov-type regularization with regularization operators designed to enforce edge recovery. An optimal regularization parameter, which balances the fidelity to the data with the edge-enforcing constraint term, is typically not known a priori. This adds to the total number of regularization sequences that must be solved before the final image can be recovered. Therefore, in this paper
Repo: None
Causal Effect Regularization: Automated Detection and Removal of Spurious Attributes
Authors: Abhinav Kumar, Amit Deshpande, Amit SharmaArxiv: https://arxiv.org/abs/2306.11072
TLDR: In many classification datasets, the task labels are spuriously correlated with some input attributes. Classifiers trained on such datasets often rely on these attributes for prediction, especially when the spurious correlation is high, and thus fail to generalize whenever there is a shift in the attributes' correlation at deployment. If we assume that the spurious attributes are known a priori, several methods have been proposed to learn a classifier that is invariant to the specified attributes. However, in real-world data
Repo: None
Forest Parameter Prediction by Multiobjective Deep Learning of Regression Models Trained with Pseudo-Target Imputation
Authors: Sara Björk, Stian N. Anfinsen, Michael Kampffmeyer, Erik Næsset, Terje Gobakken, Lennart NoordermeerArxiv: https://arxiv.org/abs/2306.11103
TLDR: In prediction of forest parameters with data from remote sensing (RS), regression models have traditionally been trained on a small sample of ground reference data. This paper proposes to impute this sample of true prediction targets with data with an existing RS-based prediction map that we consider as pseudo-targets. This substantially increases the amount of target training data and leverages the use of deep learning (DL) for semi-supervised regression modelling. We use prediction maps constructed from airborne laser scanning
Repo: None
Confidence-Based Model Selection: When to Take Shortcuts for Subpopulation Shifts
Authors: Annie S. Chen, Yoonho Lee, Amrith Setlur, Sergey Levine, Chelsea FinnArxiv: https://arxiv.org/abs/2306.11120
TLDR: Effective machine learning models learn both robust features that directly determine the outcome of interest (e.g., an object with wheels is more likely to be a car), and shortcut features (e-g., a object on a road is more difficult to find). The latter can be a source of error under distributional shift, when the correlations change at test-time. The prevailing sentiment in the robustness literature is to avoid such correlative shortcut features and learn robust predictors. However,
Repo: None
BioREx: Improving Biomedical Relation Extraction by Leveraging Heterogeneous Datasets
Authors: Po-Ting Lai, Chih-Hsuan Wei, Ling Luo, Qingyu Chen, Zhiyong LuArxiv: https://arxiv.org/abs/2306.11189
TLDR: Biomedical relation extraction (RE) is the task of automatically identifying and characterizing relations between biomedical concepts from free text. RE is a central task in biomedical natural language processing (NLP) research and plays a critical role in many downstream applications, such as literature-based discovery and knowledge graph construction. State-of-the-art methods were used primarily to train machine learning models on individual RE datasets, suchas protein-protein interaction and chemical-induced disease relation. Manual dataset annotation
Repo: None
Efficient and reliable divergence-conforming methods for an elasticity-poroelasticity interface problem
Authors: S. Badia, M. Hornkjøl, A. Khan, K.-A. Mardal, A. F. Martín, R. Ruiz-BaierArxiv: https://arxiv.org/abs/2306.11213
TLDR: We present a finite element discretisation to model the interaction between a poroelastic structure and an elastic medium. The consolidation problem considers fully coupled deformations across an interface, ensuring continuity of displacement and total traction, as well as no-flux for the fluid phase. Our formulation of the poroELasticity equations incorporates displacement, fluid pressure, and total pressure, while the elasticity equations adopt a displacement-pressure formulation. Notably, the transmission conditions at the interface are
Repo: None
Cuckoo Hashing in Cryptography: Optimal Parameters, Robustness and Applications
Authors: Kevin YeoArxiv: https://arxiv.org/abs/2306.11220
TLDR: Cuckoo hashing is a powerful primitive that enables storing items using small space with efficient querying. At a high level, cuckoo mining maps
Repo: None
Evaluating the Zero-shot Robustness of Instruction-tuned Language Models
Authors: Jiuding Sun, Chantal Shaib, Byron C. WallaceArxiv: https://arxiv.org/abs/2306.11270
TLDR: Instruction fine-tuning has recently emerged as a promising approach for improving the zero-shot capabilities of Large Language Models (LLMs) on new tasks. This technique has shown particular strength in improving the performance of modestly sized LLMs, sometimes inducing performance competitive with much larger model variants. In this paper we ask two questions: (1) How sensitive are instruction-tuned models to the particular phrasings of instructions, and, (2) How can we make them
Repo: None
Towards Characterizing Domain Counterfactuals For Invertible Latent Causal Models
Authors: Sean Kulinski, Zeyu Zhou, Ruqi Bai, Murat Kocaoglu, David I. InouyeArxiv: https://arxiv.org/abs/2306.11281
TLDR: Learning latent causal models from data has many important applications such as robustness, model extrapolation, and counterfactuals. Most prior theoretic work has focused on full causal discovery (i.e., recovering the true latent variables) but requires strong assumptions such as linearity or fails to have any analysis of the equivalence class of solutions (e.g., IRM). Instead of full caus discovery, we focus on a specific type of causal query called the domain counterfactually
Repo: None
Learning Variable Impedance Skills from Demonstrations with Passivity Guarantee
Authors: Yu Zhang, Long Cheng, Xiuze Xia, Haoyu ZhangArxiv: https://arxiv.org/abs/2306.11308
TLDR: Robots are increasingly being deployed not only in workplaces but also in households. Effectively, the performance of manipulation tasks by robots relies on variable impedance control with contact forces. Furthermore, robots should possess adaptive capabilities to handle the considerable variations exhibited by different robotic tasks in dynamic environments, which can be obtained through human demonstrations. This paper presents a learning-from-demonstration framework that integrates force sensing and motion information to facilitate variable stiffness control. The proposed approach involves the estimation of full stiffness mat
Repo: None
Did the Models Understand Documents? Benchmarking Models for Language Understanding in Document-Level Relation Extraction
Authors: Haotian Chen, Bingsheng Chen, Xiangdong ZhouArxiv: https://arxiv.org/abs/2306.11386
TLDR: Document-level relation extraction (DocRE) attracts more research interest recently. While models achieve consistent performance gains in DocRE, their underlying decision rules are still understudied: Do they make the right predictions according to rationales? In this paper, we take the first step toward answering this question and then introduce a new perspective on comprehensively evaluating a model. Specifically, we first conduct annotations to provide the rationales considered by humans in Docre. Then, we conduct investigations and reveal
Repo: None
Safe, Efficient, Comfort, and Energy-saving Automated Driving through Roundabout Based on Deep Reinforcement Learning
Authors: Henan Yuan, Penghui Li, Bart van Arem, Liujiang Kang, Yongqi DongArxiv: https://arxiv.org/abs/2306.11465
TLDR: Traffic scenarios in roundabouts pose substantial complexity for automated driving. Manually mapping all possible scenarios into a state space is labor-intensive and challenging. Deep reinforcement learning (DRL) with its ability to learn from interacting with the environment emerges as a promising solution for training such automated driving models. This study explores, employs, and implements various DRL algorithms, namely Deep Deterministic Policy Gradient (DDPG), Proximal Policy Optimization (PPO), and Trust Region
Repo: None
A new thermodynamically compatible finite volume scheme for Lagrangian gas dynamics
Authors: Walter Boscheri, Michael Dumbser, Pierre-Henri MaireArxiv: https://arxiv.org/abs/2306.11651
TLDR: The equations of Lagrangian gas dynamics fall into the larger class of overdetermined hyperbolic and thermodynamically compatible (HTC) systems of partial differential equations. They satisfy an entropy inequality (second principle of thermodynamics) and conserve total energy (first principle of therodynamics). The aim of this work is to construct a novel thermodynamicically compatible cell-centered Lagrangial finite volume scheme on unstructured meshes. Unlike in existing schemes, we choose to directly discret
Repo: None
DecodingTrust: A Comprehensive Assessment of Trustworthiness in GPT Models
Authors: Boxin Wang, Weixin Chen, Hengzhi Pei, Chulin Xie, Mintong Kang, Chenhui Zhang, Chejian Xu, Zidi Xiong, Ritik Dutta, Rylan Schaeffer, Sang T. Truong, Simran Arora, Mantas Mazeika, Dan Hendrycks, Zinan Lin, Yu Cheng, Sanmi Koyejo, Dawn Song, Bo LiArxiv: https://arxiv.org/abs/2306.11698
TLDR: Generative Pre-trained Transformer (GPT) models have exhibited exciting progress in capabilities, capturing the interest of practitioners and the public alike. Yet, while the literature on the trustworthiness of GPT models remains limited, practitioners have proposed employing capable GPT model for sensitive applications to healthcare and finance - where mistakes can be costly. To this end, this work proposes a comprehensive trustworthiness evaluation for large language models with a focus on GPT-4 and GPT (3.
Repo: None
Keyword: semantic similarity
SeFNet: Bridging Tabular Datasets with Semantic Feature Nets
Authors: Katarzyna Woźnica, Piotr Wilczyński, Przemysław BiecekArxiv: https://arxiv.org/abs/2306.11636
TLDR: Machine learning applications cover a wide range of predictive tasks in which tabular datasets play a significant role. However, although they often address similar problems, tabular tasks are typically treated as standalone tasks. The possibilities of using previously solved problems are limited due to the lack of structured contextual information about their features and the lackof understanding of the relations between them. To overcome this limitation, we propose a new approach called Semantic Feature Net (SeFNet), capturing the semantic meaning of the analyzed
Repo: None
Keyword: similarity measure
Query2GMM: Learning Representation with Gaussian Mixture Model for Reasoning over Knowledge Graphs
Authors: Yuhan Wu, Yuanyuan Xu, Wenjie Zhang, Ying ZhangArxiv: https://arxiv.org/abs/2306.10367
TLDR: Logical query answering over Knowledge Graphs (KGs) is a fundamental yet complex task. A promising approach to achieve this is to embed queries and entities jointly into the same embedding space. Research along this line suggests that using multi-modal distribution to represent answer entities is more suitable than uni-modual distribution, as a single query may contain multiple disjoint answer subsets due to the compositional nature of multi-hop queries and the varying latent semantics of relations
Repo: None
Keyword: summarization
Opportunities and Challenges for ChatGPT and Large Language Models in Biomedicine and Health
Authors: Shubo Tian, Qiao Jin, Lana Yeganova, Po-Ting Lai, Qingqing Zhu, Xiuying Chen, Yifan Yang, Qingyu Chen, Won Kim, Donald C. Comeau, Rezarta Islamaj, Aadit Kapoor, Xin Gao, Zhiyong LuArxiv: https://arxiv.org/abs/2306.10070
TLDR: ChatGPT has drawn considerable attention from both the general public and domain experts with its remarkable text generation capabilities. This has subsequently led to the emergence of diverse applications in the field of biomedicine and health. In this work, we examine the diverse applications of large language models (LLMs), such as ChatGPT, and other LLMs in the fields of biomedical information retrieval, question answering, medical text summarization, information extraction, and medical education, and investigate whether LL
Repo: None
DreamCatcher: Revealing the Language of the Brain with fMRI using GPT Embedding
Authors: Subhrasankar Chatterjee, Debasis SamantaArxiv: https://arxiv.org/abs/2306.10082
TLDR: The human brain possesses remarkable abilities in visual processing, including image recognition and scene summarization. Efforts have been made to understand the cognitive capacities of the visual brain, but a comprehensive understanding of the underlying mechanisms still needs to be discovered. Advancements in brain decoding techniques have led to sophisticated approaches like fMRI-to-Image reconstruction, which has implications for cognitive neuroscience and medical imaging. However, challenges persist in fMRI, such as incorporating global context and contextual information. In this article
Repo: None
Conformal Language Modeling
Authors: Victor Quach, Adam Fisch, Tal Schuster, Adam Yala, Jae Ho Sohn, Tommi S. Jaakkola, Regina BarzilayArxiv: https://arxiv.org/abs/2306.10193
TLDR: We propose a novel approach to conformal prediction for generative language models (LMs). Standard conformal Prediction produces prediction sets -- in place of single predictions -- that have rigorous, statistical performance guarantees. LM responses are typically sampled from the model's predicted distribution over the large, combinatorial output space of natural language. Translating this process to conformAL prediction, we calibrate a stopping rule for sampling different outputs from the LM that get added to a growing set of candidates until
Repo: None
Persian Semantic Role Labeling Using Transfer Learning and BERT-Based Models
Authors: Saeideh Niksirat Aghdam, Sayyed Ali Hossayni, Erfan Khedersolh Sadeh, Nasim Khozouei, Behrouz Minaei BidgoliArxiv: https://arxiv.org/abs/2306.10339
TLDR: Semantic role labeling (SRL) is the process of detecting the predicate-argument structure of each predicate in a sentence. SRL plays a crucial role as a pre-processing step in many NLP applications such as topic and concept extraction, question answering, summarization, machine translation, sentiment analysis, and text mining. Recently, in many languages, unified SRL has gained lots of attention due to its outstanding performance, which is the result of overcoming the error propagation problem. However
Repo: None
UniMC: A Unified Framework for Long-Term Memory Conversation via Relevance Representation Learning
Authors: Kang Zhao, Wei Liu, Jian Luan, Minglei Gao, Li Qian, Hanlin Teng, Bin WangArxiv: https://arxiv.org/abs/2306.10543
TLDR: Open-domain long-term memory conversation is a powerful tool for understanding and engaging with humans, and the key is the ability to understand and memorize long-time dialogue history information. Existing works integrate multiple models for modelling through a pipeline, which ignores the coupling between different stages. In this paper, we propose a Unified framework for Long-term Memory Conversations (UniMC), which increases the connection between different stage by learning relevance representation. Specifically, we decompose the main
Repo: None
Summarization from Leaderboards to Practice: Choosing A Representation Backbone and Ensuring Robustness
Authors: David Demeter, Oshin Agarwal, Simon Ben Igeri, Marko Sterbentz, Neil Molino, John M. Conroy, Ani NenkovaArxiv: https://arxiv.org/abs/2306.10555
TLDR: Academic literature does not give much guidance on how to build the best possible customer-facing summarization system from existing research components. Here we present analyses to inform the selection of a system backbone from popular models; we find that in both automatic and human evaluation, BART performs better than PEGASUS and T5. We also find that when applied cross-domain, summarizers exhibit considerably worse performance. At the same time, a system fine-tuned on heterogeneous domains performs
Repo: None
Neural Inventory Control in Networks via Hindsight Differentiable Policy Optimization
Authors: Matias Alvo, Daniel Russo, Yash KanoriaArxiv: https://arxiv.org/abs/2306.11246
TLDR: Inventory management offers unique opportunities for reliably evaluating and applying deep reinforcement learning (DRL). Rather than evaluate DRL algorithms by comparing against one another or against human experts, we can compare to the optimum itself in several problem classes with hidden structure. Our DRL methods consistently recover near-optimal policies in such settings, despite being applied with up to 600-dimensional raw state vectors. In others, they can vastly outperform problem-specific heuristics. To reliably apply DRL
Repo: None
GUMSum: Multi-Genre Data and Evaluation for English Abstractive Summarization
Authors: Yang Janet Liu, Amir ZeldesArxiv: https://arxiv.org/abs/2306.11256
TLDR: Automatic summarization with pre-trained language models has led to impressively fluent results, but is prone to 'hallucinations', low performance on non-news genres, and outputs which are not exactly summaries. Targeting ACL 2023's 'Reality Check' theme, we present GUMSum, a small but carefully crafted dataset of English summaries in 12 written and spoken genres for evaluation of abstractive summarization. Summaries are highly constrained, focusing on substit
Repo: None
ChatGPT Chemistry Assistant for Text Mining and Prediction of MOF Synthesis
Authors: Zhiling Zheng, Oufan Zhang, Christian Borgs, Jennifer T. Chayes, Omar M. YaghiArxiv: https://arxiv.org/abs/2306.11296
TLDR: We use prompt engineering to guide ChatGPT in the automation of text mining of metal-organic frameworks (MOFs) synthesis conditions from diverse formats and styles of the scientific literature. This effectively mitigates ChatGPL's tendency to hallucinate information -- an issue that previously made the use of Large Language Models (LLMs) in scientific fields challenging. Our approach involves the development of a workflow implementing three different processes for text mining, programmed by ChatGpt itself. All of them
Repo: None
Democratizing LLMs for Low-Resource Languages by Leveraging their English Dominant Abilities with Linguistically-Diverse Prompts
Authors: Xuan-Phi Nguyen, Sharifah Mahani Aljunied, Shafiq Joty, Lidong BingArxiv: https://arxiv.org/abs/2306.11372
TLDR: Large language models (LLMs) are known to effectively perform tasks by simply observing few exemplars. However, in low-resource languages, obtaining such hand-picked exemplars can still be challenging, where unsupervised techniques may be necessary. Moreover, competent generative capabilities of LLMs are observed only in high-resource language, while their performances among under-represented languages fall behind due to pre-training data imbalance. To elicit LLMs' ability to translate from a diverse set
Repo: None
One model to rule them all: ranking Slovene summarizers
Authors: Aleš Žagar, Marko Robnik-ŠikonjaArxiv: https://arxiv.org/abs/2306.11518
TLDR: Text summarization is an essential task in natural language processing, and researchers have developed various approaches over the years, ranging from rule-based systems to neural networks. However, there is no single model or approach that performs well on every type of text. We propose a system that recommends the most suitable summarization model for a given text. The proposed system employs a fully connected neural network that analyzes the input content and predicts which summarizer should score the best in terms of ROUGE
Repo: None
A Comparative Audit of Privacy Policies from Healthcare Organizations in USA, UK and India
Authors: Gunjan Balde, Aryendra Singh, Niloy Ganguly, Mainack MondalArxiv: https://arxiv.org/abs/2306.11557
TLDR: Data privacy in healthcare is of paramount importance (and thus regulated using laws like HIPAA) due to the highly sensitive nature of patient data. To that end, healthcare organizations mention how they collect/process/store/share this data (i.e., data practices) via their privacy policies. Thus there is a need to audit these policies and check compliance with respective laws. This paper addresses this need and presents a large-scale data-driven study to audit privacy policies from healthcare organizations
Repo: None
Keyword: text generation
Opportunities and Challenges for ChatGPT and Large Language Models in Biomedicine and Health
Authors: Shubo Tian, Qiao Jin, Lana Yeganova, Po-Ting Lai, Qingqing Zhu, Xiuying Chen, Yifan Yang, Qingyu Chen, Won Kim, Donald C. Comeau, Rezarta Islamaj, Aadit Kapoor, Xin Gao, Zhiyong LuArxiv: https://arxiv.org/abs/2306.10070
TLDR: ChatGPT has drawn considerable attention from both the general public and domain experts with its remarkable text generation capabilities. This has subsequently led to the emergence of diverse applications in the field of biomedicine and health. In this work, we examine the diverse applications of large language models (LLMs), such as ChatGPT, and other LLMs in the fields of biomedical information retrieval, question answering, medical text summarization, information extraction, and medical education, and investigate whether LL
Repo: None
Semi-supervised Relation Extraction via Data Augmentation and Consistency-training
Authors: Komal K. TeruArxiv: https://arxiv.org/abs/2306.10153
TLDR: Due to the semantic complexity of the Relation extraction (RE) task, obtaining high-quality human labelled data is an expensive and noisy process. To improve the sample efficiency of the models, semi-supervised learning (SSL) methods aim to leverage unlabelled data in addition to learning from limited labelled data points. Recently, strong data augmentation combined with consistency-based semi-Supervised learning methods have advanced the state of the art in several SSL tasks. However, adapting these
Repo: None
Explicit Syntactic Guidance for Neural Text Generation
Authors: Yafu Li, Leyang Cui, Jianhao Yan, Yongjng Yin, Wei Bi, Shuming Shi, Yue ZhangArxiv: https://arxiv.org/abs/2306.11485
TLDR: Most existing text generation models follow the sequence-to-sequence paradigm. Generative Grammar suggests that humans generate natural language texts by learning language grammar. We propose a syntax-guided generation schema, which generates the sequence guided by a constituency parse tree in a top-down direction. The decoding process can be decomposed into two parts: (1) predicting the infilling texts for each constituent in the lexicalized syntax context given the source sentence; (2) mapping and expanding each
Repo: None
The text was updated successfully, but these errors were encountered: