id
stringlengths
9
10
submitter
stringlengths
5
46
authors
stringlengths
5
1.31k
title
stringlengths
8
223
comments
stringlengths
2
574
journal-ref
stringclasses
587 values
doi
stringclasses
784 values
report-no
stringclasses
75 values
categories
stringlengths
5
72
license
stringclasses
9 values
abstract
stringlengths
82
3.31k
versions
listlengths
1
15
update_date
unknown
authors_parsed
sequencelengths
1
76
label
class label
2 classes
1901.04976
Leonid Yavits PhD
Leonid Yavits, Roman Kaplan and Ran Ginosar
AIDA: Associative DNN Inference Accelerator
null
null
null
null
cs.DC
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We propose AIDA, an inference engine for accelerating fully-connected (FC) layers of Deep Neural Network (DNN). AIDA is an associative in-memory processor, where the bulk of data never leaves the confines of the memory arrays, and processing is performed in-situ. AIDA area and energy efficiency strongly benefit from sparsity and lower arithmetic precision. We show that AIDA outperforms the state of art inference accelerator, EIE, by 14.5x (peak performance) and 2.5x (throughput).
[ { "created": "Thu, 20 Dec 2018 09:04:31 GMT", "version": "v1" } ]
"2019-01-16T00:00:00"
[ [ "Yavits", "Leonid", "" ], [ "Kaplan", "Roman", "" ], [ "Ginosar", "Ran", "" ] ]
0no_new_dataset
2307.03890
Yin Jie
Jie Yin, Hao Yin, Conghui Liang and Zhengyou Zhang
Ground-Challenge: A Multi-sensor SLAM Dataset Focusing on Corner Cases for Ground Robots
null
null
null
null
cs.RO
http://creativecommons.org/licenses/by/4.0/
High-quality datasets can speed up breakthroughs and reveal potential developing directions in SLAM research. To support the research on corner cases of visual SLAM systems, this paper presents Ground-Challenge: a challenging dataset comprising 36 trajectories with diverse corner cases such as aggressive motion, severe occlusion, changing illumination, few textures, pure rotation, motion blur, wheel suspension, etc. The dataset was collected by a ground robot with multiple sensors including an RGB-D camera, an inertial measurement unit (IMU), a wheel odometer and a 3D LiDAR. All of these sensors were well-calibrated and synchronized, and their data were recorded simultaneously. To evaluate the performance of cutting-edge SLAM systems, we tested them on our dataset and demonstrated that these systems are prone to drift and fail on specific sequences. We will release the full dataset and relevant materials upon paper publication to benefit the research community. For more information, visit our project website at https://github.com/sjtuyinjie/Ground-Challenge.
[ { "created": "Sat, 8 Jul 2023 03:46:28 GMT", "version": "v1" } ]
"2023-07-11T00:00:00"
[ [ "Yin", "Jie", "" ], [ "Yin", "Hao", "" ], [ "Liang", "Conghui", "" ], [ "Zhang", "Zhengyou", "" ] ]
1new_dataset
1801.05946
Xun Jian
Xun Jian, Xiang Lian, Lei Chen
On Efficiently Detecting Overlapping Communities over Distributed Dynamic Graphs
A short version of this paper will be published as ICDE'2018 poster
null
null
null
cs.SI physics.soc-ph
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Modern networks are of huge sizes as well as high dynamics, which challenges the efficiency of community detection algorithms. In this paper, we study the problem of overlapping community detection on distributed and dynamic graphs. Given a distributed, undirected and unweighted graph, the goal is to detect overlapping communities incrementally as the graph is dynamically changing. We propose an efficient algorithm, called \textit{randomized Speaker-Listener Label Propagation Algorithm} (rSLPA), based on the \textit{Speaker-Listener Label Propagation Algorithm} (SLPA) by relaxing the probability distribution of label propagation. Besides detecting high-quality communities, rSLPA can incrementally update the detected communities after a batch of edge insertion and deletion operations. To the best of our knowledge, rSLPA is the first algorithm that can incrementally capture the same communities as those obtained by applying the detection algorithm from the scratch on the updated graph. Extensive experiments are conducted on both synthetic and real-world datasets, and the results show that our algorithm can achieve high accuracy and efficiency at the same time.
[ { "created": "Thu, 18 Jan 2018 05:51:46 GMT", "version": "v1" } ]
"2018-01-19T00:00:00"
[ [ "Jian", "Xun", "" ], [ "Lian", "Xiang", "" ], [ "Chen", "Lei", "" ] ]
0no_new_dataset
2309.09786
Erik Demaine
Erik D. Demaine, Kritkorn Karntikoon, Nipun Pitimanaaree
2-Colorable Perfect Matching is NP-complete in 2-Connected 3-Regular Planar Graphs
11 pages, 10 figures
null
null
null
cs.CC
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
The 2-colorable perfect matching problem asks whether a graph can be colored with two colors so that each node has exactly one neighbor with the same color as itself. We prove that this problem is NP-complete, even when restricted to 2-connected 3-regular planar graphs. In 1978, Schaefer proved that this problem is NP-complete in general graphs, and claimed without proof that the same result holds when restricted to 3-regular planar graphs. Thus we fill in the missing proof of this claim, while simultaneously strengthening to 2-connected graphs (which implies existence of a perfect matching). We also prove NP-completeness of $k$-colorable perfect matching, for any fixed $k \geq 2$.
[ { "created": "Mon, 18 Sep 2023 14:04:07 GMT", "version": "v1" } ]
"2023-09-19T00:00:00"
[ [ "Demaine", "Erik D.", "" ], [ "Karntikoon", "Kritkorn", "" ], [ "Pitimanaaree", "Nipun", "" ] ]
0no_new_dataset
2405.05019
Syed Tasnimul Islam
Syed Tasnimul Islam, Anas Bin Muslim
AI-based Dynamic Schedule Calculation in Time Sensitive Networks using GCN-TD3
Accepted article IFIP/IEEE Networking 2024 (Tensor)
null
null
null
cs.NI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Offline scheduling in Time Sensitive Networking (TSN) utilizing the Time Aware Shaper (TAS) facilitates optimal deterministic latency and jitter-bounds calculation for Time- Triggered (TT) flows. However, the dynamic nature of traffic in industrial settings necessitates a strategy for adaptively scheduling flows without interrupting existing schedules. Our research identifies critical gaps in current dynamic scheduling methods for TSN and introduces the novel GCN-TD3 approach. This novel approach utilizes a Graph Convolutional Network (GCN) for representing the various relations within different components of TSN and employs the Twin Delayed Deep Deterministic Policy Gradient (TD3) algorithm to dynamically schedule any incoming flow. Additionally, an Integer Linear Programming (ILP) based offline scheduler is used both to initiate the simulation and serve as a fallback mechanism. This mechanism is triggered to recalculate the entire schedule when the predefined threshold of Gate Control List(GCL) length exceeds. Comparative analyses demonstrate that GCN-TD3 outperforms existing methods like Deep Double Q-Network (DDQN) and Deep Deterministic Policy Gradient (DDPG), exhibiting convergence within 4000 epochs with a 90\% dynamic TT flow admission rate while maintaining deadlines and reducing jitter to as low as 2us. Finally, two modules were developed for the OMNeT++ simulator, facilitating dynamic simulation to evaluate the methodology.
[ { "created": "Wed, 8 May 2024 12:42:50 GMT", "version": "v1" } ]
"2024-05-09T00:00:00"
[ [ "Islam", "Syed Tasnimul", "" ], [ "Muslim", "Anas Bin", "" ] ]
0no_new_dataset
2310.00607
Chaojian Yu
Chaojian Yu, Xiaolong Shi, Jun Yu, Bo Han, Tongliang Liu
On the Onset of Robust Overfitting in Adversarial Training
null
null
null
null
cs.LG
http://creativecommons.org/licenses/by-nc-sa/4.0/
Adversarial Training (AT) is a widely-used algorithm for building robust neural networks, but it suffers from the issue of robust overfitting, the fundamental mechanism of which remains unclear. In this work, we consider normal data and adversarial perturbation as separate factors, and identify that the underlying causes of robust overfitting stem from the normal data through factor ablation in AT. Furthermore, we explain the onset of robust overfitting as a result of the model learning features that lack robust generalization, which we refer to as non-effective features. Specifically, we provide a detailed analysis of the generation of non-effective features and how they lead to robust overfitting. Additionally, we explain various empirical behaviors observed in robust overfitting and revisit different techniques to mitigate robust overfitting from the perspective of non-effective features, providing a comprehensive understanding of the robust overfitting phenomenon. This understanding inspires us to propose two measures, attack strength and data augmentation, to hinder the learning of non-effective features by the neural network, thereby alleviating robust overfitting. Extensive experiments conducted on benchmark datasets demonstrate the effectiveness of the proposed methods in mitigating robust overfitting and enhancing adversarial robustness.
[ { "created": "Sun, 1 Oct 2023 07:57:03 GMT", "version": "v1" } ]
"2023-10-03T00:00:00"
[ [ "Yu", "Chaojian", "" ], [ "Shi", "Xiaolong", "" ], [ "Yu", "Jun", "" ], [ "Han", "Bo", "" ], [ "Liu", "Tongliang", "" ] ]
0no_new_dataset
2112.01925
Claire Little
Claire Little, Mark Elliot, Richard Allmendinger, Sahel Shariati Samani
Generative Adversarial Networks for Synthetic Data Generation: A Comparative Study
null
null
null
null
cs.LG
http://creativecommons.org/licenses/by/4.0/
Generative Adversarial Networks (GANs) are gaining increasing attention as a means for synthesising data. So far much of this work has been applied to use cases outside of the data confidentiality domain with a common application being the production of artificial images. Here we consider the potential application of GANs for the purpose of generating synthetic census microdata. We employ a battery of utility metrics and a disclosure risk metric (the Targeted Correct Attribution Probability) to compare the data produced by tabular GANs with those produced using orthodox data synthesis methods.
[ { "created": "Fri, 3 Dec 2021 14:23:17 GMT", "version": "v1" } ]
"2021-12-06T00:00:00"
[ [ "Little", "Claire", "" ], [ "Elliot", "Mark", "" ], [ "Allmendinger", "Richard", "" ], [ "Samani", "Sahel Shariati", "" ] ]
0no_new_dataset
2008.03789
Zhengyi Luo
Zhengyi Luo, S. Alireza Golestaneh, Kris M. Kitani
3D Human Motion Estimation via Motion Compression and Refinement
Accepted by ACCV 2020 (Oral). Project page: https://zhengyiluo.github.io/projects/meva/
null
null
null
cs.CV
http://creativecommons.org/licenses/by/4.0/
We develop a technique for generating smooth and accurate 3D human pose and motion estimates from RGB video sequences. Our method, which we call Motion Estimation via Variational Autoencoder (MEVA), decomposes a temporal sequence of human motion into a smooth motion representation using auto-encoder-based motion compression and a residual representation learned through motion refinement. This two-step encoding of human motion captures human motion in two stages: a general human motion estimation step that captures the coarse overall motion, and a residual estimation that adds back person-specific motion details. Experiments show that our method produces both smooth and accurate 3D human pose and motion estimates.
[ { "created": "Sun, 9 Aug 2020 19:02:29 GMT", "version": "v1" }, { "created": "Mon, 5 Oct 2020 20:24:59 GMT", "version": "v2" } ]
"2020-10-07T00:00:00"
[ [ "Luo", "Zhengyi", "" ], [ "Golestaneh", "S. Alireza", "" ], [ "Kitani", "Kris M.", "" ] ]
0no_new_dataset
1812.01640
Haifeng Li
Jian Peng, Jiang Hao, Zhuo Li, Enqiang Guo, Xiaohong Wan, Deng Min, Qing Zhu, Haifeng Li
Overcoming Catastrophic Forgetting by Soft Parameter Pruning
10 pages, 12 figures
null
null
null
cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Catastrophic forgetting is a challenge issue in continual learning when a deep neural network forgets the knowledge acquired from the former task after learning on subsequent tasks. However, existing methods try to find the joint distribution of parameters shared with all tasks. This idea can be questionable because this joint distribution may not present when the number of tasks increase. On the other hand, It also leads to "long-term" memory issue when the network capacity is limited since adding tasks will "eat" the network capacity. In this paper, we proposed a Soft Parameters Pruning (SPP) strategy to reach the trade-off between short-term and long-term profit of a learning model by freeing those parameters less contributing to remember former task domain knowledge to learn future tasks, and preserving memories about previous tasks via those parameters effectively encoding knowledge about tasks at the same time. The SPP also measures the importance of parameters by information entropy in a label free manner. The experiments on several tasks shows SPP model achieved the best performance compared with others state-of-the-art methods. Experiment results also indicate that our method is less sensitive to hyper-parameter and better generalization. Our research suggests that a softer strategy, i.e. approximate optimize or sub-optimal solution, will benefit alleviating the dilemma of memory. The source codes are available at https://github.com/lehaifeng/Learning_by_memory.
[ { "created": "Tue, 4 Dec 2018 19:29:04 GMT", "version": "v1" } ]
"2018-12-06T00:00:00"
[ [ "Peng", "Jian", "" ], [ "Hao", "Jiang", "" ], [ "Li", "Zhuo", "" ], [ "Guo", "Enqiang", "" ], [ "Wan", "Xiaohong", "" ], [ "Min", "Deng", "" ], [ "Zhu", "Qing", "" ], [ "Li", "Haifeng", "" ] ]
0no_new_dataset
2303.04532
Shrestha Ghosh
Shrestha Ghosh, Simon Razniewski, Gerhard Weikum
Class Cardinality Comparison as a Fermi Problem
Accepted to the Web Conference 2023
null
null
null
cs.IR cs.AI
http://creativecommons.org/licenses/by/4.0/
Questions on class cardinality comparisons are quite tricky to answer and come with its own challenges. They require some kind of reasoning since web documents and knowledge bases, indispensable sources of information, rarely store direct answers to questions, such as, ``Are there more astronauts or Physics Nobel Laureates?'' We tackle questions on class cardinality comparison by tapping into three sources for absolute cardinalities as well as the cardinalities of orthogonal subgroups of the classes. We propose novel techniques for aggregating signals with partial coverage for more reliable estimates and evaluate them on a dataset of 4005 class pairs, achieving an accuracy of 83.7%.
[ { "created": "Wed, 8 Mar 2023 12:04:16 GMT", "version": "v1" } ]
"2023-03-09T00:00:00"
[ [ "Ghosh", "Shrestha", "" ], [ "Razniewski", "Simon", "" ], [ "Weikum", "Gerhard", "" ] ]
1new_dataset
2106.03645
Ruben Ohana
Ruben Ohana, Hamlet J. Medina Ruiz, Julien Launay, Alessandro Cappelli, Iacopo Poli, Liva Ralaivola, Alain Rakotomamonjy
Photonic Differential Privacy with Direct Feedback Alignment
null
NeurIPS 2021
null
null
cs.LG cs.CR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Optical Processing Units (OPUs) -- low-power photonic chips dedicated to large scale random projections -- have been used in previous work to train deep neural networks using Direct Feedback Alignment (DFA), an effective alternative to backpropagation. Here, we demonstrate how to leverage the intrinsic noise of optical random projections to build a differentially private DFA mechanism, making OPUs a solution of choice to provide a private-by-design training. We provide a theoretical analysis of our adaptive privacy mechanism, carefully measuring how the noise of optical random projections propagates in the process and gives rise to provable Differential Privacy. Finally, we conduct experiments demonstrating the ability of our learning procedure to achieve solid end-task performance.
[ { "created": "Mon, 7 Jun 2021 14:18:01 GMT", "version": "v1" }, { "created": "Fri, 25 Mar 2022 10:50:41 GMT", "version": "v2" } ]
"2022-03-28T00:00:00"
[ [ "Ohana", "Ruben", "" ], [ "Ruiz", "Hamlet J. Medina", "" ], [ "Launay", "Julien", "" ], [ "Cappelli", "Alessandro", "" ], [ "Poli", "Iacopo", "" ], [ "Ralaivola", "Liva", "" ], [ "Rakotomamonjy", "Alain", "" ] ]
0no_new_dataset
2310.03507
Lukas Cavigelli
Antoine Scardigli, Lukas Cavigelli, Lorenz K. M\"uller
RL-based Stateful Neural Adaptive Sampling and Denoising for Real-Time Path Tracing
Submitted to NeurIPS. https://openreview.net/forum?id=xNyR7DXUzJ
null
null
null
cs.CV cs.GR cs.MM
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Monte-Carlo path tracing is a powerful technique for realistic image synthesis but suffers from high levels of noise at low sample counts, limiting its use in real-time applications. To address this, we propose a framework with end-to-end training of a sampling importance network, a latent space encoder network, and a denoiser network. Our approach uses reinforcement learning to optimize the sampling importance network, thus avoiding explicit numerically approximated gradients. Our method does not aggregate the sampled values per pixel by averaging but keeps all sampled values which are then fed into the latent space encoder. The encoder replaces handcrafted spatiotemporal heuristics by learned representations in a latent space. Finally, a neural denoiser is trained to refine the output image. Our approach increases visual quality on several challenging datasets and reduces rendering times for equal quality by a factor of 1.6x compared to the previous state-of-the-art, making it a promising solution for real-time applications.
[ { "created": "Thu, 5 Oct 2023 12:39:27 GMT", "version": "v1" } ]
"2023-10-06T00:00:00"
[ [ "Scardigli", "Antoine", "" ], [ "Cavigelli", "Lukas", "" ], [ "Müller", "Lorenz K.", "" ] ]
1new_dataset
2404.07581
Jiachen Zhu
Jiachen Zhu, Yichao Wang, Jianghao Lin, Jiarui Qin, Ruiming Tang, Weinan Zhang, Yong Yu
M-scan: A Multi-Scenario Causal-driven Adaptive Network for Recommendation
This paper has been accepted by WWW'24
null
null
null
cs.IR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We primarily focus on the field of multi-scenario recommendation, which poses a significant challenge in effectively leveraging data from different scenarios to enhance predictions in scenarios with limited data. Current mainstream efforts mainly center around innovative model network architectures, with the aim of enabling the network to implicitly acquire knowledge from diverse scenarios. However, the uncertainty of implicit learning in networks arises from the absence of explicit modeling, leading to not only difficulty in training but also incomplete user representation and suboptimal performance. Furthermore, through causal graph analysis, we have discovered that the scenario itself directly influences click behavior, yet existing approaches directly incorporate data from other scenarios during the training of the current scenario, leading to prediction biases when they directly utilize click behaviors from other scenarios to train models. To address these problems, we propose the Multi-Scenario Causal-driven Adaptive Network M-scan). This model incorporates a Scenario-Aware Co-Attention mechanism that explicitly extracts user interests from other scenarios that align with the current scenario. Additionally, it employs a Scenario Bias Eliminator module utilizing causal counterfactual inference to mitigate biases introduced by data from other scenarios. Extensive experiments on two public datasets demonstrate the efficacy of our M-scan compared to the existing baseline models.
[ { "created": "Thu, 11 Apr 2024 09:13:52 GMT", "version": "v1" }, { "created": "Mon, 15 Apr 2024 03:42:01 GMT", "version": "v2" } ]
"2024-04-16T00:00:00"
[ [ "Zhu", "Jiachen", "" ], [ "Wang", "Yichao", "" ], [ "Lin", "Jianghao", "" ], [ "Qin", "Jiarui", "" ], [ "Tang", "Ruiming", "" ], [ "Zhang", "Weinan", "" ], [ "Yu", "Yong", "" ] ]
1new_dataset
1812.02529
Haifeng Wang
Haifeng Wang
Utilizing Imbalanced Data and Classification Cost Matrix to Predict Movie Preferences
12 pages, 4 figures
International Journal of Artificial Intelligence and Applications (IJAIA), Vol.9, No.6, November 2018
10.5121/ijaia.2018.9601
null
cs.IR cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper, we propose a movie genre recommendation system based on imbalanced survey data and unequal classification costs for small and medium-sized enterprises (SMEs) who need a data-based and analytical approach to stock favored movies and target marketing to young people. The dataset maintains a detailed personal profile as predictors including demographic, behavioral and preferences information for each user as well as imbalanced genre preferences. These predictors do not include the information such as actors or directors. The paper applies Gentle boost, Adaboost and Bagged tree ensembles as well as SVM machine learning algorithms to learn classification from one thousand observations and predict movie genre preferences with adjusted classification costs. The proposed recommendation system also selects important predictors to avoid overfitting and to shorten training time. This paper compares the test error among the above-mentioned algorithms that are used to recommend different movie genres. The prediction power is also indicated in a comparison of precision and recall with other state-of-the-art recommendation systems. The proposed movie genre recommendation system solves problems such as small dataset, imbalanced response, and unequal classification costs.
[ { "created": "Tue, 4 Dec 2018 15:28:45 GMT", "version": "v1" } ]
"2018-12-07T00:00:00"
[ [ "Wang", "Haifeng", "" ] ]
1new_dataset
2205.01859
Shaohua Wang
Yi Li, Shaohua Wang, Tien N. Nguyen
DEAR: A Novel Deep Learning-based Approach for Automated Program Repair
null
null
null
null
cs.SE
http://creativecommons.org/licenses/by-nc-nd/4.0/
The existing deep learning (DL)-based automated program repair (APR) models are limited in fixing general software defects. % We present {\tool}, a DL-based approach that supports fixing for the general bugs that require dependent changes at once to one or multiple consecutive statements in one or multiple hunks of code. % We first design a novel fault localization (FL) technique for multi-hunk, multi-statement fixes that combines traditional spectrum-based (SB) FL with deep learning and data-flow analysis. It takes the buggy statements returned by the SBFL model, detects the buggy hunks to be fixed at once, and expands a buggy statement $s$ in a hunk to include other suspicious statements around $s$. We design a two-tier, tree-based LSTM model that incorporates cycle training and uses a divide-and-conquer strategy to learn proper code transformations for fixing multiple statements in the suitable fixing context consisting of surrounding subtrees. We conducted several experiments to evaluate {\tool} on three datasets: Defects4J (395 bugs), BigFix (+26k bugs), and CPatMiner (+44k bugs). On Defects4J dataset, {\tool} outperforms the baselines from 42\%--683\% in terms of the number of auto-fixed bugs with only the top-1 patches. On BigFix dataset, it fixes 31--145 more bugs than existing DL-based APR models with the top-1 patches. On CPatMiner dataset, among 667 fixed bugs, there are 169 (25.3\%) multi-hunk/multi-statement bugs. {\tool} fixes 71 and 164 more bugs, including 52 and 61 more multi-hunk/multi-statement bugs, than the state-of-the-art, DL-based APR models.
[ { "created": "Wed, 4 May 2022 02:29:40 GMT", "version": "v1" } ]
"2022-05-05T00:00:00"
[ [ "Li", "Yi", "" ], [ "Wang", "Shaohua", "" ], [ "Nguyen", "Tien N.", "" ] ]
0no_new_dataset
2012.13392
Chen Chen
Ce Zheng and Wenhan Wu and Chen Chen and Taojiannan Yang and Sijie Zhu and Ju Shen and Nasser Kehtarnavaz and Mubarak Shah
Deep Learning-Based Human Pose Estimation: A Survey
null
null
null
null
cs.CV cs.GR cs.MM
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Human pose estimation aims to locate the human body parts and build human body representation (e.g., body skeleton) from input data such as images and videos. It has drawn increasing attention during the past decade and has been utilized in a wide range of applications including human-computer interaction, motion analysis, augmented reality, and virtual reality. Although the recently developed deep learning-based solutions have achieved high performance in human pose estimation, there still remain challenges due to insufficient training data, depth ambiguities, and occlusion. The goal of this survey paper is to provide a comprehensive review of recent deep learning-based solutions for both 2D and 3D pose estimation via a systematic analysis and comparison of these solutions based on their input data and inference procedures. More than 250 research papers since 2014 are covered in this survey. Furthermore, 2D and 3D human pose estimation datasets and evaluation metrics are included. Quantitative performance comparisons of the reviewed methods on popular datasets are summarized and discussed. Finally, the challenges involved, applications, and future research directions are concluded. A regularly updated project page is provided: \url{https://github.com/zczcwh/DL-HPE}
[ { "created": "Thu, 24 Dec 2020 18:49:06 GMT", "version": "v1" }, { "created": "Sun, 27 Dec 2020 21:50:33 GMT", "version": "v2" }, { "created": "Sat, 2 Jan 2021 19:24:54 GMT", "version": "v3" }, { "created": "Sun, 23 Jan 2022 18:52:19 GMT", "version": "v4" }, { "created": "Mon, 3 Jul 2023 21:21:19 GMT", "version": "v5" } ]
"2023-07-06T00:00:00"
[ [ "Zheng", "Ce", "" ], [ "Wu", "Wenhan", "" ], [ "Chen", "Chen", "" ], [ "Yang", "Taojiannan", "" ], [ "Zhu", "Sijie", "" ], [ "Shen", "Ju", "" ], [ "Kehtarnavaz", "Nasser", "" ], [ "Shah", "Mubarak", "" ] ]
0no_new_dataset
2003.07792
Charles Dawson
Charles Dawson (1), Andreas Hofmann (1), Brian Williams (1) ((1) Massachusetts Institute of Technology)
Fast Certification of Collision Probability Bounds with Uncertain Convex Obstacles
Submitted to RSS 2020
null
null
null
cs.RO
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
To operate reactively in uncertain environments, robots need to be able to quickly estimate the risk that they will collide with their environment. This ability is important for both planning (to ensure that plans maintain acceptable levels of safety) and execution (to provide real-time warnings when risk exceeds some threshold). Existing methods for estimating this risk are often limited to models with simplified geometry (e.g. point robots); others handle complex geometry but are too slow for many applications. In this paper, we present two algorithms for quickly computing upper bounds on the risk of collision between a robot and uncertain obstacles by searching for certificate regions that capture collision probability mass while avoiding the robot. These algorithms come with strong theoretical guarantees that the true risk does not exceed the estimated value, support arbitrary geometry via convex decomposition, and provide fast query times ($<200\mu$s) in representative scenarios. We characterize the performance of these algorithms in environments of varying complexity, demonstrating at least an order of magnitude speedup over existing techniques.
[ { "created": "Tue, 17 Mar 2020 16:15:53 GMT", "version": "v1" } ]
"2020-03-18T00:00:00"
[ [ "Dawson", "Charles", "" ], [ "Hofmann", "Andreas", "" ], [ "Williams", "Brian", "" ] ]
0no_new_dataset
2307.07396
Thibault Marette
Thibault Marette, Pauli Miettinen and Stefan Neumann
Visualizing Overlapping Biclusterings and Boolean Matrix Factorizations
17 pages, 7 figures, to be published in ECML PKDD 2023
null
null
null
cs.LG
http://creativecommons.org/licenses/by/4.0/
Finding (bi-)clusters in bipartite graphs is a popular data analysis approach. Analysts typically want to visualize the clusters, which is simple as long as the clusters are disjoint. However, many modern algorithms find overlapping clusters, making visualization more complicated. In this paper, we study the problem of visualizing \emph{a given clustering} of overlapping clusters in bipartite graphs and the related problem of visualizing Boolean Matrix Factorizations. We conceptualize three different objectives that any good visualization should satisfy: (1) proximity of cluster elements, (2) large consecutive areas of elements from the same cluster, and (3) large uninterrupted areas in the visualization, regardless of the cluster membership. We provide objective functions that capture these goals and algorithms that optimize these objective functions. Interestingly, in experiments on real-world datasets, we find that the best trade-off between these competing goals is achieved by a novel heuristic, which locally aims to place rows and columns with similar cluster membership next to each other.
[ { "created": "Fri, 14 Jul 2023 15:12:55 GMT", "version": "v1" } ]
"2023-07-17T00:00:00"
[ [ "Marette", "Thibault", "" ], [ "Miettinen", "Pauli", "" ], [ "Neumann", "Stefan", "" ] ]
0no_new_dataset
1908.07966
Anup Das
Shihao Song and Anup Das and Onur Mutlu and Nagarajan Kandasamy
Enabling and Exploiting Partition-Level Parallelism (PALP) in Phase Change Memories
13 pages, 16 figures, 71 references. Published at ACM CASES 2019
null
null
null
cs.AR cs.ET
http://creativecommons.org/licenses/by/4.0/
Phase-change memory (PCM) devices have multiple banks to serve memory requests in parallel. Unfortunately, if two requests go to the same bank, they have to be served one after another, leading to lower system performance. We observe that a modern PCM bank is implemented as a collection of partitions that operate mostly independently while sharing a few global peripheral structures, which include the sense amplifiers (to read) and the write drivers (to write). Based on this observation, we propose PALP, a new mechanism that enables partition-level parallelism within each PCM bank, and exploits such parallelism by using the memory controller's access scheduling decisions. PALP consists of three new contributions. First, we introduce new PCM commands to enable parallelism in a bank's partitions in order to resolve the read-write bank conflicts, with minimal changes needed to PCM logic and its interface. Second, we propose simple circuit modifications that introduce a new operating mode for the write drivers, in addition to their default mode of serving write requests. When configured in this new mode, the write drivers can resolve the read-read bank conflicts, working jointly with the sense amplifiers. Finally, we propose a new access scheduling mechanism in PCM that improves performance by prioritizing those requests that exploit partition-level parallelism over other requests, including the long outstanding ones. While doing so, the memory controller also guarantees starvation-freedom and the PCM's running-average-power-limit (RAPL). We evaluate PALP with workloads from the MiBench and SPEC CPU2017 Benchmark suites. Our results show that PALP reduces average PCM access latency by 23%, and improves average system performance by 28% compared to the state-of-the-art approaches.
[ { "created": "Wed, 21 Aug 2019 16:19:25 GMT", "version": "v1" } ]
"2019-08-22T00:00:00"
[ [ "Song", "Shihao", "" ], [ "Das", "Anup", "" ], [ "Mutlu", "Onur", "" ], [ "Kandasamy", "Nagarajan", "" ] ]
0no_new_dataset
2303.02916
Jia Ao Sun
Jia Ao Sun, Sikha Pentyala, Martine De Cock, Golnoosh Farnadi
Privacy-Preserving Fair Item Ranking
null
null
null
null
cs.IR cs.CR cs.CY
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Users worldwide access massive amounts of curated data in the form of rankings on a daily basis. The societal impact of this ease of access has been studied and work has been done to propose and enforce various notions of fairness in rankings. Current computational methods for fair item ranking rely on disclosing user data to a centralized server, which gives rise to privacy concerns for the users. This work is the first to advance research at the conjunction of producer (item) fairness and consumer (user) privacy in rankings by exploring the incorporation of privacy-preserving techniques; specifically, differential privacy and secure multi-party computation. Our work extends the equity of amortized attention ranking mechanism to be privacy-preserving, and we evaluate its effects with respect to privacy, fairness, and ranking quality. Our results using real-world datasets show that we are able to effectively preserve the privacy of users and mitigate unfairness of items without making additional sacrifices to the quality of rankings in comparison to the ranking mechanism in the clear.
[ { "created": "Mon, 6 Mar 2023 06:21:20 GMT", "version": "v1" } ]
"2023-03-07T00:00:00"
[ [ "Sun", "Jia Ao", "" ], [ "Pentyala", "Sikha", "" ], [ "De Cock", "Martine", "" ], [ "Farnadi", "Golnoosh", "" ] ]
0no_new_dataset
2105.13318
Felix Stahlberg
Felix Stahlberg and Shankar Kumar
Synthetic Data Generation for Grammatical Error Correction with Tagged Corruption Models
Proceedings of the 16th Workshop on Innovative Use of NLP for Building Educational Applications, 2021. https://github.com/google-research-datasets/C4_200M-synthetic-dataset-for-grammatical-error-correction
null
null
null
cs.CL
http://creativecommons.org/licenses/by/4.0/
Synthetic data generation is widely known to boost the accuracy of neural grammatical error correction (GEC) systems, but existing methods often lack diversity or are too simplistic to generate the broad range of grammatical errors made by human writers. In this work, we use error type tags from automatic annotation tools such as ERRANT to guide synthetic data generation. We compare several models that can produce an ungrammatical sentence given a clean sentence and an error type tag. We use these models to build a new, large synthetic pre-training data set with error tag frequency distributions matching a given development set. Our synthetic data set yields large and consistent gains, improving the state-of-the-art on the BEA-19 and CoNLL-14 test sets. We also show that our approach is particularly effective in adapting a GEC system, trained on mixed native and non-native English, to a native English test set, even surpassing real training data consisting of high-quality sentence pairs.
[ { "created": "Thu, 27 May 2021 17:17:21 GMT", "version": "v1" } ]
"2021-05-28T00:00:00"
[ [ "Stahlberg", "Felix", "" ], [ "Kumar", "Shankar", "" ] ]
1new_dataset
2403.06174
Jianting Chen
Jianting Chen, Ling Ding, Yunxiao Yang, Zaiyuan Di, and Yang Xiang
Domain Adversarial Active Learning for Domain Generalization Classification
null
null
null
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Domain generalization models aim to learn cross-domain knowledge from source domain data, to improve performance on unknown target domains. Recent research has demonstrated that diverse and rich source domain samples can enhance domain generalization capability. This paper argues that the impact of each sample on the model's generalization ability varies. Despite its small scale, a high-quality dataset can still attain a certain level of generalization ability. Motivated by this, we propose a domain-adversarial active learning (DAAL) algorithm for classification tasks in domain generalization. First, we analyze that the objective of tasks is to maximize the inter-class distance within the same domain and minimize the intra-class distance across different domains. To achieve this objective, we design a domain adversarial selection method that prioritizes challenging samples. Second, we posit that even in a converged model, there are subsets of features that lack discriminatory power within each domain. We attempt to identify these feature subsets and optimize them by a constraint loss. We validate and analyze our DAAL algorithm on multiple domain generalization datasets, comparing it with various domain generalization algorithms and active learning algorithms. Our results demonstrate that the DAAL algorithm can achieve strong generalization ability with fewer data resources, thereby reducing data annotation costs in domain generalization tasks.
[ { "created": "Sun, 10 Mar 2024 10:59:22 GMT", "version": "v1" } ]
"2024-03-12T00:00:00"
[ [ "Chen", "Jianting", "" ], [ "Ding", "Ling", "" ], [ "Yang", "Yunxiao", "" ], [ "Di", "Zaiyuan", "" ], [ "Xiang", "Yang", "" ] ]
0no_new_dataset
2012.12261
Xuan Luo
Xuan Luo, Xuaner Zhang, Paul Yoo, Ricardo Martin-Brualla, Jason Lawrence, Steven M. Seitz
Time-Travel Rephotography
SIGGRAPH Asia 2021. Project Page: https://time-travel-rephotography.github.io Video: https://youtu.be/ceIopN2UZ_s
ACM Transactions on Graphics. 40 (2021) 1-12
10.1145/3478513.3480485
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Many historical people were only ever captured by old, faded, black and white photos, that are distorted due to the limitations of early cameras and the passage of time. This paper simulates traveling back in time with a modern camera to rephotograph famous subjects. Unlike conventional image restoration filters which apply independent operations like denoising, colorization, and superresolution, we leverage the StyleGAN2 framework to project old photos into the space of modern high-resolution photos, achieving all of these effects in a unified framework. A unique challenge with this approach is retaining the identity and pose of the subject in the original photo, while discarding the many artifacts frequently seen in low-quality antique photos. Our comparisons to current state-of-the-art restoration filters show significant improvements and compelling results for a variety of important historical people.
[ { "created": "Tue, 22 Dec 2020 18:59:12 GMT", "version": "v1" }, { "created": "Mon, 13 Dec 2021 18:59:23 GMT", "version": "v2" } ]
"2021-12-14T00:00:00"
[ [ "Luo", "Xuan", "" ], [ "Zhang", "Xuaner", "" ], [ "Yoo", "Paul", "" ], [ "Martin-Brualla", "Ricardo", "" ], [ "Lawrence", "Jason", "" ], [ "Seitz", "Steven M.", "" ] ]
0no_new_dataset
2108.00832
Alexander Felfernig
Alexander Felfernig
AI Techniques for Software Requirements Prioritization
Preprint, cite as: A. Felfernig, AI Techniques for Software Requirements Prioritization. In: M. Kalech and R. Abreu and M. Last (Eds), Artificial Intelligence Methods for Software Engineering (pp. 29-47). World Scientific, 2021
null
null
null
cs.SE cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Aspects such as limited resources, frequently changing market demands, and different technical restrictions regarding the implementation of software requirements (features) often demand for the prioritization of requirements. The task of prioritization is the ranking and selection of requirements that should be included in future software releases. In this context, an intelligent prioritization decision support is extremely important. The prioritization approaches discussed in this paper are based on different Artificial Intelligence (AI) techniques that can help to improve the overall quality of requirements prioritization processes
[ { "created": "Mon, 2 Aug 2021 12:43:00 GMT", "version": "v1" } ]
"2021-08-03T00:00:00"
[ [ "Felfernig", "Alexander", "" ] ]
0no_new_dataset
2006.04152
Canwen Xu
Wangchunshu Zhou and Canwen Xu and Tao Ge and Julian McAuley and Ke Xu and Furu Wei
BERT Loses Patience: Fast and Robust Inference with Early Exit
NeurIPS 2020
null
null
null
cs.CL cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper, we propose Patience-based Early Exit, a straightforward yet effective inference method that can be used as a plug-and-play technique to simultaneously improve the efficiency and robustness of a pretrained language model (PLM). To achieve this, our approach couples an internal-classifier with each layer of a PLM and dynamically stops inference when the intermediate predictions of the internal classifiers remain unchanged for a pre-defined number of steps. Our approach improves inference efficiency as it allows the model to make a prediction with fewer layers. Meanwhile, experimental results with an ALBERT model show that our method can improve the accuracy and robustness of the model by preventing it from overthinking and exploiting multiple classifiers for prediction, yielding a better accuracy-speed trade-off compared to existing early exit methods.
[ { "created": "Sun, 7 Jun 2020 13:38:32 GMT", "version": "v1" }, { "created": "Mon, 29 Jun 2020 04:46:19 GMT", "version": "v2" }, { "created": "Thu, 22 Oct 2020 06:37:36 GMT", "version": "v3" } ]
"2020-10-23T00:00:00"
[ [ "Zhou", "Wangchunshu", "" ], [ "Xu", "Canwen", "" ], [ "Ge", "Tao", "" ], [ "McAuley", "Julian", "" ], [ "Xu", "Ke", "" ], [ "Wei", "Furu", "" ] ]
0no_new_dataset
2004.01658
Li Jiang
Li Jiang, Hengshuang Zhao, Shaoshuai Shi, Shu Liu, Chi-Wing Fu, Jiaya Jia
PointGroup: Dual-Set Point Grouping for 3D Instance Segmentation
CVPR 2020
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Instance segmentation is an important task for scene understanding. Compared to the fully-developed 2D, 3D instance segmentation for point clouds have much room to improve. In this paper, we present PointGroup, a new end-to-end bottom-up architecture, specifically focused on better grouping the points by exploring the void space between objects. We design a two-branch network to extract point features and predict semantic labels and offsets, for shifting each point towards its respective instance centroid. A clustering component is followed to utilize both the original and offset-shifted point coordinate sets, taking advantage of their complementary strength. Further, we formulate the ScoreNet to evaluate the candidate instances, followed by the Non-Maximum Suppression (NMS) to remove duplicates. We conduct extensive experiments on two challenging datasets, ScanNet v2 and S3DIS, on which our method achieves the highest performance, 63.6% and 64.0%, compared to 54.9% and 54.4% achieved by former best solutions in terms of mAP with IoU threshold 0.5.
[ { "created": "Fri, 3 Apr 2020 16:26:37 GMT", "version": "v1" } ]
"2020-04-06T00:00:00"
[ [ "Jiang", "Li", "" ], [ "Zhao", "Hengshuang", "" ], [ "Shi", "Shaoshuai", "" ], [ "Liu", "Shu", "" ], [ "Fu", "Chi-Wing", "" ], [ "Jia", "Jiaya", "" ] ]
1new_dataset
1511.06233
Abhijit Bendale
Abhijit Bendale, Terrance Boult
Towards Open Set Deep Networks
null
null
null
null
cs.CV cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Deep networks have produced significant gains for various visual recognition problems, leading to high impact academic and commercial applications. Recent work in deep networks highlighted that it is easy to generate images that humans would never classify as a particular object class, yet networks classify such images high confidence as that given class - deep network are easily fooled with images humans do not consider meaningful. The closed set nature of deep networks forces them to choose from one of the known classes leading to such artifacts. Recognition in the real world is open set, i.e. the recognition system should reject unknown/unseen classes at test time. We present a methodology to adapt deep networks for open set recognition, by introducing a new model layer, OpenMax, which estimates the probability of an input being from an unknown class. A key element of estimating the unknown probability is adapting Meta-Recognition concepts to the activation patterns in the penultimate layer of the network. OpenMax allows rejection of "fooling" and unrelated open set images presented to the system; OpenMax greatly reduces the number of obvious errors made by a deep network. We prove that the OpenMax concept provides bounded open space risk, thereby formally providing an open set recognition solution. We evaluate the resulting open set deep networks using pre-trained networks from the Caffe Model-zoo on ImageNet 2012 validation data, and thousands of fooling and open set images. The proposed OpenMax model significantly outperforms open set recognition accuracy of basic deep networks as well as deep networks with thresholding of SoftMax probabilities.
[ { "created": "Thu, 19 Nov 2015 16:13:55 GMT", "version": "v1" } ]
"2015-11-20T00:00:00"
[ [ "Bendale", "Abhijit", "" ], [ "Boult", "Terrance", "" ] ]
0no_new_dataset
1204.2203
Istvan David
Istvan David
A model-driven approach for processing complex events
null
null
null
null
cs.SE cs.PL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
By adequate employing of complex event processing (CEP), valuable information can be extracted from the underlying complex system and used in controlling and decision situations. An example application area is management of IT systems for maintaining required dependability attributes of services based on the infrastructure. In practice, one usually faces the problem of the vast number of distributed event sources, which makes depicting complex event patterns a non-trivial task. In this paper, I present a novel, model-driven approach to define complex event patterns and directly generate event processing configuration for an open source CEP engine widely used in the industry. One of the key results of my research work is a textual modeling language called Complex Event Description Language (CEDL), which will be presented by its algebraic semantics and some typical examples.
[ { "created": "Tue, 10 Apr 2012 16:03:12 GMT", "version": "v1" }, { "created": "Thu, 26 Apr 2012 15:43:56 GMT", "version": "v2" }, { "created": "Wed, 1 Aug 2012 17:33:53 GMT", "version": "v3" } ]
"2012-08-02T00:00:00"
[ [ "David", "Istvan", "" ] ]
0no_new_dataset
2005.01246
Raviteja Anantha
Raviteja Anantha, Stephen Pulman, and Srinivas Chappidi
Generalized Reinforcement Meta Learning for Few-Shot Optimization
10 pages, 4 figures, 4 tables, 2 algorithms, ICML conference
null
null
null
cs.LG cs.AI stat.ML
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We present a generic and flexible Reinforcement Learning (RL) based meta-learning framework for the problem of few-shot learning. During training, it learns the best optimization algorithm to produce a learner (ranker/classifier, etc) by exploiting stable patterns in loss surfaces. Our method implicitly estimates the gradients of a scaled loss function while retaining the general properties intact for parameter updates. Besides providing improved performance on few-shot tasks, our framework could be easily extended to do network architecture search. We further propose a novel dual encoder, affinity-score based decoder topology that achieves additional improvements to performance. Experiments on an internal dataset, MQ2007, and AwA2 show our approach outperforms existing alternative approaches by 21%, 8%, and 4% respectively on accuracy and NDCG metrics. On Mini-ImageNet dataset our approach achieves comparable results with Prototypical Networks. Empirical evaluations demonstrate that our approach provides a unified and effective framework.
[ { "created": "Mon, 4 May 2020 03:21:05 GMT", "version": "v1" } ]
"2020-05-05T00:00:00"
[ [ "Anantha", "Raviteja", "" ], [ "Pulman", "Stephen", "" ], [ "Chappidi", "Srinivas", "" ] ]
0no_new_dataset
2211.06570
Subhash Nerella
Subhash Nerella, Kia Khezeli, Andrea Davidson, Patrick Tighe, Azra Bihorac, Parisa Rashidi
End-to-End Machine Learning Framework for Facial AU Detection in Intensive Care Units
null
null
null
null
cs.CV cs.AI
http://creativecommons.org/licenses/by/4.0/
Pain is a common occurrence among patients admitted to Intensive Care Units. Pain assessment in ICU patients still remains a challenge for clinicians and ICU staff, specifically in cases of non-verbal sedated, mechanically ventilated, and intubated patients. Current manual observation-based pain assessment tools are limited by the frequency of pain observations administered and are subjective to the observer. Facial behavior is a major component in observation-based tools. Furthermore, previous literature shows the feasibility of painful facial expression detection using facial action units (AUs). However, these approaches are limited to controlled or semi-controlled environments and have never been validated in clinical settings. In this study, we present our Pain-ICU dataset, the largest dataset available targeting facial behavior analysis in the dynamic ICU environment. Our dataset comprises 76,388 patient facial image frames annotated with AUs obtained from 49 adult patients admitted to ICUs at the University of Florida Health Shands hospital. In this work, we evaluated two vision transformer models, namely ViT and SWIN, for AU detection on our Pain-ICU dataset and also external datasets. We developed a completely end-to-end AU detection pipeline with the objective of performing real-time AU detection in the ICU. The SWIN transformer Base variant achieved 0.88 F1-score and 0.85 accuracy on the held-out test partition of the Pain-ICU dataset.
[ { "created": "Sat, 12 Nov 2022 04:43:16 GMT", "version": "v1" } ]
"2022-11-15T00:00:00"
[ [ "Nerella", "Subhash", "" ], [ "Khezeli", "Kia", "" ], [ "Davidson", "Andrea", "" ], [ "Tighe", "Patrick", "" ], [ "Bihorac", "Azra", "" ], [ "Rashidi", "Parisa", "" ] ]
1new_dataset
1302.0750
Nelma Moreira
Eva Maia and Nelma Moreira and Rog\'erio Reis
Incomplete Transition Complexity of Basic Operations on Finite Languages
13 pages
null
null
null
cs.FL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
The state complexity of basic operations on finite languages (considering complete DFAs) has been in studied the literature. In this paper we study the incomplete (deterministic) state and transition complexity on finite languages of boolean operations, concatenation, star, and reversal. For all operations we give tight upper bounds for both description measures. We correct the published state complexity of concatenation for complete DFAs and provide a tight upper bound for the case when the right automaton is larger than the left one. For all binary operations the tightness is proved using family languages with a variable alphabet size. In general the operational complexities depend not only on the complexities of the operands but also on other refined measures.
[ { "created": "Mon, 4 Feb 2013 16:49:34 GMT", "version": "v1" } ]
"2013-02-05T00:00:00"
[ [ "Maia", "Eva", "" ], [ "Moreira", "Nelma", "" ], [ "Reis", "Rogério", "" ] ]
0no_new_dataset
2210.16565
Vladimir Burichenko
V.P.Burichenko
The isotropy group of the matrix multiplication tensor
14 pages. arXiv admin note: text overlap with arXiv:1508.01110
Trudy Instituta Matematiki (= Proceedings of the Institute of mathematics), 24 (2016), No.2, 106--118
null
null
cs.CC math.RT
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
By an {\em isotropy group} of a tensor $t\in V_1 \otimes V_2\otimes V_3=\widetilde V$ we mean the group of all invertible linear transformations of $\widetilde V$ that leave $t$ invariant and are compatible (in an obvious sense) with the structure of tensor product on~$\widetilde V$. We consider the case where $t$ is the structure tensor of multiplication map of rectangular matrices. The isotropy group of this tensor was studied in 1970s by de Groote, Strassen, and Brockett-Dobkin. In the present work we enlarge, make more precise, expose in the language of group actions on tensor spaces, and endow with proofs the results previously known. This is necessary for studying the algorithms of fast matrix multiplication admitting symmetries. The latter seems to be a promising new way for constructing fast algorithms.
[ { "created": "Sat, 29 Oct 2022 10:42:21 GMT", "version": "v1" } ]
"2022-11-01T00:00:00"
[ [ "Burichenko", "V. P.", "" ] ]
0no_new_dataset
2404.16994
Lin Xu
Lin Xu, Yilin Zhao, Daquan Zhou, Zhijie Lin, See Kiong Ng, Jiashi Feng
PLLaVA : Parameter-free LLaVA Extension from Images to Videos for Video Dense Captioning
null
null
null
null
cs.CV
http://creativecommons.org/licenses/by-nc-nd/4.0/
Vision-language pre-training has significantly elevated performance across a wide range of image-language applications. Yet, the pre-training process for video-related tasks demands exceptionally large computational and data resources, which hinders the progress of video-language models. This paper investigates a straight-forward, highly efficient, and resource-light approach to adapting an existing image-language pre-trained model for dense video understanding. Our preliminary experiments reveal that directly fine-tuning pre-trained image-language models with multiple frames as inputs on video datasets leads to performance saturation or even a drop. Our further investigation reveals that it is largely attributed to the bias of learned high-norm visual features. Motivated by this finding, we propose a simple but effective pooling strategy to smooth the feature distribution along the temporal dimension and thus reduce the dominant impacts from the extreme features. The new model is termed Pooling LLaVA, or PLLaVA in short. PLLaVA achieves new state-of-the-art performance on modern benchmark datasets for both video question-answer and captioning tasks. Notably, on the recent popular VideoChatGPT benchmark, PLLaVA achieves a score of 3.48 out of 5 on average of five evaluated dimensions, exceeding the previous SOTA results from GPT4V (IG-VLM) by 9%. On the latest multi-choice benchmark MVBench, PLLaVA achieves 58.1% accuracy on average across 20 sub-tasks, 14.5% higher than GPT4V (IG-VLM). Code is available at https://pllava.github.io/
[ { "created": "Thu, 25 Apr 2024 19:29:55 GMT", "version": "v1" }, { "created": "Mon, 29 Apr 2024 14:52:02 GMT", "version": "v2" } ]
"2024-04-30T00:00:00"
[ [ "Xu", "Lin", "" ], [ "Zhao", "Yilin", "" ], [ "Zhou", "Daquan", "" ], [ "Lin", "Zhijie", "" ], [ "Ng", "See Kiong", "" ], [ "Feng", "Jiashi", "" ] ]
0no_new_dataset
2301.04019
Ying Wei
Shuailei Ma, Yuefeng Wang, Shanze Wang and Ying Wei
FGAHOI: Fine-Grained Anchors for Human-Object Interaction Detection
null
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Human-Object Interaction (HOI), as an important problem in computer vision, requires locating the human-object pair and identifying the interactive relationships between them. The HOI instance has a greater span in spatial, scale, and task than the individual object instance, making its detection more susceptible to noisy backgrounds. To alleviate the disturbance of noisy backgrounds on HOI detection, it is necessary to consider the input image information to generate fine-grained anchors which are then leveraged to guide the detection of HOI instances. However, it is challenging for the following reasons. i) how to extract pivotal features from the images with complex background information is still an open question. ii) how to semantically align the extracted features and query embeddings is also a difficult issue. In this paper, a novel end-to-end transformer-based framework (FGAHOI) is proposed to alleviate the above problems. FGAHOI comprises three dedicated components namely, multi-scale sampling (MSS), hierarchical spatial-aware merging (HSAM) and task-aware merging mechanism (TAM). MSS extracts features of humans, objects and interaction areas from noisy backgrounds for HOI instances of various scales. HSAM and TAM semantically align and merge the extracted features and query embeddings in the hierarchical spatial and task perspectives in turn. In the meanwhile, a novel training strategy Stage-wise Training Strategy is designed to reduce the training pressure caused by overly complex tasks done by FGAHOI. In addition, we propose two ways to measure the difficulty of HOI detection and a novel dataset, i.e., HOI-SDC for the two challenges (Uneven Distributed Area in Human-Object Pairs and Long Distance Visual Modeling of Human-Object Pairs) of HOI instances detection.
[ { "created": "Sun, 8 Jan 2023 03:53:50 GMT", "version": "v1" } ]
"2023-01-11T00:00:00"
[ [ "Ma", "Shuailei", "" ], [ "Wang", "Yuefeng", "" ], [ "Wang", "Shanze", "" ], [ "Wei", "Ying", "" ] ]
1new_dataset
2406.04138
Drew Linsley
Drew Linsley, Peisen Zhou, Alekh Karkada Ashok, Akash Nagaraj, Gaurav Gaonkar, Francis E Lewis, Zygmunt Pizlo, Thomas Serre
The 3D-PC: a benchmark for visual perspective taking in humans and machines
null
null
null
null
cs.CV cs.HC
http://creativecommons.org/licenses/by/4.0/
Visual perspective taking (VPT) is the ability to perceive and reason about the perspectives of others. It is an essential feature of human intelligence, which develops over the first decade of life and requires an ability to process the 3D structure of visual scenes. A growing number of reports have indicated that deep neural networks (DNNs) become capable of analyzing 3D scenes after training on large image datasets. We investigated if this emergent ability for 3D analysis in DNNs is sufficient for VPT with the 3D perception challenge (3D-PC): a novel benchmark for 3D perception in humans and DNNs. The 3D-PC is comprised of three 3D-analysis tasks posed within natural scene images: 1. a simple test of object depth order, 2. a basic VPT task (VPT-basic), and 3. another version of VPT (VPT-Strategy) designed to limit the effectiveness of "shortcut" visual strategies. We tested human participants (N=33) and linearly probed or text-prompted over 300 DNNs on the challenge and found that nearly all of the DNNs approached or exceeded human accuracy in analyzing object depth order. Surprisingly, DNN accuracy on this task correlated with their object recognition performance. In contrast, there was an extraordinary gap between DNNs and humans on VPT-basic. Humans were nearly perfect, whereas most DNNs were near chance. Fine-tuning DNNs on VPT-basic brought them close to human performance, but they, unlike humans, dropped back to chance when tested on VPT-perturb. Our challenge demonstrates that the training routines and architectures of today's DNNs are well-suited for learning basic 3D properties of scenes and objects but are ill-suited for reasoning about these properties like humans do. We release our 3D-PC datasets and code to help bridge this gap in 3D perception between humans and machines.
[ { "created": "Thu, 6 Jun 2024 14:59:39 GMT", "version": "v1" } ]
"2024-06-07T00:00:00"
[ [ "Linsley", "Drew", "" ], [ "Zhou", "Peisen", "" ], [ "Ashok", "Alekh Karkada", "" ], [ "Nagaraj", "Akash", "" ], [ "Gaonkar", "Gaurav", "" ], [ "Lewis", "Francis E", "" ], [ "Pizlo", "Zygmunt", "" ], [ "Serre", "Thomas", "" ] ]
1new_dataset
2210.06413
Jason Phang
Jason Phang, Herbie Bradley, Leo Gao, Louis Castricato, Stella Biderman
EleutherAI: Going Beyond "Open Science" to "Science in the Open"
null
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Over the past two years, EleutherAI has established itself as a radically novel initiative aimed at both promoting open-source research and conducting research in a transparent, openly accessible and collaborative manner. EleutherAI's approach to research goes beyond transparency: by doing research entirely in public, anyone in the world can observe and contribute at every stage. Our work has been received positively and has resulted in several high-impact projects in Natural Language Processing and other fields. In this paper, we describe our experience doing public-facing machine learning research, the benefits we believe this approach brings, and the pitfalls we have encountered.
[ { "created": "Wed, 12 Oct 2022 17:06:53 GMT", "version": "v1" } ]
"2022-10-13T00:00:00"
[ [ "Phang", "Jason", "" ], [ "Bradley", "Herbie", "" ], [ "Gao", "Leo", "" ], [ "Castricato", "Louis", "" ], [ "Biderman", "Stella", "" ] ]
0no_new_dataset
2006.06894
Natasha Noy
Omar Benjelloun and Shiyu Chen and Natasha Noy
Google Dataset Search by the Numbers
null
null
null
null
cs.IR cs.DB
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Scientists, governments, and companies increasingly publish datasets on the Web. Google's Dataset Search extracts dataset metadata -- expressed using schema.org and similar vocabularies -- from Web pages in order to make datasets discoverable. Since we started the work on Dataset Search in 2016, the number of datasets described in schema.org has grown from about 500K to almost 30M. Thus, this corpus has become a valuable snapshot of data on the Web. To the best of our knowledge, this corpus is the largest and most diverse of its kind. We analyze this corpus and discuss where the datasets originate from, what topics they cover, which form they take, and what people searching for datasets are interested in. Based on this analysis, we identify gaps and possible future work to help make data more discoverable.
[ { "created": "Fri, 12 Jun 2020 00:54:15 GMT", "version": "v1" } ]
"2020-06-15T00:00:00"
[ [ "Benjelloun", "Omar", "" ], [ "Chen", "Shiyu", "" ], [ "Noy", "Natasha", "" ] ]
1new_dataset
2209.05672
Dasharadhan Mahalingam
Dasharadhan Mahalingam, Nilanjan Chakraborty
Human-Guided Planning for Complex Manipulation Tasks Using the Screw Geometry of Motion
null
null
null
null
cs.RO
http://creativecommons.org/licenses/by-nc-nd/4.0/
In this paper, we present a novel method of motion planning for performing complex manipulation tasks by using human demonstration and exploiting the screw geometry of motion. We consider complex manipulation tasks where there are constraints on the motion of the end effector of the robot. Examples of such tasks include opening a door, opening a drawer, transferring granular material from one container to another with a spoon, and loading dishes to a dishwasher. Our approach consists of two steps: First, using the fact that a motion in the task space of the robot can be approximated by using a sequence of constant screw motions, we segment a human demonstration into a sequence of constant screw motions. Second, we use the segmented screws to generate motion plans via screw-linear interpolation for other instances of the same task. The use of screw segmentation allows us to capture the invariants of the demonstrations in a coordinate-free fashion, thus allowing us to plan for different task instances from just one example. We present extensive experimental results on a variety of manipulation scenarios showing that our method can be used across a wide range of manipulation tasks.
[ { "created": "Tue, 13 Sep 2022 00:56:47 GMT", "version": "v1" }, { "created": "Sat, 24 Sep 2022 19:31:12 GMT", "version": "v2" } ]
"2022-09-27T00:00:00"
[ [ "Mahalingam", "Dasharadhan", "" ], [ "Chakraborty", "Nilanjan", "" ] ]
0no_new_dataset
2211.12422
Zhaoyang Cao
Zhaoyang Cao, Han Yu, Huiyuan Yang, Akane Sano
PiRL: Participant-Invariant Representation Learning for Healthcare
null
null
null
null
cs.LG eess.SP
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Due to individual heterogeneity, performance gaps are observed between generic (one-size-fits-all) models and person-specific models in data-driven health applications. However, in real-world applications, generic models are usually more favorable due to new-user-adaptation issues and system complexities, etc. To improve the performance of the generic model, we propose a representation learning framework that learns participant-invariant representations, named PiRL. The proposed framework utilizes maximum mean discrepancy (MMD) loss and domain-adversarial training to encourage the model to learn participant-invariant representations. Further, a triplet loss, which constrains the model for inter-class alignment of the representations, is utilized to optimize the learned representations for downstream health applications. We evaluated our frameworks on two public datasets related to physical and mental health, for detecting sleep apnea and stress, respectively. As preliminary results, we found the proposed approach shows around a 5% increase in accuracy compared to the baseline.
[ { "created": "Mon, 21 Nov 2022 18:16:49 GMT", "version": "v1" } ]
"2022-11-23T00:00:00"
[ [ "Cao", "Zhaoyang", "" ], [ "Yu", "Han", "" ], [ "Yang", "Huiyuan", "" ], [ "Sano", "Akane", "" ] ]
1new_dataset
2405.14188
Stephen Krol
Stephen James Krol, Maria Teresa Llano, Matthew Butler, Cagatay Goncu
Design Considerations for Automatic Musical Soundscapes of Visual Art for People with Blindness or Low Vision
Paper accepted into ICCC 24
null
null
null
cs.HC
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Music has been identified as a promising medium to enhance the accessibility and experience of visual art for people who are blind or have low vision (BLV). However, composing music and designing soundscapes for visual art is a time-consuming, resource intensive process - limiting its scalability for large exhibitions. In this paper, we investigate the use of automated soundscapes to increase the accessibility of visual art. We built a prototype system and ran a qualitative study to evaluate the aesthetic experience provided by the automated soundscapes with 10 BLV participants. From the study, we identified a set of design considerations that reveal requirements from BLV people for the development of automated soundscape systems, setting new directions in which creative systems could enrich the aesthetic experience conveyed by these.
[ { "created": "Thu, 23 May 2024 05:30:43 GMT", "version": "v1" } ]
"2024-05-24T00:00:00"
[ [ "Krol", "Stephen James", "" ], [ "Llano", "Maria Teresa", "" ], [ "Butler", "Matthew", "" ], [ "Goncu", "Cagatay", "" ] ]
0no_new_dataset
2309.15214
Morteza Mardani
Morteza Mardani, Noah Brenowitz, Yair Cohen, Jaideep Pathak, Chieh-Yu Chen, Cheng-Chin Liu, Arash Vahdat, Karthik Kashinath, Jan Kautz, and Mike Pritchard
Residual Diffusion Modeling for Km-scale Atmospheric Downscaling
null
null
null
null
cs.LG physics.ao-ph
http://creativecommons.org/licenses/by/4.0/
Predictions of weather hazard require expensive km-scale simulations driven by coarser global inputs. Here, a cost-effective stochastic downscaling model is trained from a high-resolution 2-km weather model over Taiwan conditioned on 25-km ERA5 reanalysis. To address the multi-scale machine learning challenges of weather data, we employ a two-step approach Corrector Diffusion (\textit{CorrDiff}), where a UNet prediction of the mean is corrected by a diffusion step. Akin to Reynolds decomposition in fluid dynamics, this isolates generative learning to the stochastic scales. \textit{CorrDiff} exhibits skillful RMSE and CRPS and faithfully recovers spectra and distributions even for extremes. Case studies of coherent weather phenomena reveal appropriate multivariate relationships reminiscent of learnt physics: the collocation of intense rainfall and sharp gradients in fronts and extreme winds and rainfall bands near the eyewall of typhoons. Downscaling global forecasts successfully retains many of these benefits, foreshadowing the potential of end-to-end, global-to-km-scales machine learning weather predictions.
[ { "created": "Sun, 24 Sep 2023 19:57:22 GMT", "version": "v1" }, { "created": "Thu, 28 Sep 2023 18:05:20 GMT", "version": "v2" }, { "created": "Sun, 10 Dec 2023 03:17:29 GMT", "version": "v3" } ]
"2023-12-12T00:00:00"
[ [ "Mardani", "Morteza", "" ], [ "Brenowitz", "Noah", "" ], [ "Cohen", "Yair", "" ], [ "Pathak", "Jaideep", "" ], [ "Chen", "Chieh-Yu", "" ], [ "Liu", "Cheng-Chin", "" ], [ "Vahdat", "Arash", "" ], [ "Kashinath", "Karthik", "" ], [ "Kautz", "Jan", "" ], [ "Pritchard", "Mike", "" ] ]
0no_new_dataset
1606.04599
Guy Kloss
Guy Kloss
Mega Key Authentication Mechanism
technical whitepaper
null
null
null
cs.CR
http://creativecommons.org/licenses/by-sa/4.0/
For secure communication it is not just sufficient to use strong cryptography with good and strong keys, but to actually have the assurance, that the keys in use for it are authentic and from the contact one is expecting to communicate with. Without that, it is possible to be subject to impersonation or man-in-the-middle (MitM) attacks. Mega meets this problem by providing a hierarchical authentication mechanism for contacts and their keys. To avoid any hassle when using multiple types of keys and key pairs for different purposes, the whole authentication mechanism is brought down to a single "identity key".
[ { "created": "Wed, 15 Jun 2016 00:40:31 GMT", "version": "v1" } ]
"2016-06-16T00:00:00"
[ [ "Kloss", "Guy", "" ] ]
0no_new_dataset
2003.08515
Fanbo Xiang
Fanbo Xiang, Yuzhe Qin, Kaichun Mo, Yikuan Xia, Hao Zhu, Fangchen Liu, Minghua Liu, Hanxiao Jiang, Yifu Yuan, He Wang, Li Yi, Angel X. Chang, Leonidas J. Guibas, Hao Su
SAPIEN: A SimulAted Part-based Interactive ENvironment
null
null
null
null
cs.CV cs.RO
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Building home assistant robots has long been a pursuit for vision and robotics researchers. To achieve this task, a simulated environment with physically realistic simulation, sufficient articulated objects, and transferability to the real robot is indispensable. Existing environments achieve these requirements for robotics simulation with different levels of simplification and focus. We take one step further in constructing an environment that supports household tasks for training robot learning algorithm. Our work, SAPIEN, is a realistic and physics-rich simulated environment that hosts a large-scale set for articulated objects. Our SAPIEN enables various robotic vision and interaction tasks that require detailed part-level understanding.We evaluate state-of-the-art vision algorithms for part detection and motion attribute recognition as well as demonstrate robotic interaction tasks using heuristic approaches and reinforcement learning algorithms. We hope that our SAPIEN can open a lot of research directions yet to be explored, including learning cognition through interaction, part motion discovery, and construction of robotics-ready simulated game environment.
[ { "created": "Thu, 19 Mar 2020 00:11:34 GMT", "version": "v1" } ]
"2020-03-20T00:00:00"
[ [ "Xiang", "Fanbo", "" ], [ "Qin", "Yuzhe", "" ], [ "Mo", "Kaichun", "" ], [ "Xia", "Yikuan", "" ], [ "Zhu", "Hao", "" ], [ "Liu", "Fangchen", "" ], [ "Liu", "Minghua", "" ], [ "Jiang", "Hanxiao", "" ], [ "Yuan", "Yifu", "" ], [ "Wang", "He", "" ], [ "Yi", "Li", "" ], [ "Chang", "Angel X.", "" ], [ "Guibas", "Leonidas J.", "" ], [ "Su", "Hao", "" ] ]
1new_dataset
2303.04117
Muhammad Aurangzeb Ahmad
Muhammad Aurangzeb Ahmad, Vijay Chickarmane, Farinaz Sabz Ali Pour, Nima Shariari, Taposh Dutta Roy
Validation of a Hospital Digital Twin with Machine Learning
null
null
null
null
cs.AI cs.LG
http://creativecommons.org/licenses/by/4.0/
Recently there has been a surge of interest in developing Digital Twins of process flows in healthcare to better understand bottlenecks and areas of improvement. A key challenge is in the validation process. We describe a work in progress for a digital twin using an agent based simulation model for determining bed turnaround time for patients in hospitals. We employ a strategy using machine learning for validating the model and implementing sensitivity analysis.
[ { "created": "Tue, 7 Mar 2023 18:28:45 GMT", "version": "v1" }, { "created": "Thu, 9 Mar 2023 01:07:09 GMT", "version": "v2" } ]
"2023-03-10T00:00:00"
[ [ "Ahmad", "Muhammad Aurangzeb", "" ], [ "Chickarmane", "Vijay", "" ], [ "Pour", "Farinaz Sabz Ali", "" ], [ "Shariari", "Nima", "" ], [ "Roy", "Taposh Dutta", "" ] ]
0no_new_dataset
2307.11516
Kais Dukes
Kais Dukes
IndigoVX: Where Human Intelligence Meets AI for Optimal Decision Making
null
null
null
null
cs.AI cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper defines a new approach for augmenting human intelligence with AI for optimal goal solving. Our proposed AI, Indigo, is an acronym for Informed Numerical Decision-making through Iterative Goal-Oriented optimization. When combined with a human collaborator, we term the joint system IndigoVX, for Virtual eXpert. The system is conceptually simple. We envisage this method being applied to games or business strategies, with the human providing strategic context and the AI offering optimal, data-driven moves. Indigo operates through an iterative feedback loop, harnessing the human expert's contextual knowledge and the AI's data-driven insights to craft and refine strategies towards a well-defined goal. Using a quantified three-score schema, this hybridization allows the combined team to evaluate strategies and refine their plan, while adapting to challenges and changes in real-time.
[ { "created": "Fri, 21 Jul 2023 11:54:53 GMT", "version": "v1" } ]
"2023-07-24T00:00:00"
[ [ "Dukes", "Kais", "" ] ]
0no_new_dataset
2206.05844
Kang Liao
Kang Liao, Chunyu Lin, Yunchao Wei, Yao Zhao
FisheyeEX: Polar Outpainting for Extending the FoV of Fisheye Lens
null
null
null
null
cs.CV eess.IV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Fisheye lens gains increasing applications in computational photography and assisted driving because of its wide field of view (FoV). However, the fisheye image generally contains invalid black regions induced by its imaging model. In this paper, we present a FisheyeEX method that extends the FoV of the fisheye lens by outpainting the invalid regions, improving the integrity of captured scenes. Compared with the rectangle and undistorted image, there are two challenges for fisheye image outpainting: irregular painting regions and distortion synthesis. Observing the radial symmetry of the fisheye image, we first propose a polar outpainting strategy to extrapolate the coherent semantics from the center to the outside region. Such an outpainting manner considers the distribution pattern of radial distortion and the circle boundary, boosting a more reasonable completion direction. For the distortion synthesis, we propose a spiral distortion-aware perception module, in which the learning path keeps consistent with the distortion prior of the fisheye image. Subsequently, a scene revision module rearranges the generated pixels with the estimated distortion to match the fisheye image, thus extending the FoV. In the experiment, we evaluate the proposed FisheyeEX on three popular outdoor datasets: Cityscapes, BDD100k, and KITTI, and one real-world fisheye image dataset. The results demonstrate that our approach significantly outperforms the state-of-the-art methods, gaining around 27% more content beyond the original fisheye image.
[ { "created": "Sun, 12 Jun 2022 21:38:50 GMT", "version": "v1" } ]
"2022-06-14T00:00:00"
[ [ "Liao", "Kang", "" ], [ "Lin", "Chunyu", "" ], [ "Wei", "Yunchao", "" ], [ "Zhao", "Yao", "" ] ]
1new_dataset
2108.04385
Younghoon Kim
Younghoon Kim, Jeffrey Heer
Gemini2: Generating Keyframe-Oriented Animated Transitions Between Statistical Graphics
null
null
null
null
cs.HC
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Complex animated transitions may be easier to understand when divided into separate, consecutive stages. However, effective staging requires careful attention to both animation semantics and timing parameters. We present Gemini2, a system for creating staged animations from a sequence of chart keyframes. Given only a start state and an end state, Gemini2 can automatically recommend intermediate keyframes for designers to consider. The Gemini2 recommendation engine leverages Gemini, our prior work, and GraphScape to itemize the given complex change into semantic edit operations and to recombine operations into stages with a guided order for clearly conveying the semantics. To evaluate Gemini2's recommendations, we conducted a human-subject study in which participants ranked recommended animations from both Gemini2 and Gemini. We find that Gemini2's animation recommendation ranking is well aligned with subjects' preferences, and Gemini2 can recommend favorable animations that Gemini cannot support.
[ { "created": "Mon, 9 Aug 2021 23:55:25 GMT", "version": "v1" } ]
"2021-08-11T00:00:00"
[ [ "Kim", "Younghoon", "" ], [ "Heer", "Jeffrey", "" ] ]
0no_new_dataset
1912.04030
F. Rodrigo P. Cavalcanti
Mateus P. Mota, Daniel C. Araujo, Francisco Hugo Costa Neto, Andre L. F. de Almeida, F. Rodrigo P. Cavalcanti
Adaptive Modulation and Coding based on Reinforcement Learning for 5G Networks
Accepted for presentation at the IEEE GLOBECOM 2019
null
null
null
cs.NI cs.IT cs.LG math.IT
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We design a self-exploratory reinforcement learning (RL) framework, based on the Q-learning algorithm, that enables the base station (BS) to choose a suitable modulation and coding scheme (MCS) that maximizes the spectral efficiency while maintaining a low block error rate (BLER). In this framework, the BS chooses the MCS based on the channel quality indicator (CQI) reported by the user equipment (UE). A transmission is made with the chosen MCS and the results of this transmission are converted by the BS into rewards that the BS uses to learn the suitable mapping from CQI to MCS. Comparing with a conventional fixed look-up table and the outer loop link adaptation, the proposed framework achieves superior performance in terms of spectral efficiency and BLER.
[ { "created": "Mon, 25 Nov 2019 23:25:34 GMT", "version": "v1" } ]
"2019-12-10T00:00:00"
[ [ "Mota", "Mateus P.", "" ], [ "Araujo", "Daniel C.", "" ], [ "Neto", "Francisco Hugo Costa", "" ], [ "de Almeida", "Andre L. F.", "" ], [ "Cavalcanti", "F. Rodrigo P.", "" ] ]
0no_new_dataset
2201.07725
Jochen L. Leidner
Jochen L. Leidner
Data-to-Value: An Evaluation-First Methodology for Natural Language Projects
9 pages, 6 figures, 4 tables
null
null
null
cs.CL stat.ME
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Big data, i.e. collecting, storing and processing of data at scale, has recently been possible due to the arrival of clusters of commodity computers powered by application-level distributed parallel operating systems like HDFS/Hadoop/Spark, and such infrastructures have revolutionized data mining at scale. For data mining project to succeed more consistently, some methodologies were developed (e.g. CRISP-DM, SEMMA, KDD), but these do not account for (1) very large scales of processing, (2) dealing with textual (unstructured) data (i.e. Natural Language Processing (NLP, "text analytics"), and (3) non-technical considerations (e.g. legal, ethical, project managerial aspects). To address these shortcomings, a new methodology, called "Data to Value" (D2V), is introduced, which is guided by a detailed catalog of questions in order to avoid a disconnect of big data text analytics project team with the topic when facing rather abstract box-and-arrow diagrams commonly associated with methodologies.
[ { "created": "Wed, 19 Jan 2022 17:04:52 GMT", "version": "v1" } ]
"2022-01-20T00:00:00"
[ [ "Leidner", "Jochen L.", "" ] ]
0no_new_dataset
2009.13018
Ishan Karunanayake
Ishan Karunanayake, Nadeem Ahmed, Robert Malaney, Rafiqul Islam, Sanjay Jha
De-anonymisation attacks on Tor: A Survey
This work is published in IEEE Communications Surveys & Tutorials and is licensed under a Creative Commons Attribution 4.0 License. For more information, see https://creativecommons.org/licenses/by/4.0/. Link to the article https://ieeexplore.ieee.org/abstract/document/9471821
IEEE Communications Surveys & Tutorials, vol. 23, no. 4, pp. 2324-2350, Fourthquarter 2021
10.1109/COMST.2021.3093615
null
cs.CR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Anonymity networks are becoming increasingly popular in today's online world as more users attempt to safeguard their online privacy. Tor is currently the most popular anonymity network in use and provides anonymity to both users and services (hidden services). However, the anonymity provided by Tor is also being misused in various ways. Hosting illegal sites for selling drugs, hosting command and control servers for botnets, and distributing censored content are but a few such examples. As a result, various parties, including governments and law enforcement agencies, are interested in attacks that assist in de-anonymising the Tor network, disrupting its operations, and bypassing its censorship circumvention mechanisms. In this survey paper, we review known Tor attacks and identify current techniques for the de-anonymisation of Tor users and hidden services. We discuss these techniques and analyse the practicality of their execution method. We conclude by discussing improvements to the Tor framework that help prevent the surveyed de-anonymisation attacks.
[ { "created": "Mon, 28 Sep 2020 02:16:12 GMT", "version": "v1" }, { "created": "Tue, 29 Sep 2020 23:50:16 GMT", "version": "v2" }, { "created": "Wed, 26 Jan 2022 00:00:37 GMT", "version": "v3" } ]
"2022-01-27T00:00:00"
[ [ "Karunanayake", "Ishan", "" ], [ "Ahmed", "Nadeem", "" ], [ "Malaney", "Robert", "" ], [ "Islam", "Rafiqul", "" ], [ "Jha", "Sanjay", "" ] ]
0no_new_dataset
1305.2426
Thierry Moreau
Thierry Moreau
Towards a Better Approximation of Full Domain Hash - or - The Reef and Shoal Integrity Arrangement
null
null
null
C005404
cs.CR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
For RSA and Rabin-Williams public key digital signatures, proper message hashing and padding procedures are critical to the overall digital signature security. The theoretical work in this field coined the term `full domain hash' for a conceptually simple approach, a message hashing step with an output value as large as the signature public modulus. The practitioners learned from the theory but did not adopt the full domain hash as originally expressed. The Reef and Shoal proposal revisits the original concept and proposes the concatenation of a conventional cryptographic hash and an independent large non-cryptographic hash as an approximation of the full domain hash. The Badderlocks version 0.1 concrete proposal uses the CRC computation with large primitive polynomials preceded by an S-box message expansion phase.
[ { "created": "Fri, 10 May 2013 20:10:20 GMT", "version": "v1" } ]
"2013-05-14T00:00:00"
[ [ "Moreau", "Thierry", "" ] ]
0no_new_dataset
2008.08675
Anders Johan Andreassen
Anders Andreassen, Ethan Dyer
Asymptotics of Wide Convolutional Neural Networks
23 pages, 12 figures
null
null
null
cs.LG hep-th stat.ML
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Wide neural networks have proven to be a rich class of architectures for both theory and practice. Motivated by the observation that finite width convolutional networks appear to outperform infinite width networks, we study scaling laws for wide CNNs and networks with skip connections. Following the approach of (Dyer & Gur-Ari, 2019), we present a simple diagrammatic recipe to derive the asymptotic width dependence for many quantities of interest. These scaling relationships provide a solvable description for the training dynamics of wide convolutional networks. We test these relations across a broad range of architectures. In particular, we find that the difference in performance between finite and infinite width models vanishes at a definite rate with respect to model width. Nonetheless, this relation is consistent with finite width models generalizing either better or worse than their infinite width counterparts, and we provide examples where the relative performance depends on the optimization details.
[ { "created": "Wed, 19 Aug 2020 21:22:19 GMT", "version": "v1" } ]
"2020-08-21T00:00:00"
[ [ "Andreassen", "Anders", "" ], [ "Dyer", "Ethan", "" ] ]
0no_new_dataset
2101.01444
Henry Krumb
Henry Krumb and Dhritimaan Das and Romol Chadda and Anirban Mukhopadhyay
CycleGAN for Interpretable Online EMT Compensation
Conditionally accepted for publication in IJCARS & presentation at IPCAI
null
null
null
cs.CV
http://creativecommons.org/licenses/by-nc-sa/4.0/
Purpose: Electromagnetic Tracking (EMT) can partially replace X-ray guidance in minimally invasive procedures, reducing radiation in the OR. However, in this hybrid setting, EMT is disturbed by metallic distortion caused by the X-ray device. We plan to make hybrid navigation clinical reality to reduce radiation exposure for patients and surgeons, by compensating EMT error. Methods: Our online compensation strategy exploits cycle-consistent generative adversarial neural networks (CycleGAN). 3D positions are translated from various bedside environments to their bench equivalents. Domain-translated points are fine-tuned to reduce error in the bench domain. We evaluate our compensation approach in a phantom experiment. Results: Since the domain-translation approach maps distorted points to their lab equivalents, predictions are consistent among different C-arm environments. Error is successfully reduced in all evaluation environments. Our qualitative phantom experiment demonstrates that our approach generalizes well to an unseen C-arm environment. Conclusion: Adversarial, cycle-consistent training is an explicable, consistent and thus interpretable approach for online error compensation. Qualitative assessment of EMT error compensation gives a glimpse to the potential of our method for rotational error compensation.
[ { "created": "Tue, 5 Jan 2021 10:34:35 GMT", "version": "v1" } ]
"2021-01-06T00:00:00"
[ [ "Krumb", "Henry", "" ], [ "Das", "Dhritimaan", "" ], [ "Chadda", "Romol", "" ], [ "Mukhopadhyay", "Anirban", "" ] ]
0no_new_dataset
2302.13961
Roberto Alcover-Couso
Roberto Alcover-Couso, Marcos Escudero-Vinolo, Juan C. SanMiguel and Jose M. Martinez
Soft labelling for semantic segmentation: Bringing coherence to label down-sampling
null
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In semantic segmentation, training data down-sampling is commonly performed due to limited resources, the need to adapt image size to the model input, or improve data augmentation. This down-sampling typically employs different strategies for the image data and the annotated labels. Such discrepancy leads to mismatches between the down-sampled color and label images. Hence, the training performance significantly decreases as the down-sampling factor increases. In this paper, we bring together the down-sampling strategies for the image data and the training labels. To that aim, we propose a novel framework for label down-sampling via soft-labeling that better conserves label information after down-sampling. Therefore, fully aligning soft-labels with image data to keep the distribution of the sampled pixels. This proposal also produces reliable annotations for under-represented semantic classes. Altogether, it allows training competitive models at lower resolutions. Experiments show that the proposal outperforms other down-sampling strategies. Moreover, state-of-the-art performance is achieved for reference benchmarks, but employing significantly less computational resources than foremost approaches. This proposal enables competitive research for semantic segmentation under resource constraints.
[ { "created": "Mon, 27 Feb 2023 17:02:30 GMT", "version": "v1" }, { "created": "Wed, 8 Mar 2023 16:43:44 GMT", "version": "v2" }, { "created": "Mon, 19 Feb 2024 07:11:57 GMT", "version": "v3" } ]
"2024-02-20T00:00:00"
[ [ "Alcover-Couso", "Roberto", "" ], [ "Escudero-Vinolo", "Marcos", "" ], [ "SanMiguel", "Juan C.", "" ], [ "Martinez", "Jose M.", "" ] ]
0no_new_dataset
2011.03178
Chaoqi Wang
Chaoqi Wang, Shengyang Sun, Roger Grosse
Beyond Marginal Uncertainty: How Accurately can Bayesian Regression Models Estimate Posterior Predictive Correlations?
AISTATS 2021 (Oral)
null
null
null
cs.LG stat.ML
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
While uncertainty estimation is a well-studied topic in deep learning, most such work focuses on marginal uncertainty estimates, i.e. the predictive mean and variance at individual input locations. But it is often more useful to estimate predictive correlations between the function values at different input locations. In this paper, we consider the problem of benchmarking how accurately Bayesian models can estimate predictive correlations. We first consider a downstream task which depends on posterior predictive correlations: transductive active learning (TAL). We find that TAL makes better use of models' uncertainty estimates than ordinary active learning, and recommend this as a benchmark for evaluating Bayesian models. Since TAL is too expensive and indirect to guide development of algorithms, we introduce two metrics which more directly evaluate the predictive correlations and which can be computed efficiently: meta-correlations (i.e. the correlations between the models correlation estimates and the true values), and cross-normalized likelihoods (XLL). We validate these metrics by demonstrating their consistency with TAL performance and obtain insights about the relative performance of current Bayesian neural net and Gaussian process models.
[ { "created": "Fri, 6 Nov 2020 03:48:59 GMT", "version": "v1" }, { "created": "Mon, 1 Mar 2021 03:05:37 GMT", "version": "v2" } ]
"2021-03-02T00:00:00"
[ [ "Wang", "Chaoqi", "" ], [ "Sun", "Shengyang", "" ], [ "Grosse", "Roger", "" ] ]
0no_new_dataset
1309.4009
Yasmin AlNoamany
Yasmin AlNoamany, Michele C. Weigle, Michael L. Nelson
Access Patterns for Robots and Humans in Web Archives
null
null
null
null
cs.DL cs.IR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Although user access patterns on the live web are well-understood, there has been no corresponding study of how users, both humans and robots, access web archives. Based on samples from the Internet Archive's public Wayback Machine, we propose a set of basic usage patterns: Dip (a single access), Slide (the same page at different archive times), Dive (different pages at approximately the same archive time), and Skim (lists of what pages are archived, i.e., TimeMaps). Robots are limited almost exclusively to Dips and Skims, but human accesses are more varied between all four types. Robots outnumber humans 10:1 in terms of sessions, 5:4 in terms of raw HTTP accesses, and 4:1 in terms of megabytes transferred. Robots almost always access TimeMaps (95% of accesses), but humans predominately access the archived web pages themselves (82% of accesses). In terms of unique archived web pages, there is no overall preference for a particular time, but the recent past (within the last year) shows significant repeat accesses.
[ { "created": "Mon, 16 Sep 2013 15:40:16 GMT", "version": "v1" } ]
"2013-09-17T00:00:00"
[ [ "AlNoamany", "Yasmin", "" ], [ "Weigle", "Michele C.", "" ], [ "Nelson", "Michael L.", "" ] ]
0no_new_dataset
2006.08159
Yang Wang
Yang Wang
Survey on Deep Multi-modal Data Analytics: Collaboration, Rivalry and Fusion
Appearing at ACM TOMM, 26 pages
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
With the development of web technology, multi-modal or multi-view data has surged as a major stream for big data, where each modal/view encodes individual property of data objects. Often, different modalities are complementary to each other. Such fact motivated a lot of research attention on fusing the multi-modal feature spaces to comprehensively characterize the data objects. Most of the existing state-of-the-art focused on how to fuse the energy or information from multi-modal spaces to deliver a superior performance over their counterparts with single modal. Recently, deep neural networks have exhibited as a powerful architecture to well capture the nonlinear distribution of high-dimensional multimedia data, so naturally does for multi-modal data. Substantial empirical studies are carried out to demonstrate its advantages that are benefited from deep multi-modal methods, which can essentially deepen the fusion from multi-modal deep feature spaces. In this paper, we provide a substantial overview of the existing state-of-the-arts on the filed of multi-modal data analytics from shallow to deep spaces. Throughout this survey, we further indicate that the critical components for this field go to collaboration, adversarial competition and fusion over multi-modal spaces. Finally, we share our viewpoints regarding some future directions on this field.
[ { "created": "Mon, 15 Jun 2020 06:42:04 GMT", "version": "v1" } ]
"2020-06-16T00:00:00"
[ [ "Wang", "Yang", "" ] ]
0no_new_dataset
cs/0604085
Gayathre Krishnan
Gayathre Krishnan
Information in Quantum Description and Gate Implementation
4 pages
null
null
null
cs.IT math.IT
null
This note considers Kak's observer-reference model of quantum information, where it is shown that qubits carry information that is sqrt n / ln n times classical information, where n is the number of components in the measurement system, to analyze information processing in quantum gates. The obverse side of this exponential nature of quantum information is that the computational complexity of implementing unconditionally reliable quantum gates is also exponential.
[ { "created": "Fri, 21 Apr 2006 16:36:45 GMT", "version": "v1" } ]
"2007-07-13T00:00:00"
[ [ "Krishnan", "Gayathre", "" ] ]
0no_new_dataset
1706.02153
Edwin Henneken
Edwin A. Henneken, Michael J. Kurtz
Usage Bibliometrics as a Tool to Measure Research Activity
25 pages, 11 figures, accepted for publication in Handbook of Quantitative Science and Technology Research, Springer
null
10.1007/978-3-030-02511-3_32
null
cs.DL astro-ph.IM cs.CY cs.IR physics.soc-ph
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Measures for research activity and impact have become an integral ingredient in the assessment of a wide range of entities (individual researchers, organizations, instruments, regions, disciplines). Traditional bibliometric indicators, like publication and citation based indicators, provide an essential part of this picture, but cannot describe the complete picture. Since reading scholarly publications is an essential part of the research life cycle, it is only natural to introduce measures for this activity in attempts to quantify the efficiency, productivity and impact of an entity. Citations and reads are significantly different signals, so taken together, they provide a more complete picture of research activity. Most scholarly publications are now accessed online, making the study of reads and their patterns possible. Click-stream logs allow us to follow information access by the entire research community, real-time. Publication and citation datasets just reflect activity by authors. In addition, download statistics will help us identify publications with significant impact, but which do not attract many citations. Click-stream signals are arguably more complex than, say, citation signals. For one, they are a superposition of different classes of readers. Systematic downloads by crawlers also contaminate the signal, as does browsing behavior. We discuss the complexities associated with clickstream data and how, with proper filtering, statistically significant relations and conclusions can be inferred from download statistics. We describe how download statistics can be used to describe research activity at different levels of aggregation, ranging from organizations to countries. These statistics show a correlation with socio-economic indicators. A comparison will be made with traditional bibliometric indicators. We will argue that astronomy is representative of more general trends.
[ { "created": "Wed, 7 Jun 2017 12:33:13 GMT", "version": "v1" } ]
"2020-04-22T00:00:00"
[ [ "Henneken", "Edwin A.", "" ], [ "Kurtz", "Michael J.", "" ] ]
0no_new_dataset
2402.17885
Philip Jordan
Philip Jordan, Anas Barakat, Niao He
Independent Learning in Constrained Markov Potential Games
AISTATS 2024
null
null
null
cs.LG cs.GT cs.MA
http://creativecommons.org/licenses/by/4.0/
Constrained Markov games offer a formal mathematical framework for modeling multi-agent reinforcement learning problems where the behavior of the agents is subject to constraints. In this work, we focus on the recently introduced class of constrained Markov Potential Games. While centralized algorithms have been proposed for solving such constrained games, the design of converging independent learning algorithms tailored for the constrained setting remains an open question. We propose an independent policy gradient algorithm for learning approximate constrained Nash equilibria: Each agent observes their own actions and rewards, along with a shared state. Inspired by the optimization literature, our algorithm performs proximal-point-like updates augmented with a regularized constraint set. Each proximal step is solved inexactly using a stochastic switching gradient algorithm. Notably, our algorithm can be implemented independently without a centralized coordination mechanism requiring turn-based agent updates. Under some technical constraint qualification conditions, we establish convergence guarantees towards constrained approximate Nash equilibria. We perform simulations to illustrate our results.
[ { "created": "Tue, 27 Feb 2024 20:57:35 GMT", "version": "v1" } ]
"2024-02-29T00:00:00"
[ [ "Jordan", "Philip", "" ], [ "Barakat", "Anas", "" ], [ "He", "Niao", "" ] ]
0no_new_dataset
2405.19285
Michael Regan
Michael Regan and Shira Wein and George Baker and Emilio Monti
MASSIVE Multilingual Abstract Meaning Representation: A Dataset and Baselines for Hallucination Detection
null
null
null
null
cs.CL
http://creativecommons.org/licenses/by-nc-sa/4.0/
Abstract Meaning Representation (AMR) is a semantic formalism that captures the core meaning of an utterance. There has been substantial work developing AMR corpora in English and more recently across languages, though the limited size of existing datasets and the cost of collecting more annotations are prohibitive. With both engineering and scientific questions in mind, we introduce MASSIVE-AMR, a dataset with more than 84,000 text-to-graph annotations, currently the largest and most diverse of its kind: AMR graphs for 1,685 information-seeking utterances mapped to 50+ typologically diverse languages. We describe how we built our resource and its unique features before reporting on experiments using large language models for multilingual AMR and SPARQL parsing as well as applying AMRs for hallucination detection in the context of knowledge base question answering, with results shedding light on persistent issues using LLMs for structured parsing.
[ { "created": "Wed, 29 May 2024 17:17:22 GMT", "version": "v1" } ]
"2024-05-30T00:00:00"
[ [ "Regan", "Michael", "" ], [ "Wein", "Shira", "" ], [ "Baker", "George", "" ], [ "Monti", "Emilio", "" ] ]
1new_dataset
2208.06794
Yinfeng Li
Yinfeng Li, Chen Gao, Quanming Yao, Tong Li, Depeng Jin, Yong Li
DisenHCN: Disentangled Hypergraph Convolutional Networks for Spatiotemporal Activity Prediction
Accepted as a research track paper in ICDE 2022
null
10.1109/ICDE53745.2022.00101
null
cs.LG cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Spatiotemporal activity prediction, aiming to predict user activities at a specific location and time, is crucial for applications like urban planning and mobile advertising. Existing solutions based on tensor decomposition or graph embedding suffer from the following two major limitations: 1) ignoring the fine-grained similarities of user preferences; 2) user's modeling is entangled. In this work, we propose a hypergraph neural network model called DisenHCN to bridge the above gaps. In particular, we first unify the fine-grained user similarity and the complex matching between user preferences and spatiotemporal activity into a heterogeneous hypergraph. We then disentangle the user representations into different aspects (location-aware, time-aware, and activity-aware) and aggregate corresponding aspect's features on the constructed hypergraph, capturing high-order relations from different aspects and disentangles the impact of each aspect for final prediction. Extensive experiments show that our DisenHCN outperforms the state-of-the-art methods by 14.23% to 18.10% on four real-world datasets. Further studies also convincingly verify the rationality of each component in our DisenHCN.
[ { "created": "Sun, 14 Aug 2022 06:51:54 GMT", "version": "v1" } ]
"2022-08-16T00:00:00"
[ [ "Li", "Yinfeng", "" ], [ "Gao", "Chen", "" ], [ "Yao", "Quanming", "" ], [ "Li", "Tong", "" ], [ "Jin", "Depeng", "" ], [ "Li", "Yong", "" ] ]
1new_dataset
2109.07848
Laura Aina
Laura Aina, Tal Linzen
The Language Model Understood the Prompt was Ambiguous: Probing Syntactic Uncertainty Through Generation
To appear in Proceedings of BlackboxNLP 2021: Analyzing and Interpreting Neural Networks for NLP
null
null
null
cs.CL
http://creativecommons.org/licenses/by/4.0/
Temporary syntactic ambiguities arise when the beginning of a sentence is compatible with multiple syntactic analyses. We inspect to which extent neural language models (LMs) exhibit uncertainty over such analyses when processing temporarily ambiguous inputs, and how that uncertainty is modulated by disambiguating cues. We probe the LM's expectations by generating from it: we use stochastic decoding to derive a set of sentence completions, and estimate the probability that the LM assigns to each interpretation based on the distribution of parses across completions. Unlike scoring-based methods for targeted syntactic evaluation, this technique makes it possible to explore completions that are not hypothesized in advance by the researcher. We apply this method to study the behavior of two LMs (GPT2 and an LSTM) on three types of temporary ambiguity, using materials from human sentence processing experiments. We find that LMs can track multiple analyses simultaneously; the degree of uncertainty varies across constructions and contexts. As a response to disambiguating cues, the LMs often select the correct interpretation, but occasional errors point to potential areas of improvement.
[ { "created": "Thu, 16 Sep 2021 10:27:05 GMT", "version": "v1" } ]
"2021-09-17T00:00:00"
[ [ "Aina", "Laura", "" ], [ "Linzen", "Tal", "" ] ]
0no_new_dataset
2405.02324
Rolin Gabriel RASOANAIVO
R\^olin Gabriel Rasoanaivo (IRIT, UT Capitole, IRIT-ADRIA), Morteza Yazdani (UIV), Pascale Zarat\'e (IRIT, UT Capitole, IRIT-ADRIA), Amirhossein Fateh (UPV)
Combined Compromise for Ideal Solution (CoCoFISo): a multi-criteria decision-making based on the CoCoSo method algorithm
Expert Systems with Applications, 2024
null
10.1016/j.eswa.2024.124079
null
cs.AI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Each decision-making tool should be tested and validated in real case studies to be practical and fit to global problems. The application of multi-criteria decision-making methods (MCDM) is currently a trend to rank alternatives. In the literature, there are several multi-criteria decision-making methods according to their classification. During our experimentation on the Combined Compromise Solution (CoCoSo) method, we encountered its limits for real cases. The authors examined the applicability of the CoCoFISo method (improved version of combined compromise solution), by a real case study in a university campus and compared the obtained results to other MCDMs such as Preference Ranking Organisation Method for Enrichment Evaluations (PROMETHEE), Weighted Sum Method (WSM) and Technique for Order Preference by Similarity to the Ideal Solution (TOPSIS). Our research finding indicates that CoCoSo is an applied method that has been developed to solve complex multi variable assessment problems, while CoCoFISo can improve the shortages observed in CoCoSo and deliver stable outcomes compared to other developed tools. The findings imply that application of CoCoFISo is suggested to decision makers, experts and researchers while they are facing practical challenges and sensitive questions regarding the utilization of a reliable decision-making method. Unlike many prior studies, the current version of CoCoSo is unique, original and is presented for the first time. Its performance was approved using several strategies and examinations.
[ { "created": "Mon, 22 Apr 2024 09:19:33 GMT", "version": "v1" } ]
"2024-05-07T00:00:00"
[ [ "Rasoanaivo", "Rôlin Gabriel", "", "IRIT, UT Capitole, IRIT-ADRIA" ], [ "Yazdani", "Morteza", "", "UIV" ], [ "Zaraté", "Pascale", "", "IRIT, UT Capitole, IRIT-ADRIA" ], [ "Fateh", "Amirhossein", "", "UPV" ] ]
0no_new_dataset
1401.3883
Anna Khudyak Kozorovitsky
Anna Khudyak Kozorovitsky, Oren Kurland
From "Identical" to "Similar": Fusing Retrieved Lists Based on Inter-Document Similarities
null
Journal Of Artificial Intelligence Research, Volume 41, pages 267-296, 2011
10.1613/jair.3214
null
cs.IR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Methods for fusing document lists that were retrieved in response to a query often utilize the retrieval scores and/or ranks of documents in the lists. We present a novel fusion approach that is based on using, in addition, information induced from inter-document similarities. Specifically, our methods let similar documents from different lists provide relevance-status support to each other. We use a graph-based method to model relevance-status propagation between documents. The propagation is governed by inter-document-similarities and by retrieval scores of documents in the lists. Empirical evaluation demonstrates the effectiveness of our methods in fusing TREC runs. The performance of our most effective methods transcends that of effective fusion methods that utilize only retrieval scores or ranks.
[ { "created": "Thu, 16 Jan 2014 05:13:26 GMT", "version": "v1" } ]
"2014-01-17T00:00:00"
[ [ "Kozorovitsky", "Anna Khudyak", "" ], [ "Kurland", "Oren", "" ] ]
0no_new_dataset
1810.04334
Peng Sun
Peng Sun, Yonggang Wen, Ta Nguyen Binh Duong, Xiaokui Xiao
GraphMP: I/O-Efficient Big Graph Analytics on a Single Commodity Machine
arXiv admin note: substantial text overlap with arXiv:1707.02557
null
null
null
cs.DC
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Recent studies showed that single-machine graph processing systems can be as highly competitive as cluster-based approaches on large-scale problems. While several out-of-core graph processing systems and computation models have been proposed, the high disk I/O overhead could significantly reduce performance in many practical cases. In this paper, we propose GraphMP to tackle big graph analytics on a single machine. GraphMP achieves low disk I/O overhead with three techniques. First, we design a vertex-centric sliding window (VSW) computation model to avoid reading and writing vertices on disk. Second, we propose a selective scheduling method to skip loading and processing unnecessary edge shards on disk. Third, we use a compressed edge cache mechanism to fully utilize the available memory of a machine to reduce the amount of disk accesses for edges. Extensive evaluations have shown that GraphMP could outperform existing single-machine out-of-core systems such as GraphChi, X-Stream and GridGraph by up to 51, and can be as highly competitive as distributed graph engines like Pregel+, PowerGraph and Chaos.
[ { "created": "Tue, 9 Oct 2018 05:50:52 GMT", "version": "v1" }, { "created": "Mon, 18 Feb 2019 07:40:14 GMT", "version": "v2" } ]
"2019-02-19T00:00:00"
[ [ "Sun", "Peng", "" ], [ "Wen", "Yonggang", "" ], [ "Duong", "Ta Nguyen Binh", "" ], [ "Xiao", "Xiaokui", "" ] ]
0no_new_dataset
2111.03699
Karen Archer Ms
Karen Archer, Nicola Catenacci Volpi, Franziska Br\"oker, Daniel Polani
A space of goals: the cognitive geometry of informationally bounded agents
Includes supplementary material, 6 figures in the main document, 5 figures in the supplementary material. Replacing preprint with author accepted manuscript
null
null
null
cs.AI cs.IT cs.SY eess.SY math.IT
http://creativecommons.org/licenses/by/4.0/
Traditionally, Euclidean geometry is treated by scientists as a priori and objective. However, when we take the position of an agent, the problem of selecting a best route should also factor in the abilities of the agent, its embodiment and particularly its cognitive effort. In this paper we consider geometry in terms of travel between states within a world by incorporating information processing costs with the appropriate spatial distances. This induces a geometry that increasingly differs from the original geometry of the given world as information costs become increasingly important. We visualise this "cognitive geometry" by projecting it onto 2- and 3-dimensional spaces showing distinct distortions reflecting the emergence of epistemic and information-saving strategies as well as pivot states. The analogies between traditional cost-based geometries and those induced by additional informational costs invite a generalisation of the notion of geodesics as cheapest routes towards the notion of infodesics. In this perspective, the concept of infodesics is inspired by the property of geodesics that, travelling from a given start location to a given goal location along a geodesic, not only the goal, but all points along the way are visited at optimal cost from the start.
[ { "created": "Fri, 5 Nov 2021 18:51:18 GMT", "version": "v1" }, { "created": "Wed, 2 Nov 2022 22:34:02 GMT", "version": "v2" } ]
"2022-11-04T00:00:00"
[ [ "Archer", "Karen", "" ], [ "Volpi", "Nicola Catenacci", "" ], [ "Bröker", "Franziska", "" ], [ "Polani", "Daniel", "" ] ]
0no_new_dataset
2107.05561
Sudeep Pasricha
Vipin K. Kukkala, Sooryaa V. Thiruloga, Sudeep Pasricha
LATTE: LSTM Self-Attention based Anomaly Detection in Embedded Automotive Platforms
null
null
null
null
cs.LG cs.DC cs.SY eess.SY
http://creativecommons.org/licenses/by-nc-nd/4.0/
Modern vehicles can be thought of as complex distributed embedded systems that run a variety of automotive applications with real-time constraints. Recent advances in the automotive industry towards greater autonomy are driving vehicles to be increasingly connected with various external systems (e.g., roadside beacons, other vehicles), which makes emerging vehicles highly vulnerable to cyber-attacks. Additionally, the increased complexity of automotive applications and the in-vehicle networks results in poor attack visibility, which makes detecting such attacks particularly challenging in automotive systems. In this work, we present a novel anomaly detection framework called LATTE to detect cyber-attacks in Controller Area Network (CAN) based networks within automotive platforms. Our proposed LATTE framework uses a stacked Long Short Term Memory (LSTM) predictor network with novel attention mechanisms to learn the normal operating behavior at design time. Subsequently, a novel detection scheme (also trained at design time) is used to detect various cyber-attacks (as anomalies) at runtime. We evaluate our proposed LATTE framework under different automotive attack scenarios and present a detailed comparison with the best-known prior works in this area, to demonstrate the potential of our approach.
[ { "created": "Mon, 12 Jul 2021 16:32:47 GMT", "version": "v1" } ]
"2021-07-13T00:00:00"
[ [ "Kukkala", "Vipin K.", "" ], [ "Thiruloga", "Sooryaa V.", "" ], [ "Pasricha", "Sudeep", "" ] ]
0no_new_dataset
2010.08003
Georgios Bakirtzis
Georgios Bakirtzis, Cody H. Fleming, Christina Vasilakopoulou
Categorical Semantics of Cyber-Physical Systems Theory
null
null
10.1145/3461669
null
cs.LO cs.SY eess.SY math.CT
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Cyber-physical systems require the construction and management of various models to assure their correct, safe, and secure operation. These various models are necessary because of the coupled physical and computational dynamics present in cyber-physical systems. However, to date the different model views of cyber-physical systems are largely related informally, which raises issues with the degree of formal consistency between those various models of requirements, system behavior, and system architecture. We present a category-theoretic framework to make different types of composition explicit in the modeling and analysis of cyber-physical systems, which could assist in verifying the system as a whole. This compositional framework for cyber-physical systems gives rise to unified system models, where system behavior is hierarchically decomposed and related to a system architecture using the systems-as-algebras paradigm. As part of this paradigm, we show that an algebra of (safety) contracts generalizes over the state of the art, providing more uniform mathematical tools for constraining the behavior over a richer set of composite cyber-physical system models, which has the potential of minimizing or eliminating hazardous behavior.
[ { "created": "Thu, 15 Oct 2020 20:04:59 GMT", "version": "v1" }, { "created": "Tue, 23 Feb 2021 17:30:00 GMT", "version": "v2" }, { "created": "Mon, 26 Apr 2021 13:07:32 GMT", "version": "v3" } ]
"2021-10-04T00:00:00"
[ [ "Bakirtzis", "Georgios", "" ], [ "Fleming", "Cody H.", "" ], [ "Vasilakopoulou", "Christina", "" ] ]
0no_new_dataset
2106.04835
Zichuan Lin
Zichuan Lin, Jing Huang, Bowen Zhou, Xiaodong He, Tengyu Ma
Joint System-Wise Optimization for Pipeline Goal-Oriented Dialog System
13 pages
null
null
null
cs.CL cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Recent work (Takanobu et al., 2020) proposed the system-wise evaluation on dialog systems and found that improvement on individual components (e.g., NLU, policy) in prior work may not necessarily bring benefit to pipeline systems in system-wise evaluation. To improve the system-wise performance, in this paper, we propose new joint system-wise optimization techniques for the pipeline dialog system. First, we propose a new data augmentation approach which automates the labeling process for NLU training. Second, we propose a novel stochastic policy parameterization with Poisson distribution that enables better exploration and offers a principled way to compute policy gradient. Third, we propose a reward bonus to help policy explore successful dialogs. Our approaches outperform the competitive pipeline systems from Takanobu et al. (2020) by big margins of 12% success rate in automatic system-wise evaluation and of 16% success rate in human evaluation on the standard multi-domain benchmark dataset MultiWOZ 2.1, and also outperform the recent state-of-the-art end-to-end trained model from DSTC9.
[ { "created": "Wed, 9 Jun 2021 06:44:57 GMT", "version": "v1" } ]
"2021-06-10T00:00:00"
[ [ "Lin", "Zichuan", "" ], [ "Huang", "Jing", "" ], [ "Zhou", "Bowen", "" ], [ "He", "Xiaodong", "" ], [ "Ma", "Tengyu", "" ] ]
1new_dataset
1911.10967
Miao Liu
Miao Liu, Siyu Tang, Yin Li, James Rehg
Forecasting Human-Object Interaction: Joint Prediction of Motor Attention and Actions in First Person Video
null
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We address the challenging task of anticipating human-object interaction in first person videos. Most existing methods ignore how the camera wearer interacts with the objects, or simply consider body motion as a separate modality. In contrast, we observe that the international hand movement reveals critical information about the future activity. Motivated by this, we adopt intentional hand movement as a future representation and propose a novel deep network that jointly models and predicts the egocentric hand motion, interaction hotspots and future action. Specifically, we consider the future hand motion as the motor attention, and model this attention using latent variables in our deep model. The predicted motor attention is further used to characterise the discriminative spatial-temporal visual features for predicting actions and interaction hotspots. We present extensive experiments demonstrating the benefit of the proposed joint model. Importantly, our model produces new state-of-the-art results for action anticipation on both EGTEA Gaze+ and the EPIC-Kitchens datasets. Our project page is available at https://aptx4869lm.github.io/ForecastingHOI/
[ { "created": "Mon, 25 Nov 2019 15:10:20 GMT", "version": "v1" }, { "created": "Mon, 20 Jul 2020 01:58:19 GMT", "version": "v2" } ]
"2020-07-21T00:00:00"
[ [ "Liu", "Miao", "" ], [ "Tang", "Siyu", "" ], [ "Li", "Yin", "" ], [ "Rehg", "James", "" ] ]
1new_dataset
2312.08298
Jiachen Liu
Jiachen Liu, Fan Lai, Ding Ding, Yiwen Zhang, Mosharaf Chowdhury
Venn: Resource Management Across Federated Learning Jobs
15 pages, 15 figrues
null
null
null
cs.DC cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In recent years, federated learning (FL) has emerged as a promising approach for machine learning (ML) and data science across distributed edge devices. With the increasing popularity of FL, resource contention between multiple FL jobs training on the same device population is increasing as well. Scheduling edge resources among multiple FL jobs is different from GPU scheduling for cloud ML because of the ephemeral nature and planetary scale of participating devices as well as the overlapping resource requirements of diverse FL jobs. Existing resource managers for FL jobs opt for random assignment of devices to FL jobs for simplicity and scalability, which leads to poor performance. In this paper, we present Venn, an FL resource manager, that efficiently schedules ephemeral, heterogeneous devices among many FL jobs, with the goal of reducing their average job completion time (JCT). Venn formulates the Intersection Resource Scheduling (IRS) problem to identify complex resource contention among multiple FL jobs. Then, Venn proposes a contention-aware scheduling heuristic to minimize the average scheduling delay. Furthermore, it proposes a resource-aware device-to-job matching heuristic that focuses on optimizing response collection time by mitigating stragglers. Our evaluation shows that, compared to the state-of-the-art FL resource managers, Venn improves the average JCT by up to 1.88X.
[ { "created": "Wed, 13 Dec 2023 17:13:08 GMT", "version": "v1" } ]
"2023-12-14T00:00:00"
[ [ "Liu", "Jiachen", "" ], [ "Lai", "Fan", "" ], [ "Ding", "Ding", "" ], [ "Zhang", "Yiwen", "" ], [ "Chowdhury", "Mosharaf", "" ] ]
0no_new_dataset
1507.00101
Huei-Fang Yang
Huei-Fang Yang, Kevin Lin, Chu-Song Chen
Supervised Learning of Semantics-Preserving Hash via Deep Convolutional Neural Networks
To appear in IEEE Trans. Pattern Analysis and Machine Intelligence
null
10.1109/TPAMI.2017.2666812
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper presents a simple yet effective supervised deep hash approach that constructs binary hash codes from labeled data for large-scale image search. We assume that the semantic labels are governed by several latent attributes with each attribute on or off, and classification relies on these attributes. Based on this assumption, our approach, dubbed supervised semantics-preserving deep hashing (SSDH), constructs hash functions as a latent layer in a deep network and the binary codes are learned by minimizing an objective function defined over classification error and other desirable hash codes properties. With this design, SSDH has a nice characteristic that classification and retrieval are unified in a single learning model. Moreover, SSDH performs joint learning of image representations, hash codes, and classification in a point-wised manner, and thus is scalable to large-scale datasets. SSDH is simple and can be realized by a slight enhancement of an existing deep architecture for classification; yet it is effective and outperforms other hashing approaches on several benchmarks and large datasets. Compared with state-of-the-art approaches, SSDH achieves higher retrieval accuracy, while the classification performance is not sacrificed.
[ { "created": "Wed, 1 Jul 2015 04:40:31 GMT", "version": "v1" }, { "created": "Tue, 14 Feb 2017 07:31:18 GMT", "version": "v2" } ]
"2017-02-15T00:00:00"
[ [ "Yang", "Huei-Fang", "" ], [ "Lin", "Kevin", "" ], [ "Chen", "Chu-Song", "" ] ]
0no_new_dataset
2306.00674
Jianhua Wang
Jianhua Wang, Xiaolin Chang, Jelena Mi\v{s}i\'c, Vojislav B. Mi\v{s}i\'c, Lin Li, and Yingying Yao
CRS-FL: Conditional Random Sampling for Communication-Efficient and Privacy-Preserving Federated Learning
null
null
null
null
cs.CR cs.DC cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Federated Learning (FL), a privacy-oriented distributed ML paradigm, is being gaining great interest in Internet of Things because of its capability to protect participants data privacy. Studies have been conducted to address challenges existing in standard FL, including communication efficiency and privacy-preserving. But they cannot achieve the goal of making a tradeoff between communication efficiency and model accuracy while guaranteeing privacy. This paper proposes a Conditional Random Sampling (CRS) method and implements it into the standard FL settings (CRS-FL) to tackle the above-mentioned challenges. CRS explores a stochastic coefficient based on Poisson sampling to achieve a higher probability of obtaining zero-gradient unbiasedly, and then decreases the communication overhead effectively without model accuracy degradation. Moreover, we dig out the relaxation Local Differential Privacy (LDP) guarantee conditions of CRS theoretically. Extensive experiment results indicate that (1) in communication efficiency, CRS-FL performs better than the existing methods in metric accuracy per transmission byte without model accuracy reduction in more than 7% sampling ratio (# sampling size / # model size); (2) in privacy-preserving, CRS-FL achieves no accuracy reduction compared with LDP baselines while holding the efficiency, even exceeding them in model accuracy under more sampling ratio conditions.
[ { "created": "Thu, 1 Jun 2023 13:49:27 GMT", "version": "v1" }, { "created": "Wed, 7 Jun 2023 03:16:32 GMT", "version": "v2" } ]
"2023-06-08T00:00:00"
[ [ "Wang", "Jianhua", "" ], [ "Chang", "Xiaolin", "" ], [ "Mišić", "Jelena", "" ], [ "Mišić", "Vojislav B.", "" ], [ "Li", "Lin", "" ], [ "Yao", "Yingying", "" ] ]
0no_new_dataset
2106.12122
Fariba Abbasi
Fariba Abbasi, Hessam Mahdavifar, and Emanuele Viterbo
Hybrid Non-Binary Repeated Polar Codes
null
null
null
null
cs.IT math.IT
http://creativecommons.org/licenses/by/4.0/
Concatenating the state-of-the-art codes at moderate rates with repetition codes has emerged as a practical solution deployed in various standards for ultra-low-power devices such as in Internet-of-Things (IoT) networks. In this paper, we propose a novel concatenation mechanism for such applications which need to operate at very low signal-to-noise ratio (SNR) regime. In the proposed scheme, the outer code is a hybrid polar code constructed in two stages, one with a binary kernel and another also with a binary kernel but applied over a binary extension field. The inner code is a non-binary multiplicative repetition code. This particular structure inherits low-complexity decoding structures of polar codes while enabling concatenation with an inner non-binary multiplicative repetition scheme. The decoding for the proposed scheme is done using cyclic redundancy check (CRC) aided successive cancellation list (SCL) decoder over AWGN channel. Simulation results demonstrate that the proposed hybrid non-binary repeated polar code provides performance gain compared to a polar-repetition scheme with comparable decoding complexity.
[ { "created": "Wed, 23 Jun 2021 01:59:33 GMT", "version": "v1" }, { "created": "Wed, 23 Mar 2022 17:03:06 GMT", "version": "v2" } ]
"2022-03-24T00:00:00"
[ [ "Abbasi", "Fariba", "" ], [ "Mahdavifar", "Hessam", "" ], [ "Viterbo", "Emanuele", "" ] ]
0no_new_dataset
2308.09171
Li Yang
Li Yang, Abdallah Moubayed, Abdallah Shami, Amine Boukhtouta, Parisa Heidari, Stere Preda, Richard Brunner, Daniel Migault, and Adel Larabi
Forensic Data Analytics for Anomaly Detection in Evolving Networks
Electronic version of an article published as [Book Series: World Scientific Series in Digital Forensics and Cybersecurity, Volume 2, Innovations in Digital Forensics, 2023, Pages 99-137] [DOI:10.1142/9789811273209_0004] \c{opyright} copyright World Scientific Publishing Company [https://doi.org/10.1142/9789811273209_0004]
null
10.1142/9789811273209_0004
null
cs.CR cs.AI cs.LG cs.NI
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In the prevailing convergence of traditional infrastructure-based deployment (i.e., Telco and industry operational networks) towards evolving deployments enabled by 5G and virtualization, there is a keen interest in elaborating effective security controls to protect these deployments in-depth. By considering key enabling technologies like 5G and virtualization, evolving networks are democratized, facilitating the establishment of point presences integrating different business models ranging from media, dynamic web content, gaming, and a plethora of IoT use cases. Despite the increasing services provided by evolving networks, many cybercrimes and attacks have been launched in evolving networks to perform malicious activities. Due to the limitations of traditional security artifacts (e.g., firewalls and intrusion detection systems), the research on digital forensic data analytics has attracted more attention. Digital forensic analytics enables people to derive detailed information and comprehensive conclusions from different perspectives of cybercrimes to assist in convicting criminals and preventing future crimes. This chapter presents a digital analytics framework for network anomaly detection, including multi-perspective feature engineering, unsupervised anomaly detection, and comprehensive result correction procedures. Experiments on real-world evolving network data show the effectiveness of the proposed forensic data analytics solution.
[ { "created": "Thu, 17 Aug 2023 20:09:33 GMT", "version": "v1" } ]
"2023-08-21T00:00:00"
[ [ "Yang", "Li", "" ], [ "Moubayed", "Abdallah", "" ], [ "Shami", "Abdallah", "" ], [ "Boukhtouta", "Amine", "" ], [ "Heidari", "Parisa", "" ], [ "Preda", "Stere", "" ], [ "Brunner", "Richard", "" ], [ "Migault", "Daniel", "" ], [ "Larabi", "Adel", "" ] ]
1new_dataset
1303.3194
Mine Alsan Ms
Mine Alsan
Properties of the Polarization Transformations for the Likelihood Ratios of Symmetric B-DMCs
Submitted to CWIT 2013
null
null
null
cs.IT math.IT
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper we investigate, starting with a symmetric B-DMC, the evolution of various probabilities of the likelihood ratios of the synthetic channels created by the recursive application of the basic polarization transformations. The analysis provides a new perspective into the theory of channel polarization initiated by Ar{\i}kan and helps us to address a problem related to approximating the computations of the likelihood ratios of the synthetic channels.
[ { "created": "Wed, 13 Mar 2013 15:44:20 GMT", "version": "v1" } ]
"2013-03-14T00:00:00"
[ [ "Alsan", "Mine", "" ] ]
0no_new_dataset
1804.05685
Arman Cohan
Arman Cohan, Franck Dernoncourt, Doo Soon Kim, Trung Bui, Seokhwan Kim, Walter Chang and Nazli Goharian
A Discourse-Aware Attention Model for Abstractive Summarization of Long Documents
NAACL HLT 2018
null
null
null
cs.CL
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Neural abstractive summarization models have led to promising results in summarizing relatively short documents. We propose the first model for abstractive summarization of single, longer-form documents (e.g., research papers). Our approach consists of a new hierarchical encoder that models the discourse structure of a document, and an attentive discourse-aware decoder to generate the summary. Empirical results on two large-scale datasets of scientific papers show that our model significantly outperforms state-of-the-art models.
[ { "created": "Mon, 16 Apr 2018 13:55:20 GMT", "version": "v1" }, { "created": "Tue, 22 May 2018 13:06:37 GMT", "version": "v2" } ]
"2018-05-23T00:00:00"
[ [ "Cohan", "Arman", "" ], [ "Dernoncourt", "Franck", "" ], [ "Kim", "Doo Soon", "" ], [ "Bui", "Trung", "" ], [ "Kim", "Seokhwan", "" ], [ "Chang", "Walter", "" ], [ "Goharian", "Nazli", "" ] ]
1new_dataset
2008.05801
Noleen K\"ohler
Isolde Adler (1) and Noleen K\"ohler (1) ((1) University of Leeds)
An explicit construction of graphs of bounded degree that are far from being Hamiltonian
19 pages, 4 figures
Discrete Mathematics & Theoretical Computer Science, vol. 24, no. 1, Graph Theory (January 31, 2022) dmtcs:7109
10.46298/dmtcs.7109
null
cs.DM cs.CC cs.DS
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Hamiltonian cycles in graphs were first studied in the 1850s. Since then, an impressive amount of research has been dedicated to identifying classes of graphs that allow Hamiltonian cycles, and to related questions. The corresponding decision problem, that asks whether a given graph is Hamiltonian (i.\,e.\ admits a Hamiltonian cycle), is one of Karp's famous NP-complete problems. In this paper we study graphs of bounded degree that are \emph{far} from being Hamiltonian, where a graph $G$ on $n$ vertices is \emph{far} from being Hamiltonian, if modifying a constant fraction of $n$ edges is necessary to make $G$ Hamiltonian. We give an explicit deterministic construction of a class of graphs of bounded degree that are locally Hamiltonian, but (globally) far from being Hamiltonian. Here, \emph{locally Hamiltonian} means that every subgraph induced by the neighbourhood of a small vertex set appears in some Hamiltonian graph. More precisely, we obtain graphs which differ in $\Theta(n)$ edges from any Hamiltonian graph, but non-Hamiltonicity cannot be detected in the neighbourhood of $o(n)$ vertices. Our class of graphs yields a class of hard instances for one-sided error property testers with linear query complexity. It is known that any property tester (even with two-sided error) requires a linear number of queries to test Hamiltonicity (Yoshida, Ito, 2010). This is proved via a randomised construction of hard instances. In contrast, our construction is deterministic. So far only very few deterministic constructions of hard instances for property testing are known. We believe that our construction may lead to future insights in graph theory and towards a characterisation of the properties that are testable in the bounded-degree model.
[ { "created": "Thu, 13 Aug 2020 10:22:53 GMT", "version": "v1" }, { "created": "Mon, 18 Jan 2021 17:20:56 GMT", "version": "v2" }, { "created": "Tue, 19 Jan 2021 10:11:01 GMT", "version": "v3" }, { "created": "Mon, 13 Sep 2021 18:33:13 GMT", "version": "v4" }, { "created": "Fri, 17 Dec 2021 08:45:03 GMT", "version": "v5" }, { "created": "Fri, 21 Jan 2022 14:58:47 GMT", "version": "v6" } ]
"2023-06-22T00:00:00"
[ [ "Adler", "Isolde", "", "University of Leeds" ], [ "Köhler", "Noleen", "", "University of Leeds" ] ]
0no_new_dataset
2105.02472
Milan Gritta
Milan Gritta, Ignacio Iacobacci
XeroAlign: Zero-Shot Cross-lingual Transformer Alignment
Findings of ACL 2021 - Code: https://github.com/huawei-noah/noah-research/tree/master/xero_align
null
null
null
cs.CL
http://creativecommons.org/licenses/by/4.0/
The introduction of pretrained cross-lingual language models brought decisive improvements to multilingual NLP tasks. However, the lack of labelled task data necessitates a variety of methods aiming to close the gap to high-resource languages. Zero-shot methods in particular, often use translated task data as a training signal to bridge the performance gap between the source and target language(s). We introduce XeroAlign, a simple method for task-specific alignment of cross-lingual pretrained transformers such as XLM-R. XeroAlign uses translated task data to encourage the model to generate similar sentence embeddings for different languages. The XeroAligned XLM-R, called XLM-RA, shows strong improvements over the baseline models to achieve state-of-the-art zero-shot results on three multilingual natural language understanding tasks. XLM-RA's text classification accuracy exceeds that of XLM-R trained with labelled data and performs on par with state-of-the-art models on a cross-lingual adversarial paraphrasing task.
[ { "created": "Thu, 6 May 2021 07:10:00 GMT", "version": "v1" }, { "created": "Mon, 25 Oct 2021 15:59:30 GMT", "version": "v2" } ]
"2021-10-26T00:00:00"
[ [ "Gritta", "Milan", "" ], [ "Iacobacci", "Ignacio", "" ] ]
0no_new_dataset
1811.04193
Rafael Diniz
Rafael Diniz, Alan L. V. Guedes, Sergio Colcher
A Ginga-enabled Digital Radio Mondiale Broadcasting chain: Signaling and Definitions
15 pages
null
null
ISSN 0103-9741 ISSN 0103-9741
cs.MM
http://creativecommons.org/licenses/by-sa/4.0/
ISDB-T International standard is currently adopted by most Latin America countries and is already installed in most TV sets sold in recent years in the region. To support interactive applications in Digital TV receivers, ISDB-T defines the middleware Ginga. Similar to Digital TV, Digital Radio standards also provide the means to carry interactive applications; however, their specifications for interactive applications are usually more restricted than the ones used in Digital TV. Also, interactive applications for Digital TV and Digital Radio are usually incompatible. Motivated by such observations, this report considers the importance of interactive applications for both TV and Radio Broadcasting and the advantages of using the same middleware and languages specification for Digital TV and Radio. More specifically, it establishes the signaling and definitions on how to transport and execute Ginga-NCL and Ginga-HTML5 applications over DRM (Digital Radio Mondiale) transmission. Ministry of Science, Technology, Innovation and Communication of Brazil is carrying trials with Digital Radio Mondiale standard in order to define the reference model of the Brazilian Digital Radio System (Portuguese: Sistema Brasileiro de R\'adio Digital - SBRD).
[ { "created": "Sat, 10 Nov 2018 04:22:28 GMT", "version": "v1" }, { "created": "Wed, 12 Jun 2019 17:59:20 GMT", "version": "v2" } ]
"2019-06-13T00:00:00"
[ [ "Diniz", "Rafael", "" ], [ "Guedes", "Alan L. V.", "" ], [ "Colcher", "Sergio", "" ] ]
0no_new_dataset
2110.02732
Gal Vardi
Gal Vardi, Ohad Shamir, Nathan Srebro
On Margin Maximization in Linear and ReLU Networks
This version includes some minor updates
null
null
null
cs.LG stat.ML
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
The implicit bias of neural networks has been extensively studied in recent years. Lyu and Li [2019] showed that in homogeneous networks trained with the exponential or the logistic loss, gradient flow converges to a KKT point of the max margin problem in the parameter space. However, that leaves open the question of whether this point will generally be an actual optimum of the max margin problem. In this paper, we study this question in detail, for several neural network architectures involving linear and ReLU activations. Perhaps surprisingly, we show that in many cases, the KKT point is not even a local optimum of the max margin problem. On the flip side, we identify multiple settings where a local or global optimum can be guaranteed.
[ { "created": "Wed, 6 Oct 2021 13:27:23 GMT", "version": "v1" }, { "created": "Thu, 7 Oct 2021 05:26:42 GMT", "version": "v2" }, { "created": "Wed, 9 Feb 2022 10:38:11 GMT", "version": "v3" }, { "created": "Sun, 2 Oct 2022 10:33:53 GMT", "version": "v4" } ]
"2022-10-04T00:00:00"
[ [ "Vardi", "Gal", "" ], [ "Shamir", "Ohad", "" ], [ "Srebro", "Nathan", "" ] ]
0no_new_dataset
2305.10292
Canh Pham Van
Canh V. Pham, Tan D. Tran, Dung T.K. Ha, My T. Thai
Linear Query Approximation Algorithms for Non-monotone Submodular Maximization under Knapsack Constraint
null
null
null
null
cs.DS cs.AI
http://creativecommons.org/licenses/by/4.0/
This work, for the first time, introduces two constant factor approximation algorithms with linear query complexity for non-monotone submodular maximization over a ground set of size $n$ subject to a knapsack constraint, $\mathsf{DLA}$ and $\mathsf{RLA}$. $\mathsf{DLA}$ is a deterministic algorithm that provides an approximation factor of $6+\epsilon$ while $\mathsf{RLA}$ is a randomized algorithm with an approximation factor of $4+\epsilon$. Both run in $O(n \log(1/\epsilon)/\epsilon)$ query complexity. The key idea to obtain a constant approximation ratio with linear query lies in: (1) dividing the ground set into two appropriate subsets to find the near-optimal solution over these subsets with linear queries, and (2) combining a threshold greedy with properties of two disjoint sets or a random selection process to improve solution quality. In addition to the theoretical analysis, we have evaluated our proposed solutions with three applications: Revenue Maximization, Image Summarization, and Maximum Weighted Cut, showing that our algorithms not only return comparative results to state-of-the-art algorithms but also require significantly fewer queries.
[ { "created": "Wed, 17 May 2023 15:27:33 GMT", "version": "v1" }, { "created": "Mon, 10 Jul 2023 10:40:41 GMT", "version": "v2" } ]
"2023-07-11T00:00:00"
[ [ "Pham", "Canh V.", "" ], [ "Tran", "Tan D.", "" ], [ "Ha", "Dung T. K.", "" ], [ "Thai", "My T.", "" ] ]
0no_new_dataset
1805.04262
Yi-Min Chou
Yi-Min Chou, Chien-Hung Chen, Keng-Hao Liu, and Chu-Song Chen
Stingray Detection of Aerial Images Using Augmented Training Images Generated by A Conditional Generative Model
to appear in CVPR 2018 Workshop (CVPR 2018 Workshop and Challenge: Automated Analysis of Marine Video for Environmental Monitoring)
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper, we present an object detection method that tackles the stingray detection problem based on aerial images. In this problem, the images are aerially captured on a sea-surface area by using an Unmanned Aerial Vehicle (UAV), and the stingrays swimming under (but close to) the sea surface are the target we want to detect and locate. To this end, we use a deep object detection method, faster RCNN, to train a stingray detector based on a limited training set of images. To boost the performance, we develop a new generative approach, conditional GLO, to increase the training samples of stingray, which is an extension of the Generative Latent Optimization (GLO) approach. Unlike traditional data augmentation methods that generate new data only for image classification, our proposed method that mixes foreground and background together can generate new data for an object detection task, and thus improve the training efficacy of a CNN detector. Experimental results show that satisfiable performance can be obtained by using our approach on stingray detection in aerial images.
[ { "created": "Fri, 11 May 2018 07:29:23 GMT", "version": "v1" }, { "created": "Thu, 14 Jun 2018 03:24:23 GMT", "version": "v2" }, { "created": "Mon, 25 Jun 2018 06:44:41 GMT", "version": "v3" } ]
"2018-06-26T00:00:00"
[ [ "Chou", "Yi-Min", "" ], [ "Chen", "Chien-Hung", "" ], [ "Liu", "Keng-Hao", "" ], [ "Chen", "Chu-Song", "" ] ]
1new_dataset
2004.12239
Jiaao Chen
Jiaao Chen, Zichao Yang, Diyi Yang
MixText: Linguistically-Informed Interpolation of Hidden Space for Semi-Supervised Text Classification
ACL 2020
null
null
null
cs.CL cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper presents MixText, a semi-supervised learning method for text classification, which uses our newly designed data augmentation method called TMix. TMix creates a large amount of augmented training samples by interpolating text in hidden space. Moreover, we leverage recent advances in data augmentation to guess low-entropy labels for unlabeled data, hence making them as easy to use as labeled data.By mixing labeled, unlabeled and augmented data, MixText significantly outperformed current pre-trained and fined-tuned models and other state-of-the-art semi-supervised learning methods on several text classification benchmarks. The improvement is especially prominent when supervision is extremely limited. We have publicly released our code at https://github.com/GT-SALT/MixText.
[ { "created": "Sat, 25 Apr 2020 21:37:36 GMT", "version": "v1" } ]
"2020-04-28T00:00:00"
[ [ "Chen", "Jiaao", "" ], [ "Yang", "Zichao", "" ], [ "Yang", "Diyi", "" ] ]
1new_dataset
2203.04711
Dai Hai Nguyen
Dai Hai Nguyen, Koji Tsuda
On a linear fused Gromov-Wasserstein distance for graph structured data
null
Pattern Recognition 2023
10.1016/j.patcog.2023.109351
null
cs.LG
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We present a framework for embedding graph structured data into a vector space, taking into account node features and topology of a graph into the optimal transport (OT) problem. Then we propose a novel distance between two graphs, named linearFGW, defined as the Euclidean distance between their embeddings. The advantages of the proposed distance are twofold: 1) it can take into account node feature and structure of graphs for measuring the similarity between graphs in a kernel-based framework, 2) it can be much faster for computing kernel matrix than pairwise OT-based distances, particularly fused Gromov-Wasserstein, making it possible to deal with large-scale data sets. After discussing theoretical properties of linearFGW, we demonstrate experimental results on classification and clustering tasks, showing the effectiveness of the proposed linearFGW.
[ { "created": "Wed, 9 Mar 2022 13:43:18 GMT", "version": "v1" } ]
"2023-07-04T00:00:00"
[ [ "Nguyen", "Dai Hai", "" ], [ "Tsuda", "Koji", "" ] ]
0no_new_dataset
2307.04458
Chadni Islam
Victor Prokhorenko, Chadni Islam and Muhammad Ali Babar
Analyzing the Evolution of Inter-package Dependencies in Operating Systems: A Case Study of Ubuntu
This paper is accepted for publication in the 17th international conference on Software Architecture
null
null
null
cs.SE
http://creativecommons.org/licenses/by/4.0/
An Operating System (OS) combines multiple interdependent software packages, which usually have their own independently developed architectures. When a multitude of independent packages are placed together in an OS, an implicit inter-package architecture is formed. For an evolutionary effort, designers/developers of OS can greatly benefit from fully understanding the system-wide dependency focused on individual files, specifically executable files, and dynamically loadable libraries. We propose a framework, DepEx, aimed at discovering the detailed package relations at the level of individual binary files and their associated evolutionary changes. We demonstrate the utility of DepEx by systematically investigating the evolution of a large-scale Open Source OS, Ubuntu. DepEx enabled us to systematically acquire and analyze the dependencies in different versions of Ubuntu released between 2005 (5.04) to 2023 (23.04). Our analysis revealed various evolutionary trends in package management and their implications based on the analysis of the 84 consecutive versions available for download (these include beta versions). This study has enabled us to assert that DepEx can provide researchers and practitioners with a better understanding of the implicit software dependencies in order to improve the stability, performance, and functionality of their software as well as to reduce the risk of issues arising during maintenance, updating, or migration.
[ { "created": "Mon, 10 Jul 2023 10:12:21 GMT", "version": "v1" } ]
"2023-07-11T00:00:00"
[ [ "Prokhorenko", "Victor", "" ], [ "Islam", "Chadni", "" ], [ "Babar", "Muhammad Ali", "" ] ]
0no_new_dataset
2007.02066
Yun Li
Yun Li, Zechun Liu, Weiqun Wu, Haotian Yao, Xiangyu Zhang, Chi Zhang, Baoqun Yin
Weight-dependent Gates for Network Pruning
13 pages, 7 figures, to appear at IEEE TCSVT
null
10.1109/TCSVT.2022.3175762
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In this paper, a simple yet effective network pruning framework is proposed to simultaneously address the problems of pruning indicator, pruning ratio, and efficiency constraint. This paper argues that the pruning decision should depend on the convolutional weights, and thus proposes novel weight-dependent gates (W-Gates) to learn the information from filter weights and obtain binary gates to prune or keep the filters automatically. To prune the network under efficiency constraints, a switchable Efficiency Module is constructed to predict the hardware latency or FLOPs of candidate pruned networks. Combined with the proposed Efficiency Module, W-Gates can perform filter pruning in an efficiency-aware manner and achieve a compact network with a better accuracy-efficiency trade-off. We have demonstrated the effectiveness of the proposed method on ResNet34, ResNet50, and MobileNet V2, respectively achieving up to 1.33/1.28/1.1 higher Top-1 accuracy with lower hardware latency on ImageNet. Compared with state-of-the-art methods, W-Gates also achieves superior performance.
[ { "created": "Sat, 4 Jul 2020 10:29:07 GMT", "version": "v1" }, { "created": "Mon, 17 Aug 2020 03:44:08 GMT", "version": "v2" }, { "created": "Tue, 18 Jan 2022 17:42:02 GMT", "version": "v3" }, { "created": "Sat, 14 May 2022 11:40:51 GMT", "version": "v4" } ]
"2022-05-20T00:00:00"
[ [ "Li", "Yun", "" ], [ "Liu", "Zechun", "" ], [ "Wu", "Weiqun", "" ], [ "Yao", "Haotian", "" ], [ "Zhang", "Xiangyu", "" ], [ "Zhang", "Chi", "" ], [ "Yin", "Baoqun", "" ] ]
0no_new_dataset
2309.08793
Aman Rangapur
Aman Rangapur, Haoran Wang, Ling Jian and Kai Shu
Fin-Fact: A Benchmark Dataset for Multimodal Financial Fact Checking and Explanation Generation
8 pages, 4 figures, 4 tables
null
null
null
cs.AI cs.CE cs.LG
http://creativecommons.org/licenses/by/4.0/
Fact-checking in financial domain is under explored, and there is a shortage of quality dataset in this domain. In this paper, we propose Fin-Fact, a benchmark dataset for multimodal fact-checking within the financial domain. Notably, it includes professional fact-checker annotations and justifications, providing expertise and credibility. With its multimodal nature encompassing both textual and visual content, Fin-Fact provides complementary information sources to enhance factuality analysis. Its primary objective is combating misinformation in finance, fostering transparency, and building trust in financial reporting and news dissemination. By offering insightful explanations, Fin-Fact empowers users, including domain experts and end-users, to understand the reasoning behind fact-checking decisions, validating claim credibility, and fostering trust in the fact-checking process. The Fin-Fact dataset, along with our experimental codes is available at https://github.com/IIT-DM/Fin-Fact/.
[ { "created": "Fri, 15 Sep 2023 22:24:00 GMT", "version": "v1" }, { "created": "Wed, 1 May 2024 21:44:34 GMT", "version": "v2" } ]
"2024-05-03T00:00:00"
[ [ "Rangapur", "Aman", "" ], [ "Wang", "Haoran", "" ], [ "Jian", "Ling", "" ], [ "Shu", "Kai", "" ] ]
1new_dataset
2403.09996
Ce Guo
Yu Du and Yu Song and Ce Guo and Xiaojing Tian and Dong Liu and Ming Cong
MEDPNet: Achieving High-Precision Adaptive Registration for Complex Die Castings
null
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Due to their complex spatial structure and diverse geometric features, achieving high-precision and robust point cloud registration for complex Die Castings has been a significant challenge in the die-casting industry. Existing point cloud registration methods primarily optimize network models using well-established high-quality datasets, often neglecting practical application in real scenarios. To address this gap, this paper proposes a high-precision adaptive registration method called Multiscale Efficient Deep Closest Point (MEDPNet) and introduces a die-casting point cloud dataset, DieCastCloud, specifically designed to tackle the challenges of point cloud registration in the die-casting industry. The MEDPNet method performs coarse die-casting point cloud data registration using the Efficient-DCP method, followed by precision registration using the Multiscale feature fusion dual-channel registration (MDR) method. We enhance the modeling capability and computational efficiency of the model by replacing the attention mechanism of the Transformer in DCP with Efficient Attention and implementing a collaborative scale mechanism through the combination of serial and parallel blocks. Additionally, we propose the MDR method, which utilizes multilayer perceptrons (MLP), Normal Distributions Transform (NDT), and Iterative Closest Point (ICP) to achieve learnable adaptive fusion, enabling high-precision, scalable, and noise-resistant global point cloud registration. Our proposed method demonstrates excellent performance compared to state-of-the-art geometric and learning-based registration methods when applied to complex die-casting point cloud data.
[ { "created": "Fri, 15 Mar 2024 03:42:38 GMT", "version": "v1" } ]
"2024-03-18T00:00:00"
[ [ "Du", "Yu", "" ], [ "Song", "Yu", "" ], [ "Guo", "Ce", "" ], [ "Tian", "Xiaojing", "" ], [ "Liu", "Dong", "" ], [ "Cong", "Ming", "" ] ]
1new_dataset
2106.14408
Thomas Dag\`es
Thomas Dag\`es, Alfred M. Bruckstein
A Bound on the Edge-Flipping Distance between Triangulations (Revisiting the Proof)
null
null
null
null
cs.CC
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
We revisit here a fundamental result on planar triangulations, namely that the flip distance between two triangulations is upper-bounded by the number of proper intersections between their straight-segment edges. We provide a complete and detailed proof of this result in a slightly generalised setting using a case-based analysis that fills several gaps left by previous proofs of the result.
[ { "created": "Mon, 28 Jun 2021 05:50:17 GMT", "version": "v1" } ]
"2021-06-29T00:00:00"
[ [ "Dagès", "Thomas", "" ], [ "Bruckstein", "Alfred M.", "" ] ]
0no_new_dataset
1908.00173
Jianlei Yang
Xucheng Ye, Pengcheng Dai, Junyu Luo, Xin Guo, Yingjie Qi, Jianlei Yang, Yiran Chen
Accelerating CNN Training by Pruning Activation Gradients
accepted by ECCV 2020
null
null
null
cs.LG cs.CV stat.ML
http://creativecommons.org/licenses/by/4.0/
Sparsification is an efficient approach to accelerate CNN inference, but it is challenging to take advantage of sparsity in training procedure because the involved gradients are dynamically changed. Actually, an important observation shows that most of the activation gradients in back-propagation are very close to zero and only have a tiny impact on weight-updating. Hence, we consider pruning these very small gradients randomly to accelerate CNN training according to the statistical distribution of activation gradients. Meanwhile, we theoretically analyze the impact of pruning algorithm on the convergence. The proposed approach is evaluated on AlexNet and ResNet-\{18, 34, 50, 101, 152\} with CIFAR-\{10, 100\} and ImageNet datasets. Experimental results show that our training approach could substantially achieve up to $5.92 \times$ speedups at back-propagation stage with negligible accuracy loss.
[ { "created": "Thu, 1 Aug 2019 01:48:11 GMT", "version": "v1" }, { "created": "Thu, 26 Mar 2020 12:18:17 GMT", "version": "v2" }, { "created": "Mon, 20 Jul 2020 11:13:05 GMT", "version": "v3" } ]
"2020-07-21T00:00:00"
[ [ "Ye", "Xucheng", "" ], [ "Dai", "Pengcheng", "" ], [ "Luo", "Junyu", "" ], [ "Guo", "Xin", "" ], [ "Qi", "Yingjie", "" ], [ "Yang", "Jianlei", "" ], [ "Chen", "Yiran", "" ] ]
1new_dataset
2308.05725
Tu Anh Nguyen
Tu Anh Nguyen, Wei-Ning Hsu, Antony D'Avirro, Bowen Shi, Itai Gat, Maryam Fazel-Zarani, Tal Remez, Jade Copet, Gabriel Synnaeve, Michael Hassid, Felix Kreuk, Yossi Adi, Emmanuel Dupoux
EXPRESSO: A Benchmark and Analysis of Discrete Expressive Speech Resynthesis
null
null
null
null
cs.CL cs.LG cs.SD eess.AS
http://creativecommons.org/licenses/by-nc-sa/4.0/
Recent work has shown that it is possible to resynthesize high-quality speech based, not on text, but on low bitrate discrete units that have been learned in a self-supervised fashion and can therefore capture expressive aspects of speech that are hard to transcribe (prosody, voice styles, non-verbal vocalization). The adoption of these methods is still limited by the fact that most speech synthesis datasets are read, severely limiting spontaneity and expressivity. Here, we introduce Expresso, a high-quality expressive speech dataset for textless speech synthesis that includes both read speech and improvised dialogues rendered in 26 spontaneous expressive styles. We illustrate the challenges and potentials of this dataset with an expressive resynthesis benchmark where the task is to encode the input in low-bitrate units and resynthesize it in a target voice while preserving content and style. We evaluate resynthesis quality with automatic metrics for different self-supervised discrete encoders, and explore tradeoffs between quality, bitrate and invariance to speaker and style. All the dataset, evaluation metrics and baseline models are open source
[ { "created": "Thu, 10 Aug 2023 17:41:19 GMT", "version": "v1" } ]
"2023-08-11T00:00:00"
[ [ "Nguyen", "Tu Anh", "" ], [ "Hsu", "Wei-Ning", "" ], [ "D'Avirro", "Antony", "" ], [ "Shi", "Bowen", "" ], [ "Gat", "Itai", "" ], [ "Fazel-Zarani", "Maryam", "" ], [ "Remez", "Tal", "" ], [ "Copet", "Jade", "" ], [ "Synnaeve", "Gabriel", "" ], [ "Hassid", "Michael", "" ], [ "Kreuk", "Felix", "" ], [ "Adi", "Yossi", "" ], [ "Dupoux", "Emmanuel", "" ] ]
1new_dataset
2206.14925
Minsang Kim
Minsang Kim, Seungjun Baek
ComDensE : Combined Dense Embedding of Relation-aware and Common Features for Knowledge Graph Completion
International Conference on Pattern Recognition 2022, Accepted
null
null
null
cs.AI cs.LG
http://creativecommons.org/licenses/by/4.0/
Real-world knowledge graphs (KG) are mostly incomplete. The problem of recovering missing relations, called KG completion, has recently become an active research area. Knowledge graph (KG) embedding, a low-dimensional representation of entities and relations, is the crucial technique for KG completion. Convolutional neural networks in models such as ConvE, SACN, InteractE, and RGCN achieve recent successes. This paper takes a different architectural view and proposes ComDensE which combines relation-aware and common features using dense neural networks. In the relation-aware feature extraction, we attempt to create relational inductive bias by applying an encoding function specific to each relation. In the common feature extraction, we apply the common encoding function to all input embeddings. These encoding functions are implemented using dense layers in ComDensE. ComDensE achieves the state-of-the-art performance in the link prediction in terms of MRR, HIT@1 on FB15k-237 and HIT@1 on WN18RR compared to the previous baseline approaches. We conduct an extensive ablation study to examine the effects of the relation-aware layer and the common layer of the ComDensE. Experimental results illustrate that the combined dense architecture as implemented in ComDensE achieves the best performance.
[ { "created": "Wed, 29 Jun 2022 22:04:07 GMT", "version": "v1" } ]
"2022-07-01T00:00:00"
[ [ "Kim", "Minsang", "" ], [ "Baek", "Seungjun", "" ] ]
0no_new_dataset
1309.3314
Zeineb Abderrahim
Zeineb Abderrahim, Elhem Techini, Mohamed Salim Bouhlel
Progressive Compression of 3D Objects with an Adaptive Quantization
8 pages, 5 figures
IJCSI Volume 10, Issue 2,No 1, March 2013 , Pages 504-511
null
null
cs.GR cs.CG cs.MM
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
This paper presents a new progressive compression method for triangular meshes. This method, in fact, is based on a schema of irregular multi-resolution analysis and is centered on the optimization of the rate-distortion trade-off. The quantization precision is adapted to each vertex during the encoding / decoding process to optimize the rate-distortion compromise. The Optimization of the treated mesh geometry improves the approximation quality and the compression ratio at each level of resolution. The experimental results show that the proposed algorithm gives competitive results compared to the previous works dealing with the rate-distortion compromise.
[ { "created": "Thu, 12 Sep 2013 21:47:37 GMT", "version": "v1" } ]
"2013-09-16T00:00:00"
[ [ "Abderrahim", "Zeineb", "" ], [ "Techini", "Elhem", "" ], [ "Bouhlel", "Mohamed Salim", "" ] ]
0no_new_dataset
2111.00191
Chanjun Park
Chanjun Park, Seolhwa Lee, Hyeonseok Moon, Sugyeong Eo, Jaehyung Seo, Heuiseok Lim
How should human translation coexist with NMT? Efficient tool for building high quality parallel corpus
Accepted for Data-centric AI workshop at NeurIPS 2021
null
null
null
cs.CL cs.AI
http://creativecommons.org/licenses/by/4.0/
This paper proposes a tool for efficiently constructing high-quality parallel corpora with minimizing human labor and making this tool publicly available. Our proposed construction process is based on neural machine translation (NMT) to allow for it to not only coexist with human translation, but also improve its efficiency by combining data quality control with human translation in a data-centric approach.
[ { "created": "Sat, 30 Oct 2021 06:53:41 GMT", "version": "v1" } ]
"2021-11-02T00:00:00"
[ [ "Park", "Chanjun", "" ], [ "Lee", "Seolhwa", "" ], [ "Moon", "Hyeonseok", "" ], [ "Eo", "Sugyeong", "" ], [ "Seo", "Jaehyung", "" ], [ "Lim", "Heuiseok", "" ] ]
0no_new_dataset
1902.03039
Uthman Baroudi Dr
Gamal Sallam and Uthman Baroudi
A Framework for Autonomous Robot Deployment with Perfect Demand Satisfaction using Virtual Forces
null
null
null
null
cs.NI cs.DC cs.MA cs.RO
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
In many applications, robots autonomous deployment is preferable and sometimes it is the only affordable solution. To address this issue, virtual force (VF) is one of the prominent approaches to performing multirobot deployment autonomously. However, most of the existing VF-based approaches consider only a uniform deployment to maximize the covered area while ignoring the criticality of specific locations during the deployment process. To overcome these limitations, we present a framework for autonomously deploy robots or vehicles using virtual force. The framework is composed of two stages. In the first stage, a two-hop Cooperative Virtual Force based Robots Deployment (Two-hop COVER) is employed where a cooperative relation between robots and neighboring landmarks is established to satisfy mission requirements. The second stage complements the first stage and ensures perfect demand satisfaction by utilizing the Trace Fingerprint technique which collected traces while each robot traversing the deployment area. Finally, a fairness-aware version of Two-hop COVER is presented to consider scenarios where the mission requirements are greater than the available resources (i.e. robots). We evaluate our framework via extensive simulations. The results demonstrate outstanding performance compared to contemporary approaches in terms of total travelled distance, total exchanged messages, total deployment time, and Jain fairness index.
[ { "created": "Fri, 8 Feb 2019 12:03:16 GMT", "version": "v1" } ]
"2019-02-11T00:00:00"
[ [ "Sallam", "Gamal", "" ], [ "Baroudi", "Uthman", "" ] ]
0no_new_dataset
2201.08383
Chao-Yuan Wu
Chao-Yuan Wu, Yanghao Li, Karttikeya Mangalam, Haoqi Fan, Bo Xiong, Jitendra Malik, Christoph Feichtenhofer
MeMViT: Memory-Augmented Multiscale Vision Transformer for Efficient Long-Term Video Recognition
Technical report. arXiv v2: add link to code
null
null
null
cs.CV
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
While today's video recognition systems parse snapshots or short clips accurately, they cannot connect the dots and reason across a longer range of time yet. Most existing video architectures can only process <5 seconds of a video without hitting the computation or memory bottlenecks. In this paper, we propose a new strategy to overcome this challenge. Instead of trying to process more frames at once like most existing methods, we propose to process videos in an online fashion and cache "memory" at each iteration. Through the memory, the model can reference prior context for long-term modeling, with only a marginal cost. Based on this idea, we build MeMViT, a Memory-augmented Multiscale Vision Transformer, that has a temporal support 30x longer than existing models with only 4.5% more compute; traditional methods need >3,000% more compute to do the same. On a wide range of settings, the increased temporal support enabled by MeMViT brings large gains in recognition accuracy consistently. MeMViT obtains state-of-the-art results on the AVA, EPIC-Kitchens-100 action classification, and action anticipation datasets. Code and models are available at https://github.com/facebookresearch/memvit.
[ { "created": "Thu, 20 Jan 2022 18:59:54 GMT", "version": "v1" }, { "created": "Wed, 30 Nov 2022 19:40:55 GMT", "version": "v2" } ]
"2022-12-02T00:00:00"
[ [ "Wu", "Chao-Yuan", "" ], [ "Li", "Yanghao", "" ], [ "Mangalam", "Karttikeya", "" ], [ "Fan", "Haoqi", "" ], [ "Xiong", "Bo", "" ], [ "Malik", "Jitendra", "" ], [ "Feichtenhofer", "Christoph", "" ] ]
0no_new_dataset
1110.3014
Sonoko Moriyama
Yoshikazu Aoshima, David Avis, Theresa Deering, Yoshitake Matsumoto, Sonoko Moriyama
On the Existence of Hamiltonian Paths for History Based Pivot Rules on Acyclic Unique Sink Orientations of Hypercubes
null
null
null
null
cs.DM
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
An acyclic USO on a hypercube is formed by directing its edges in such as way that the digraph is acyclic and each face of the hypercube has a unique sink and a unique source. A path to the global sink of an acyclic USO can be modeled as pivoting in a unit hypercube of the same dimension with an abstract objective function, and vice versa. In such a way, Zadeh's 'least entered rule' and other history based pivot rules can be applied to the problem of finding the global sink of an acyclic USO. In this paper we present some theoretical and empirical results on the existence of acyclic USOs for which the various history based pivot rules can be made to follow a Hamiltonian path. In particular, we develop an algorithm that can enumerate all such paths up to dimension 6 using efficient pruning techniques. We show that Zadeh's original rule admits Hamiltonian paths up to dimension 9 at least, and prove that most of the other rules do not for all dimensions greater than 5.
[ { "created": "Thu, 13 Oct 2011 17:57:59 GMT", "version": "v1" }, { "created": "Thu, 24 May 2012 15:19:07 GMT", "version": "v2" } ]
"2012-05-25T00:00:00"
[ [ "Aoshima", "Yoshikazu", "" ], [ "Avis", "David", "" ], [ "Deering", "Theresa", "" ], [ "Matsumoto", "Yoshitake", "" ], [ "Moriyama", "Sonoko", "" ] ]
0no_new_dataset
1805.02816
Wanyu Chen
Wanyu Chen, Fei Cai, Honghui Chen, Maarten de Rijke
Attention-based Hierarchical Neural Query Suggestion
null
null
null
null
cs.IR
http://arxiv.org/licenses/nonexclusive-distrib/1.0/
Query suggestions help users of a search engine to refine their queries. Previous work on query suggestion has mainly focused on incorporating directly observable features such as query co-occurrence and semantic similarity. The structure of such features is often set manually, as a result of which hidden dependencies between queries and users may be ignored. We propose an AHNQS model that combines a hierarchical structure with a session-level neural network and a user-level neural network to model the short- and long-term search history of a user. An attention mechanism is used to capture user preferences. We quantify the improvements of AHNQS over state-of-the-art RNN-based query suggestion baselines on the AOL query log dataset, with improvements of up to 21.86% and 22.99% in terms of MRR@10 and Recall@10, respectively, over the state-of-the-art; improvements are especially large for short sessions.
[ { "created": "Tue, 8 May 2018 03:15:05 GMT", "version": "v1" } ]
"2018-05-09T00:00:00"
[ [ "Chen", "Wanyu", "" ], [ "Cai", "Fei", "" ], [ "Chen", "Honghui", "" ], [ "de Rijke", "Maarten", "" ] ]
1new_dataset