id
float64 2.21k
2.31k
| content
stringlengths 78
1.92k
⌀ | category
stringclasses 8
values |
---|---|---|
2,312.03992 | Explicit and exact results are obtained for the joint queue-length distribution for the two-level non-preemptive Markovian priority queue. Marginal distributions are derived for the general multi-level problem. The results are based on a representation of the joint queue-length probability mass function as a single-variable complex contour integral, that reduces to a real integral on a finite interval arising from a cut on the real axis. Both numerical quadrature rules and exact finite sums, involving Legendre polynomials and their generalization, are presented for the joint and marginal distributions. A high level of accuracy is demonstrated across the entire ergodic region. Relationships are established with the waiting-time distributions. Asymptotic behaviour in the large queue-length regime is extracted. | math |
2,312.0441 | Recently, diffusion models have made remarkable progress in text-to-image (T2I) generation, synthesizing images with high fidelity and diverse contents. Despite this advancement, latent space smoothness within diffusion models remains largely unexplored. Smooth latent spaces ensure that a perturbation on an input latent corresponds to a steady change in the output image. This property proves beneficial in downstream tasks, including image interpolation, inversion, and editing. In this work, we expose the non-smoothness of diffusion latent spaces by observing noticeable visual fluctuations resulting from minor latent variations. To tackle this issue, we propose Smooth Diffusion, a new category of diffusion models that can be simultaneously high-performing and smooth. Specifically, we introduce Step-wise Variation Regularization to enforce the proportion between the variations of an arbitrary input latent and that of the output image is a constant at any diffusion training step. In addition, we devise an interpolation standard deviation (ISTD) metric to effectively assess the latent space smoothness of a diffusion model. Extensive quantitative and qualitative experiments demonstrate that Smooth Diffusion stands out as a more desirable solution not only in T2I generation but also across various downstream tasks. Smooth Diffusion is implemented as a plug-and-play Smooth-LoRA to work with various community models. Code is available at . | cs |
2,312.05072 | We give a recursive construction for projective Reed-Muller codes in terms of affine Reed-Muller codes and projective Reed-Muller codes in fewer variables. From this construction, we obtain the dimension of the subfield subcodes of projective Reed-Muller codes for some particular degrees that give codes with good parameters. Moreover, from this recursive construction we are able to derive a lower bound for the generalized Hamming weights of projective Reed-Muller codes which, together with the basic properties of the generalized Hamming weights, allows us to determine most of the weight hierarchy of projective Reed-Muller codes in many cases. | cs |
2,312.04927 | Attention-free language models that combine gating and convolutions are growing in popularity due to their efficiency and increasingly competitive performance. To better understand these architectures, we pretrain a suite of 17 attention and "gated-convolution" language models, finding that SoTA gated-convolution architectures still underperform attention by up to 2.1 perplexity points on the Pile. In fine-grained analysis, we find 82% of the gap is explained by each model's ability to recall information that is previously mentioned in-context, e.g. "Hakuna Matata means no worries Hakuna Matata it means no" $\rightarrow$ "??". On this task, termed "associative recall", we find that attention outperforms gated-convolutions by a large margin: a 70M parameter attention model outperforms a 1.4 billion parameter gated-convolution model on associative recall. This is surprising because prior work shows gated convolutions can perfectly solve synthetic tests for AR capability. To close the gap between synthetics and real language, we develop a new formalization of the task called multi-query associative recall (MQAR) that better reflects actual language. We perform an empirical and theoretical study of MQAR that elucidates differences in the parameter-efficiency of attention and gated-convolution recall. Informed by our analysis, we evaluate simple convolution-attention hybrids and show that hybrids with input-dependent sparse attention patterns can close 97.4% of the gap to attention, while maintaining sub-quadratic scaling. Our code is accessible at: . | cs |
2,312.02476 | The high-frequency Helmholtz equation on the entire space is truncated into a bounded domain using the perfectly matched layer (PML) technique and subsequently, discretized by the higher-order finite element method (FEM) and the continuous interior penalty finite element method (CIP-FEM). By formulating an elliptic problem involving a linear combination of a finite number of eigenfunctions related to the PML differential operator, a wave-number-explicit decomposition lemma is proved for the PML problem, which implies that the PML solution can be decomposed into a non-oscillating elliptic part and an oscillating but analytic part. The preasymptotic error estimates in the energy norm for both the $p$-th order CIP-FEM and FEM are proved to be $C_1(kh)^p + C_2k(kh)^{2p} +C_3 E^{\rm PML}$ under the mesh condition that $k^{2p+1}h^{2p}$ is sufficiently small, where $k$ is the wave number, $h$ is the mesh size, and $E^{\rm PML}$ is the PML truncation error which is exponentially small. In particular, the dependences of coefficients $C_j~(j=1,2)$ on the source $f$ are improved. Numerical experiments are presented to validate the theoretical findings, illustrating that the higher-order CIP-FEM can greatly reduce the pollution errors. | cs |
2,312.06424 | Deep neural networks (DNNs) that incorporated lifelong sequential modeling (LSM) have brought great success to recommendation systems in various social media platforms. While continuous improvements have been made in domain-specific LSM, limited work has been done in cross-domain LSM, which considers modeling of lifelong sequences of both target domain and source domain. In this paper, we propose Lifelong Cross Network (LCN) to incorporate cross-domain LSM to improve the click-through rate (CTR) prediction in the target domain. The proposed LCN contains a LifeLong Attention Pyramid (LAP) module that comprises of three levels of cascaded attentions to effectively extract interest representations with respect to the candidate item from lifelong sequences. We also propose Cross Representation Production (CRP) module to enforce additional supervision on the learning and alignment of cross-domain representations so that they can be better reused on learning of the CTR prediction in the target domain. We conducted extensive experiments on WeChat Channels industrial dataset as well as on benchmark dataset. Results have revealed that the proposed LCN outperforms existing work in terms of both prediction accuracy and online performance. | cs |
2,312.02244 | Zero-shot 3D point cloud understanding can be achieved via 2D Vision-Language Models (VLMs). Existing strategies directly map Vision-Language Models from 2D pixels of rendered or captured views to 3D points, overlooking the inherent and expressible point cloud geometric structure. Geometrically similar or close regions can be exploited for bolstering point cloud understanding as they are likely to share semantic information. To this end, we introduce the first training-free aggregation technique that leverages the point cloud's 3D geometric structure to improve the quality of the transferred Vision-Language Models. Our approach operates iteratively, performing local-to-global aggregation based on geometric and semantic point-level reasoning. We benchmark our approach on three downstream tasks, including classification, part segmentation, and semantic segmentation, with a variety of datasets representing both synthetic/real-world, and indoor/outdoor scenarios. Our approach achieves new state-of-the-art results in all benchmarks. We will release the source code publicly. | cs |
2,312.03297 | Differentiable physics simulation provides an avenue for tackling previously intractable challenges through gradient-based optimization, thereby greatly improving the efficiency of solving robotics-related problems. To apply differentiable simulation in diverse robotic manipulation scenarios, a key challenge is to integrate various materials in a unified framework. We present SoftMAC, a differentiable simulation framework coupling soft bodies with articulated rigid bodies and clothes. SoftMAC simulates soft bodies with the continuum-mechanics-based Material Point Method (MPM). We provide a forecast-based contact model for MPM, which greatly reduces artifacts like penetration and unnatural rebound. To couple MPM particles with deformable and non-volumetric clothes meshes, we also propose a penetration tracing algorithm that reconstructs the signed distance field in local area. Based on simulators for each modality and the contact model, we develop a differentiable coupling mechanism to simulate the interactions between soft bodies and the other two types of materials. Comprehensive experiments are conducted to validate the effectiveness and accuracy of the proposed differentiable pipeline in downstream robotic manipulation applications. Supplementary materials and videos are available on our project website at . | cs |
2,312.03516 | Recent work has proposed solving the k-means clustering problem on quantum computers via the Quantum Approximate Optimization Algorithm (QAOA) and coreset techniques. Although the current method demonstrates the possibility of quantum k-means clustering, it does not ensure high accuracy and consistency across a wide range of datasets. The existing coreset techniques are designed for classical algorithms and there has been no quantum-tailored coreset technique which is designed to boost the accuracy of quantum algorithms. In this work, we propose solving the k-means clustering problem with the variational quantum eigensolver (VQE) and a customised coreset method, the Contour coreset, which has been formulated with specific focus on quantum algorithms. Extensive simulations with synthetic and real-life data demonstrated that our VQE+Contour Coreset approach outperforms existing QAOA+Coreset k-means clustering approaches with higher accuracy and lower standard deviation. Our work has shown that quantum tailored coreset techniques has the potential to significantly boost the performance of quantum algorithms when compared to using generic off-the-shelf coreset techniques. | quant-ph |
2,312.05278 | Large Vision Language Models (LVLMs) have demonstrated impressive zero-shot capabilities in various vision-language dialogue scenarios. However, the absence of fine-grained visual object detection hinders the model from understanding the details of images, leading to irreparable visual hallucinations and factual errors. In this paper, we propose Lyrics, a novel multi-modal pre-training and instruction fine-tuning paradigm that bootstraps vision-language alignment from fine-grained cross-modal collaboration. Building on the foundation of BLIP-2, Lyrics infuses local visual features extracted from a visual refiner that includes image tagging, object detection and semantic segmentation modules into the Querying Transformer, while on the text side, the language inputs equip the boundary boxes and tags derived from the visual refiner. We further introduce a two-stage training scheme, in which the pre-training stage bridges the modality gap through explicit and comprehensive vision-language alignment targets. During the instruction fine-tuning stage, we introduce semantic-aware visual feature extraction, a crucial method that enables the model to extract informative features from concrete visual objects. Our approach achieves strong performance on 13 held-out datasets across various vision-language tasks, and demonstrates promising multi-modal understanding and detailed depiction capabilities in real dialogue scenarios. | cs |
2,312.03549 | Large language models (LLMs) such as GPT-3, OPT, and LLaMA have demonstrated remarkable accuracy in a wide range of tasks. However, training these models can incur significant expenses, often requiring tens of thousands of GPUs for months of continuous operation. Typically, this training is carried out in specialized GPU clusters equipped with homogeneous high-speed Remote Direct Memory Access (RDMA) network interface cards (NICs). The acquisition and maintenance of such dedicated clusters is challenging. Current LLM training frameworks, like Megatron-LM and Megatron-DeepSpeed, focus primarily on optimizing training within homogeneous cluster settings. In this paper, we introduce Holmes, a training framework for LLMs that employs thoughtfully crafted data and model parallelism strategies over the heterogeneous NIC environment. Our primary technical contribution lies in a novel scheduling method that intelligently allocates distinct computational tasklets in LLM training to specific groups of GPU devices based on the characteristics of their connected NICs. Furthermore, our proposed framework, utilizing pipeline parallel techniques, demonstrates scalability to multiple GPU clusters, even in scenarios without high-speed interconnects between nodes in distinct clusters. We conducted comprehensive experiments that involved various scenarios in the heterogeneous NIC environment. In most cases, our framework achieves performance levels close to those achievable with homogeneous RDMA-capable networks (InfiniBand or RoCE), significantly exceeding training efficiency within the pure Ethernet environment. Additionally, we verified that our framework outperforms other mainstream LLM frameworks under heterogeneous NIC environment in terms of training efficiency and can be seamlessly integrated with them. | cs |
2,312.03664 | Agent-based modeling has been around for decades, and applied widely across the social and natural sciences. The scope of this research method is now poised to grow dramatically as it absorbs the new affordances provided by Large Language Models (LLM)s. Generative Agent-Based Models (GABM) are not just classic Agent-Based Models (ABM)s where the agents talk to one another. Rather, GABMs are constructed using an LLM to apply common sense to situations, act "reasonably", recall common semantic knowledge, produce API calls to control digital technologies like apps, and communicate both within the simulation and to researchers viewing it from the outside. Here we present Concordia, a library to facilitate constructing and working with GABMs. Concordia makes it easy to construct language-mediated simulations of physically- or digitally-grounded environments. Concordia agents produce their behavior using a flexible component system which mediates between two fundamental operations: LLM calls and associative memory retrieval. A special agent called the Game Master (GM), which was inspired by tabletop role-playing games, is responsible for simulating the environment where the agents interact. Agents take actions by describing what they want to do in natural language. The GM then translates their actions into appropriate implementations. In a simulated physical world, the GM checks the physical plausibility of agent actions and describes their effects. In digital environments simulating technologies such as apps and services, the GM may handle API calls to integrate with external tools such as general AI assistants (e.g., Bard, ChatGPT), and digital apps (e.g., Calendar, Email, Search, etc.). Concordia was designed to support a wide array of applications both in scientific research and for evaluating performance of real digital services by simulating users and/or generating synthetic data. | cs |
2,312.02225 | To address the challenge of the ``black-box" nature of deep learning in medical settings, we combine GCExplainer - an automated concept discovery solution - along with Logic Explained Networks to provide global explanations for Graph Neural Networks. We demonstrate this using a generally applicable graph construction and classification pipeline, involving panoptic segmentation with HoVer-Net and cancer prediction with Graph Convolution Networks. By training on H&E slides of breast cancer, we show promising results in offering explainable and trustworthy AI tools for clinicians. | eess |
2,312.02939 | Cyberphysical systems (CPSs) integrate controllers, sensors, actuators, and communication networks. Tight integration with communication networks makes CPSs vulnerable to cyberattacks. In this paper, we investigate the impact of denial of service (DoS) attack on the stability of cyber physical systems by considering the transmission control protocol (TCP) and extract a sufficient stability condition in linear matrix inequality (LMI) form. To this end, we model the TCP-CPS under DoS attack as a switching LPV time delay system by using the Markov jump model. Then, we design parameter dependent stabilizing controller for CPS under DoS attack, by considering the network parameters. | eess |
2,312.03906 | We construct a quasi-polynomial time deterministic approximation algorithm for computing the volume of an independent set polytope with restrictions. Randomized polynomial time approximation algorithms for computing the volume of a convex body have been known now for several decades, but the corresponding deterministic counterparts are not available, and our algorithm is the first of this kind. The class of polytopes for which our algorithm applies arises as linear programming relaxation of the independent set problem with the additional restriction that each variable takes value in the interval $[0,1-\alpha]$ for some $\alpha<1/2$. (We note that the $\alpha\ge 1/2$ case is trivial).
We use the correlation decay method for this problem applied to its appropriate and natural discretization. The method works provided $\alpha> 1/2-O(1/\Delta^2)$, where $\Delta$ is the maximum degree of the graph. When $\Delta=3$ (the sparsest non-trivial case), our method works provided $0.488<\alpha<0.5$. Interestingly, the interpolation method, which is based on analyzing complex roots of the associated partition functions, fails even in the trivial case when the underlying graph is a singleton. | math |
2,312.05709 | A center of a differential system in the plane $\mathbb{R}^2$ is an equilibrium point $p$ having a neighborhood $U$ such that $U\setminus \{p\}$ is filled of periodic orbits. A center $p$ is global when $\mathbb{R}^2\setminus \{p\}$ is filled of periodic orbits. In general is a difficult problem to distinguish the centers from the foci for a given class of differential systems, and also it is difficult to distinguish the global centers inside the centers. The goal of this paper is to classify the centers and the global centers of the following class of quintic polynomial differential systems $$ \dot{x}= y,\quad \dot{y}=-x+a_{05}\,y^5+a_{14}\,x\,y^4+a_{23}\,x^2\,y^3+a_{32}\,x^3\,y^2+a_{41}\,x^4\,y+a_{50}\,x^5, $$ in the plane $\mathbb{R}^2$. | math |
2,312.03439 | This work is the first in a series of papers devoted to constructing tables of structure constants for the complex simple Lie algebras and to finding an explicit form of Chevalley commutator formulas.
The work consists of three parts. In the first part, expressions are found for the structure constants of the complex simple Lie algebra of type F_4 in the form of functions of structure constants corresponding to extraspecial pairs of roots. As a consequence, all Chevalley commutator formulas [x_r(u),x_s(y)] are calculated when the sum r+s is a root.
Further, in the second part, tables of structure constants and Chevalley commutator formulas are given in the special case when all constants corresponding to extraspecial pairs are equal to one.
Finally, in the third part, directed and weighted graphs associated with root systems are constructed. It is shown that the elements of the exponent of the adjacency matrices of directed graphs are the numbers P_{rs}, where P_{rs} is the number of representations of the root r in the form of a sum of the root s and fundamental roots such that any initial segment of the sum is a root. It is also shown that the elements of an exponent of the weight matrix of a weighted graph are the values of sums arising when calculating complex commutators in Chevalley groups. | math |
2,312.05418 | Para-Hermitian polynomial matrices obtained by matrix spectral factorization lead to functions useful in control theory systems, basis functions in numerical methods or multiscaling functions used in signal processing. We introduce a fast algorithm for matrix spectral factorization based on Bauer$'$s method. We convert Bauer$'$ method into a nonlinear matrix equation (NME). The NME is solved by two different numerical algorithms (Fixed Point Iteration and Newton$'$s Method) which produce approximate scalar or matrix factors, as well as a symbolic algorithm which produces exact factors in closed form for some low-order scalar or matrix polynomial matrices, respectively. Convergence rates of the two numerical algorithms are investigated for a number of singular and nonsingular scalar and matrix polynomials taken from different areas. In particular, one of the singular examples leads to new orthogonal multiscaling and multiwavelet filters. Since the NME can also be solved as a Generalized Discrete Time Algebraic Riccati Equation (GDARE), numerical results using built-in routines in Maple 17.0 and 6 Matlab versions are presented. | math |
2,312.06222 | We prove central and local limit theorems for random walks on the Poincar{é} hyperbolic space of dimension n {\v e} 2. To this end we use the ball model and describe the walk therein through the M{ö}bius addition and multiplication. This also allows to derive a corresponding law of large numbers. | math |
2,312.02453 | We provide a systemic theory to entangle excitons with microcavity photons. This is realized by adopting an exciton-optomechanics system and introducing a nonlinear dispersive interaction with a mechanical oscillator. We show that when either the exciton and cavity modes in the weak-coupling regime, or the two exciton-polariton modes in the strong-coupling regime, are respectively resonant with the optomechanical Stokes and anti-Stokes sidebands, entanglement between excitons and cavity photons, or between two exciton polaritons, can be established. The entanglement is in the steady state and can potentially be achievable at room temperature. In both cases, genuine tripartite entanglement is shown to be present. | quant-ph |
2,312.05508 | Adversarial Training (AT) has been widely proved to be an effective method to improve the adversarial robustness against adversarial examples for Deep Neural Networks (DNNs). As a variant of AT, Adversarial Robustness Distillation (ARD) has demonstrated its superior performance in improving the robustness of small student models with the guidance of large teacher models. However, both AT and ARD encounter the robust fairness problem: these models exhibit strong robustness when facing part of classes (easy class), but weak robustness when facing others (hard class). In this paper, we give an in-depth analysis of the potential factors and argue that the smoothness degree of samples' soft labels for different classes (i.e., hard class or easy class) will affect the robust fairness of DNN models from both empirical observation and theoretical analysis. Based on the above finding, we propose an Anti-Bias Soft Label Distillation (ABSLD) method to mitigate the adversarial robust fairness problem within the framework of Knowledge Distillation (KD). Specifically, ABSLD adaptively reduces the student's error risk gap between different classes to achieve fairness by adjusting the class-wise smoothness degree of samples' soft labels during the training process, and the smoothness degree of soft labels is controlled by assigning different temperatures in KD to different classes. Extensive experiments demonstrate that ABSLD outperforms state-of-the-art AT, ARD, and robust fairness methods in terms of overall performance of robustness and fairness. | cs |
2,312.02515 | Transformer-based large language models (LLMs) have demonstrated outstanding performance across diverse domains, particularly when fine-turned for specific domains. Recent studies suggest that the resources required for fine-tuning LLMs can be economized through parameter-efficient methods such as Low-Rank Adaptation (LoRA). While LoRA effectively reduces computational burdens and resource demands, it currently supports only a single-job fine-tuning setup.
In this paper, we present ASPEN, a high-throughput framework for fine-tuning LLMs. ASPEN efficiently trains multiple jobs on a single GPU using the LoRA method, leveraging shared pre-trained model and adaptive scheduling. ASPEN is compatible with transformer-based language models like LLaMA and ChatGLM, etc. Experiments show that ASPEN saves 53% of GPU memory when training multiple LLaMA-7B models on NVIDIA A100 80GB GPU and boosts training throughput by about 17% compared to existing methods when training with various pre-trained models on different GPUs. The adaptive scheduling algorithm reduces turnaround time by 24%, end-to-end training latency by 12%, prioritizing jobs and preventing out-of-memory issues. | cs |
2,312.0333 | Generic `toxicity' classifiers continue to be used for evaluating the potential for harm in natural language generation, despite mounting evidence of their shortcomings. We consider the challenge of measuring misogyny in natural language generation, and argue that generic `toxicity' classifiers are inadequate for this task. We use data from two well-characterised `Incel' communities on Reddit that differ primarily in their degrees of misogyny to construct a pair of training corpora which we use to fine-tune two language models. We show that an open source `toxicity' classifier is unable to distinguish meaningfully between generations from these models. We contrast this with a misogyny-specific lexicon recently proposed by feminist subject-matter experts, demonstrating that, despite the limitations of simple lexicon-based approaches, this shows promise as a benchmark to evaluate language models for misogyny, and that it is sensitive enough to reveal the known differences in these Reddit communities. Our preliminary findings highlight the limitations of a generic approach to evaluating harms, and further emphasise the need for careful benchmark design and selection in natural language evaluation. | cs |
2,312.04987 | The FAMU experiment at RIKEN-RAL is a muonic atom experiment with the aim to determine the Zemach radius of the proton by measuring the 1s hyperfine splitting in muonic hydrogen. The activity of the FAMU Collaboration in the years 2015-2023 enabled the final optimisation of the detector-target setup as well as the gas working condition in terms of temperature, pressure and gas mixture composition. The experiment has started its data taking in July 2023. The status of the detector setup for the 2023 experimental runs, for the beam characterisation and muonic X-ray detection in the 100-200 keV energy range, is presented and discussed. | hep-ex |
2,312.04035 | Artificial Intelligence (AI) hardware accelerators have been widely adopted to enhance the efficiency of deep learning applications. However, they also raise security concerns regarding their vulnerability to power side-channel attacks (SCA). In these attacks, the adversary exploits unintended communication channels to infer sensitive information processed by the accelerator, posing significant privacy and copyright risks to the models. Advanced machine learning algorithms are further employed to facilitate the side-channel analysis and exacerbate the privacy issue of AI accelerators. Traditional defense strategies naively inject execution noise to the runtime of AI models, which inevitably introduce large overheads.
In this paper, we present AIAShield, a novel defense methodology to safeguard FPGA-based AI accelerators and mitigate model extraction threats via power-based SCAs. The key insight of AIAShield is to leverage the prominent adversarial attack technique from the machine learning community to craft delicate noise, which can significantly obfuscate the adversary's side-channel observation while incurring minimal overhead to the execution of the protected model. At the hardware level, we design a new module based on ring oscillators to achieve fine-grained noise generation. At the algorithm level, we repurpose Neural Architecture Search to worsen the adversary's extraction results. Extensive experiments on the Nvidia Deep Learning Accelerator (NVDLA) demonstrate that AIAShield outperforms existing solutions with excellent transferability. | cs |
2,312.03374 | Digital twin has revolutionized optical communication networks by enabling their full life-cycle management, including design, troubleshooting, optimization, upgrade, and prediction. While extensive literature exists on frameworks, standards, and applications of digital twin, there is a pressing need in implementing digital twin in field-deployed optical networks operating in real-world environments, as opposed to controlled laboratory settings. This paper addresses this challenge by examining the uncertain factors behind the inaccuracy of digital twin in field-deployed optical networks from three main challenges and proposing operational guidance for implementing accurate digital twin in field-deployed optical networks. Through the proposed guidance, we demonstrate the effective implementation of digital twin in a field-trial C+L-band optical transmission link, showcasing its capabilities in performance recovery in a fiber cut scenario. | eess |
2,312.05254 | Molecular abundances in protoplanetary disks are highly sensitive to the local physical conditions, including gas temperature, gas density, radiation field, and dust properties. Often multiple factors are intertwined, impacting the abundances of both simple and complex species. We present a new approach to understanding these chemical and physical interdependencies using machine learning. Specifically we explore the case of CO modeled under the conditions of a generic disk and build an explanatory regression model to study the dependence of CO spatial density on the gas density, gas temperature, cosmic ray ionization rate, X-ray ionization rate, and UV flux. Our findings indicate that combinations of parameters play a surprisingly powerful role in regulating CO compared to any singular physical parameter. Moreover, in general, we find the conditions in the disk are destructive toward CO. CO depletion is further enhanced in an increased cosmic ray environment and in disks with higher initial C/O ratios. These dependencies uncovered by our new approach are consistent with previous studies, which are more modeling intensive and computationally expensive. Our work thus shows that machine learning can be a powerful tool not only for creating efficient predictive models, but also for enabling a deeper understanding of complex chemical processes. | astro-ph |
2,312.05692 | Let $-A$ be the generator of a bounded $C_0$-semigroup $(e^{-tA})_{t \geq 0}$ on a Hilbert space. First we study the long-time asymptotic behavior of the Cayley transform $V_{\omega}(A) := (A-\omega I) (A+\omega I)^{-1}$ with $\omega >0$. We give a decay estimate for $\|V_{\omega}(A)^nA^{-1}\|$ when $(e^{-tA})_{t \geq 0}$ is polynomially stable. Considering the case where the parameter $\omega$ varies, we estimate $\|\prod_{k=1}^n (V_{\omega_k}(A))A^{-1}\|$ for exponentially stable $C_0$-semigroups $(e^{-tA})_{t \geq 0}$. Next we show that if the generator $-A$ of the bounded $C_0$-semigroup has a bounded inverse, then $\sup_{t \geq 0} \|e^{-tA^{-1}} A^{-\alpha} \| < \infty$ for all $\alpha >0$. We also present an estimate for the rate of decay of $\|e^{-tA^{-1}} A^{-1} \|$, assuming that $(e^{-tA})_{t \geq 0}$ is polynomially stable. To obtain these results, we use operator norm estimates offered by a functional calculus called the $\mathcal{B}$-calculus. | math |
2,312.0242 | Recent advancements in computer vision predominantly rely on learning-based systems, leveraging annotations as the driving force to develop specialized models. However, annotating pixel-level information, particularly in semantic segmentation, presents a challenging and labor-intensive task, prompting the need for autonomous processes. In this work, we propose GranSAM which distinguishes itself by providing semantic segmentation at the user-defined granularity level on unlabeled data without the need for any manual supervision, offering a unique contribution in the realm of semantic mask annotation method. Specifically, we propose an approach to enable the Segment Anything Model (SAM) with semantic recognition capability to generate pixel-level annotations for images without any manual supervision. For this, we accumulate semantic information from synthetic images generated by the Stable Diffusion model or web crawled images and employ this data to learn a mapping function between SAM mask embeddings and object class labels. As a result, SAM, enabled with granularity-adjusted mask recognition, can be used for pixel-level semantic annotation purposes. We conducted experiments on the PASCAL VOC 2012 and COCO-80 datasets and observed a +17.95% and +5.17% increase in mIoU, respectively, compared to existing state-of-the-art methods when evaluated under our problem setting. | cs |
2,312.02641 | This article dives into the use of a 3-RRR Spherical Parallel Manipulator (SPM) for the purpose of inertial Line Of Sight (LOS) stabilization. Such a parallel robot provides three Degrees of Freedom (DOF) in orientation and is studied from the kinematic point of view. In particular, one guarantees that the singular loci (with the resulting numerical instabilities and inappropriate behavior of the mechanism) are far away from the prescribed workspace. Once the kinematics of the device is certified, a control strategy needs to be implemented in order to stabilize the LOS through the upper platform of the mechanism. Such a work is done with MATLAB Simulink using a SimMechanics model of our robot. | eess |
2,312.03946 | Document image enhancement is a fundamental and important stage for attaining the best performance in any document analysis assignment because there are many degradation situations that could harm document images, making it more difficult to recognize and analyze them. In this paper, we propose \textbf{T2T-BinFormer} which is a novel document binarization encoder-decoder architecture based on a Tokens-to-token vision transformer. Each image is divided into a set of tokens with a defined length using the ViT model, which is then applied several times to model the global relationship between the tokens. However, the conventional tokenization of input data does not adequately reflect the crucial local structure between adjacent pixels of the input image, which results in low efficiency. Instead of using a simple ViT and hard splitting of images for the document image enhancement task, we employed a progressive tokenization technique to capture this local information from an image to achieve more effective results. Experiments on various DIBCO and H-DIBCO benchmarks demonstrate that the proposed model outperforms the existing CNN and ViT-based state-of-the-art methods. In this research, the primary area of examination is the application of the proposed architecture to the task of document binarization. The source code will be made available at . | cs |
2,312.06089 | Autoregressive and Masked Transformers are incredibly effective as generative models and classifiers. While these models are most prevalent in NLP, they also exhibit strong performance in other domains, such as vision. This work contributes to the exploration of transformer-based models in synthetic data generation for diverse application domains. In this paper, we present TabMT, a novel Masked Transformer design for generating synthetic tabular data. TabMT effectively addresses the unique challenges posed by heterogeneous data fields and is natively able to handle missing data. Our design leverages improved masking techniques to allow for generation and demonstrates state-of-the-art performance from extremely small to extremely large tabular datasets. We evaluate TabMT for privacy-focused applications and find that it is able to generate high quality data with superior privacy tradeoffs. | cs |
2,312.02922 | Our evolving understanding of the heterocellular cardiac environment demands innovative tools for its study. While murine models are lauded for their versatility and accessibility, they are constrained by scale; tools designed for larger subjects are unsuitable in mice. Advanced techniques, such as optical trans-membrane potential mapping and three-dimensional microscopy may fill this void. To enhance the utility of these methods, we developed a novel cross-correlation technique grounded in quaternion mathematics. The successful integration of multimodal observations represents a significant advancement in our ability to study cardiac electrophysiology in murine models, providing insight into mechanisms previously unexplored due to technical constraints. | math |
2,312.02201 | We introduce "ImageDream," an innovative image-prompt, multi-view diffusion model for 3D object generation. ImageDream stands out for its ability to produce 3D models of higher quality compared to existing state-of-the-art, image-conditioned methods. Our approach utilizes a canonical camera coordination for the objects in images, improving visual geometry accuracy. The model is designed with various levels of control at each block inside the diffusion model based on the input image, where global control shapes the overall object layout and local control fine-tunes the image details. The effectiveness of ImageDream is demonstrated through extensive evaluations using a standard prompt list. For more information, visit our project page at . | cs |
2,312.03429 | The issues of both system security and safety can be dissected integrally from the perspective of behavioral \emph{appropriateness}. That is, a system is secure or safe can be judged by whether the behavior of certain agent(s) is \emph{appropriate} or not. Specifically, a so-called \emph{appropriate behavior} involves the right agent performing the right actions at the right time under certain conditions. Then, according to different levels of appropriateness and degrees of custodies, behavioral authentication can be graded into three levels, i.e., the authentication of behavioral \emph{Identity}, \emph{Conformity}, and \emph{Benignity}. In a broad sense, for the security and safety issue, behavioral authentication is not only an innovative and promising method due to its inherent advantages but also a critical and fundamental problem due to the ubiquity of behavior generation and the necessity of behavior regulation in any system. By this classification, this review provides a comprehensive examination of the background and preliminaries of behavioral authentication. It further summarizes existing research based on their respective focus areas and characteristics. The challenges confronted by current behavioral authentication methods are analyzed, and potential research directions are discussed to promote the diversified and integrated development of behavioral authentication. | cs |
2,312.03975 | We classify the {\it Boolean degree $1$ functions} of $k$-spaces in a vector space of dimension $n$ (also known as {\it Cameron-Liebler classes}) over the field with $q$ elements for $n \geq n_0(k, q)$, a problem going back to a work by Cameron and Liebler from 1982. This also implies that two-intersecting sets with respect to $k$-spaces do not exist for $n \geq n_0(k, q)$. Our main ingredient is the Ramsey theory for geometric lattices. | cs |
2,312.03073 | Universality is a powerful concept, which enables making qualitative and quantitative predictions in systems with extensively many degrees of freedom. It finds realizations in almost all branches of physics, including in the realm of nonequilibrium systems. Our focus here is on its manifestations within a specific class of nonequilibrium stationary states: driven open quantum matter. Progress in this field is fueled by a number of uprising platforms ranging from light-driven quantum materials over synthetic quantum systems like cold atomic gases to the functional devices of the noisy intermediate scale quantum era. These systems share in common that, on the microscopic scale, they obey the laws of quantum mechanics, while detailed balance underlying thermodynamic equilibrium is broken due to the simultaneous presence of Hamiltonian unitary dynamics and nonunitary drive and dissipation. The challenge is then to connect this microscopic physics to macroscopic observables, and to identify universal collective phenomena that uniquely witness the breaking of equilibrium conditions, thus having no equilibrium counterparts. In the framework of a Lindblad-Keldysh field theory, we discuss on the one hand the principles delimiting thermodynamic equilibrium from driven open stationary states, and on the other hand show how unifying concepts such as symmetries, the purity of states, and scaling arguments are implemented. We then present instances of universal behavior structured into three classes: new realizations of paradigmatic nonequilibrium phenomena, including a survey of first experimental realizations; novel instances of nonequilibrium universality found in these systems made of quantum ingredients; and genuinely quantum phenomena out of equilibrium, including in fermionic systems. We also discuss perspectives for future research on driven open quantum matter. | quant-ph |
2,312.05365 | While there is an immense literature on Bayesian methods for clustering, the multiview case has received little attention. This problem focuses on obtaining distinct but statistically dependent clusterings in a common set of entities for different data types. For example, clustering patients into subgroups with subgroup membership varying according to the domain of the patient variables. A challenge is how to model the across-view dependence between the partitions of patients into subgroups. The complexities of the partition space make standard methods to model dependence, such as correlation, infeasible. In this article, we propose CLustering with Independence Centering (CLIC), a clustering prior that uses a single parameter to explicitly model dependence between clusterings across views. CLIC is induced by the product centered Dirichlet process (PCDP), a novel hierarchical prior that bridges between independent and equivalent partitions. We show appealing theoretic properties, provide a finite approximation and prove its accuracy, present a marginal Gibbs sampler for posterior computation, and derive closed form expressions for the marginal and joint partition distributions for the CLIC model. On synthetic data and in an application to epidemiology, CLIC accurately characterizes view-specific partitions while providing inference on the dependence level. | stat |
2,312.05829 | In this paper, the recursive least squares (RLS) algorithm is considered in the sparse system identification setting. The cost function of RLS algorithm is regularized by a $p$-norm-like ($0 \leq p \leq 1$) constraint of the estimated system parameters. In order to minimize the regularized cost function, we transform it into a penalized maximum likelihood (ML) problem, which is solved by the expectation-maximization (EM) algorithm. With the introduction of a thresholding operator, the update equation of the tap-weight vector is derived. We also exploit the underlying sparsity to implement the proposed algorithm in a low computational complexity fashion. Numerical simulations demonstrate the superiority of the new algorithm over conventional sparse RLS algorithms, as well as regular RLS algorithm. | math |
2,312.05794 | Performance of ordinary least squares(OLS) method for the \emph{estimation of high dimensional stable state transition matrix} $A$(i.e., spectral radius $\rho(A)<1$) from a single noisy observed trajectory of the linear time invariant(LTI)\footnote{Linear Gaussian (LG) in Markov chain literature} system $X_{-}:(x_0,x_1, \ldots,x_{N-1})$ satisfying \begin{equation}
x_{t+1}=Ax_{t}+w_{t}, \hspace{10pt} \text{ where } w_{t} \thicksim N(0,I_{n}), \end{equation}
heavily rely on negative moments of the sample covariance matrix: $(X_{-}X_{-}^{*})=\sum_{i=0}^{N-1}x_{i}x_{i}^{*}$ and singular values of $EX_{-}^{*}$, where $E$ is a rectangular Gaussian ensemble $E=[w_0, \ldots, w_{N-1}]$. Negative moments requires sharp estimates on all the eigenvalues $\lambda_{1}\big(X_{-}X_{-}^{*}\big) \geq \ldots \geq \lambda_{n}\big(X_{-}X_{-}^{*}\big) \geq 0$. Leveraging upon recent results on spectral theorem for non-Hermitian operators in \cite{naeem2023spectral}, along with concentration of measure phenomenon and perturbation theory(Gershgorins' and Cauchys' interlacing theorem) we show that only when $A=A^{*}$, typical order of $\lambda_{j}\big(X_{-}X_{-}^{*}\big) \in \big[N-n\sqrt{N}, N+n\sqrt{N}\big]$ for all $j \in [n]$. However, in \emph{high dimensions} when $A$ has only one distinct eigenvalue $\lambda$ with geometric multiplicity of one, then as soon as eigenvalue leaves \emph{complex half unit disc}, largest eigenvalue suffers from curse of dimensionality: $\lambda_{1}\big(X_{-}X_{-}^{*}\big)=\Omega\big( \lfloor\frac{N}{n}\rfloor e^{\alpha_{\lambda}n} \big)$, while smallest eigenvalue $\lambda_{n}\big(X_{-}X_{-}^{*}\big) \in (0, N+\sqrt{N}]$. Consequently, OLS estimator incurs a \emph{phase transition} and becomes \emph{transient: increasing iteration only worsens estimation error}, all of this happening when the dynamics are generated from stable systems. | eess |
2,312.03061 | We analyze the impact of resonant conversions mediated by non-vanishing magnetic moments between active neutrinos and a heavy sterile neutrino on the supernova neutrino flux. We present the level-crossing scheme for such a scenario and derive the neutrino fluxes after conversion, paying special attention to the order in which the resonances occur. We then compute the expected event rates from the neutronization burst of a future supernova at DUNE and Hyper-Kamiokande to derive new constraints on the neutrino magnetic moment. With this, we find a sensitivity down to a few $10^{-15} \mu_B$ for a sterile neutrino in the $O(\rm{eV})$ mass range. | hep-ex |
2,312.05984 | Neural fields have become widely used in various fields, from shape representation to neural rendering, and for solving partial differential equations (PDEs). With the advent of hybrid neural field representations like Instant NGP that leverage small MLPs and explicit representations, these models train quickly and can fit large scenes. Yet in many applications like rendering and simulation, hybrid neural fields can cause noticeable and unreasonable artifacts. This is because they do not yield accurate spatial derivatives needed for these downstream applications. In this work, we propose two ways to circumvent these challenges. Our first approach is a post hoc operator that uses local polynomial-fitting to obtain more accurate derivatives from pre-trained hybrid neural fields. Additionally, we also propose a self-supervised fine-tuning approach that refines the neural field to yield accurate derivatives directly while preserving the initial signal. We show the application of our method on rendering, collision simulation, and solving PDEs. We observe that using our approach yields more accurate derivatives, reducing artifacts and leading to more accurate simulations in downstream applications. | cs |
2,312.06624 | Do you think you need to know quantum physics to understand how a quantum computer works? Nope, no worries there. You don't need a deep dive into physics or mathematics, just a bit of familiarity with vectors and matrix multiplication. That's really it. A good handle on Python programming and a few numpy functions will do the trick, specifically reshape(), kron(), matmul(), swapaxes(), linalg.norm(), and random.choice(). In fact, an appendix shows that twelve lines of Python code suffice to define a complete simulator.
The whole point of this article is to give you an informal, brief, hopefully digestible and educational description of how you can easily implement your own quantum computer simulator. It's not about `Yet Another Quantum Computer Simulator' (YAQCS?), which are a dime a dozen, but about how to build your own. And, honestly, there's probably no better way to learn how a quantum computer works! | quant-ph |
2,312.02768 | We classify reflective automorphic products of singular weight under certain regularity assumptions. Using obstruction theory we show that there are exactly 11 such functions. They are naturally related to certain conjugacy classes in Conway's group $\text{Co}_0$. The corresponding modular varieties have a very rich geometry. We establish a bijection between their $1$-dimensional type-$0$ cusps and the root systems in Schellekens' list. We also describe a $1$-dimensional cusp along which the restriction of the automorphic product is given by the eta product of the corresponding class in $\text{Co}_0$. Finally we apply our results to give a complex-geometric proof of Schellekens' list. | math |
2,312.03521 | In recent years, the increasing prevalence and intensity of wildfires have posed significant challenges to emergency response teams. The utilization of unmanned aerial vehicles (UAVs), commonly known as drones, has shown promise in aiding wildfire management efforts. This work focuses on the development of an optimal wildfire escape route planning system specifically designed for drones, considering dynamic fire and smoke models. First, the location of the source of the wildfire can be well located by information fusion between UAV and satellite, and the road conditions in the vicinity of the fire can be assessed and analyzed using multi-channel remote sensing data. Second, the road network can be extracted and segmented in real time using UAV vision technology, and each road in the road network map can be given priority based on the results of road condition classification. Third, the spread model of dynamic fires calculates the new location of the fire source based on the fire intensity, wind speed and direction, and the radius increases as the wildfire spreads. Smoke is generated around the fire source to create a visual representation of a burning fire. Finally, based on the improved A* algorithm, which considers all the above factors, the UAV can quickly plan an escape route based on the starting and destination locations that avoid the location of the fire source and the area where it is spreading. By considering dynamic fire and smoke models, the proposed system enhances the safety and efficiency of drone operations in wildfire environments. | cs |
2,312.04937 | Leveraging federated learning (FL) to enable cross-domain privacy-sensitive data mining represents a vital breakthrough to accomplish privacy-preserving learning. However, attackers can infer the original user data by analyzing the uploaded intermediate parameters during the aggregation process. Therefore, secure aggregation has become a critical issue in the field of FL. Many secure aggregation protocols face the problem of high computation costs, which severely limits their applicability. To this end, we propose AHSecAgg, a lightweight secure aggregation protocol using additive homomorphic masks. AHSecAgg significantly reduces computation overhead without compromising the dropout handling capability or model accuracy. We prove the security of AHSecAgg in semi-honest and active adversary settings. In addition, in cross-silo scenarios where the group of participants is relatively fixed during each round, we propose TSKG, a lightweight Threshold Signature based masking key generation method. TSKG can generate different temporary secrets and shares for different aggregation rounds using the initial key and thus effectively eliminates the cost of secret sharing and key agreement. We prove TSKG does not sacrifice security. Extensive experiments show that AHSecAgg significantly outperforms state-of-the-art mask-based secure aggregation protocols in terms of computational efficiency, and TSKG effectively reduces the computation and communication costs for existing secure aggregation protocols. | cs |
2,312.05296 | Data Science research is undergoing a revolution fueled by the transformative power of technology, the Internet, and an ever increasing computational capacity. The rate at which sophisticated algorithms can be developed is unprecedented, yet they remain outpaced by the massive amounts of data that are increasingly available to researchers. Here we argue for the need to creatively leverage the scientific research and algorithm development community as an axis of robust innovation. Engaging these communities in the scientific discovery enterprise by critical assessments, community experiments, and/or crowdsourcing will multiply opportunities to develop new data driven, reproducible and well benchmarked algorithmic solutions to fundamental and applied problems of current interest. Coordinated community engagement in the analysis of highly complex and massive data has emerged as one approach to find robust methodologies that best address these challenges. When community engagement is done in the form of competitions, also known as challenges, the validation of the analytical methodology is inherently addressed, establishing performance benchmarks. Finally, challenges foster open innovation across multiple disciplines to create communities that collaborate directly or indirectly to address significant scientific gaps. Together, participants can solve important problems as varied as health research, climate change, and social equity. Ultimately, challenges can catalyze and accelerate the synthesis of complex data into knowledge or actionable information, and should be viewed a powerful tool to make lasting social and research contributions. | cs |
2,312.04075 | This article presents an equivalent formulation of the implicit complementarity problem. We demonstrate that solution of the equivalent formulation is equivalent to the solution of the implicit complementarity problem. Moreover, we provide another equivalent formulation of the implicit complementarity problem using a strictly increasing function. | math |
2,312.039 | Detecting communities in high-dimensional graphs can be achieved by applying random matrix theory where the adjacency matrix of the graph is modeled by a Stochastic Block Model (SBM). However, the SBM makes an unrealistic assumption that the edge probabilities are homogeneous within communities, i.e., the edges occur with the same probabilities. The Degree-Corrected SBM is a generalization of the SBM that allows these edge probabilities to be different, but existing results from random matrix theory are not directly applicable to this heterogeneous model. In this paper, we derive a transformation of the adjacency matrix that eliminates this heterogeneity and preserves the relevant eigenstructure for community detection. We propose a test based on the extreme eigenvalues of this transformed matrix and (1) provide a method for controlling the significance level, (2) formulate a conjecture that the test achieves power one for all positive significance levels in the limit as the number of nodes approaches infinity, and (3) provide empirical evidence and theory supporting these claims. | eess |
2,312.04625 | We propose a new formula for computing holographic Renyi entropies in the presence of multiple extremal surfaces. Our proposal is based on computing the wave function in the basis of fixed-area states and assuming a diagonal approximation for the Renyi entropy. For Renyi index $n\geq1$, our proposal agrees with the existing cosmic brane proposal for holographic Renyi entropy. For $n<1$, however, our proposal predicts a new phase with leading order (in Newton's constant $G$) corrections to the cosmic brane proposal, even far from entanglement phase transitions and when bulk quantum corrections are unimportant. Recast in terms of optimization over fixed-area states, the difference between the two proposals can be understood to come from the order of optimization: for $n<1$, the cosmic brane proposal is a minimax prescription whereas our proposal is a maximin prescription. We demonstrate the presence of such leading order corrections using illustrative examples. In particular, our proposal reproduces existing results in the literature for the PSSY model and high-energy eigenstates, providing a universal explanation for previously found leading order corrections to the $n<1$ Renyi entropies. | quant-ph |
2,312.0525 | Deep learning models are often deployed in downstream tasks that the training procedure may not be aware of. For example, models solely trained to achieve accurate predictions may struggle to perform well on downstream tasks because seemingly small prediction errors may incur drastic task errors. The standard end-to-end learning approach is to make the task loss differentiable or to introduce a differentiable surrogate that the model can be trained on. In these settings, the task loss needs to be carefully balanced with the prediction loss because they may have conflicting objectives. We propose take the task loss signal one level deeper than the parameters of the model and use it to learn the parameters of the loss function the model is trained on, which can be done by learning a metric in the prediction space. This approach does not alter the optimal prediction model itself, but rather changes the model learning to emphasize the information important for the downstream task. This enables us to achieve the best of both worlds: a prediction model trained in the original prediction space while also being valuable for the desired downstream task. We validate our approach through experiments conducted in two main settings: 1) decision-focused model learning scenarios involving portfolio optimization and budget allocation, and 2) reinforcement learning in noisy environments with distracting states. The source code to reproduce our experiments is available at | cs |
2,312.06634 | This work proposes a data-driven approach for bifurcation analysis in nonlinear systems when the governing differential equations are not available. Specifically, regularized regression with barrier terms is used to learn a homeomorphism that transforms the underlying system to a reference linear dynamics -- either an explicit reference model with desired qualitative behavior, or Koopman eigenfunctions that are identified from some system data under a reference parameter value. When such a homeomorphism fails to be constructed with low error, bifurcation phenomenon is detected. A case study is performed on a planar numerical example where a pitchfork bifurcation exists. | cs |
2,312.02962 | Horizontal gene transfer inference approaches are usually based on gene sequences: parametric methods search for patterns that deviate from a particular genomic signature, while phylogenetic methods use sequences to reconstruct the gene and species trees. However, it is well-known that sequences have difficulty identifying ancient transfers since mutations have enough time to erase all evidence of such events. In this work, we ask whether character-based methods can predict gene transfers. Their advantage over sequences is that homologous genes can have low DNA similarity, but still have retained enough important common motifs that allow them to have common character traits, for instance the same functional or expression profile. A phylogeny that has two separate clades that acquired the same character independently might indicate the presence of a transfer even in the absence of sequence similarity. We introduce perfect transfer networks, which are phylogenetic networks that can explain the character diversity of a set of taxa under the assumption that characters have unique births, and that once a character is gained it is rarely lost. Examples of such traits include transposable elements, biochemical markers and emergence of organelles, just to name a few. We study the differences between our model and two similar models: perfect phylogenetic networks and ancestral recombination networks. Our goals are to initiate a study on the structural and algorithmic properties of perfect transfer networks. We then show that in polynomial time, one can decide whether a given network is a valid explanation for a set of taxa, and show how, for a given tree, one can add transfer edges to it so that it explains a set of taxa. We finally provide lower and upper bounds on the number of transfers required to explain a set of taxa, in the worst case. | cs |
2,312.03648 | We construct vertex algebras $\mathbb{V}(Y,S)$ from divisors $S$ on toric Calabi-Yau threefolds $Y$, satisfying conjectures of Gaiotto-Rapcak and Feigin-Gukov, as the kernel of screening operators on lattice vertex algebras determined by the GKM graph of $Y$ and a filtration on $\mathcal{O}_S$. We prove that there are representations of $\mathbb{V}(Y,S)$ on the homology groups of various moduli spaces of coherent sheaves on $Y$ supported on $S$ constructed in a companion paper with Rapcak, defined by certain Hecke modifications of these sheaves along points and curve classes in the divisor $S$. This generalizes the common mathematical formulation of a conjecture of Alday-Gaiotto-Tachikawa, the special case in which $Y=\mathbb{C}^3$ and $S=r[\mathbb{C}^2]$, to toric threefolds and divisors as proposed by Gaiotto-Rapcak. We outline an approach to the general conjecture and prove many special cases and partial results using tools developed in the companion paper, following the proof of the original conjecture by Schiffmann-Vasserot and its generalization to divisors in $\mathbb{C}^3$ by Rapcak-Soibelman-Yang-Zhao.
The vertex algebras $\mathbb{V}(Y,S)$ conjecturally include $W$-superalgebras $ W_{f_0,f_1}^\kappa(\mathfrak{gl}_{m|n})$ and genus zero class $\mathcal{S}$ chiral algebras $\mathbb{V}^{\mathcal{S}}_{\text{Gl}_m;f_1,...,f_k}$, each for general nilpotents $f_i$. By definition, this implies the existence of a family of compatible free field realizations of these vertex algebras, relevant to their parabolic induction and inverse quantum Hamiltonian reduction. We prove these conjectures in the examples of lowest non-trivial rank for each case, and outline the proof in general for some cases. | math |
2,312.03301 | The COVID-19 pandemic highlighted the critical role of human behavior in influencing infectious disease transmission and the need for models capturing this complex dynamic. We present an agent-based model integrating an epidemiological simulation of disease spread with a cognitive architecture driving individual mask-wearing decisions. Agents decide whether to mask based on a utility function weighting factors like peer conformity, personal risk tolerance, and mask-wearing discomfort. By conducting experiments systematically varying behavioral model parameters and social network structures, we demonstrate how adaptive decision-making interacts with network connectivity patterns to impact population-level infection outcomes. The model provides a flexible computational framework for gaining insights into how behavioral interventions like mask mandates may differentially influence disease spread across communities with diverse social structures. Findings highlight the importance of integrating realistic human decision processes in epidemiological models to inform policy decisions during public health crises. | cs |
2,312.04793 | Image captioning bridges the gap between vision and language by automatically generating natural language descriptions for images. Traditional image captioning methods often overlook the preferences and characteristics of users. Personalized image captioning solves this problem by incorporating user prior knowledge into the model, such as writing styles and preferred vocabularies. Most existing methods emphasize the user context fusion process by memory networks or transformers. However, these methods ignore the distinct domains of each dataset. Therefore, they need to update the entire caption model parameters when meeting new samples, which is time-consuming and calculation-intensive. To address this challenge, we propose a novel personalized image captioning framework that leverages user context to consider personality factors. Additionally, our framework utilizes the prefix-tuning paradigm to extract knowledge from a frozen large language model, reducing the gap between different language domains. Specifically, we employ CLIP to extract the visual features of an image and align the semantic space using a query-guided mapping network. By incorporating the transformer layer, we merge the visual features with the user's contextual prior knowledge to generate informative prefixes. Moreover, we employ GPT-2 as the frozen large language model. With a small number of parameters to be trained, our model performs efficiently and effectively. Our model outperforms existing baseline models on Instagram and YFCC100M datasets across five evaluation metrics, demonstrating its superiority, including twofold improvements in metrics such as BLEU-4 and CIDEr. | cs |
2,312.06403 | A common approach to learning mobile health (mHealth) intervention policies is linear Thompson sampling. Two desirable mHealth policy features are (1) pooling information across individuals and time and (2) incorporating a time-varying baseline reward. Previous approaches pooled information across individuals but not time, failing to capture trends in treatment effects over time. In addition, these approaches did not explicitly model the baseline reward, which limited the ability to precisely estimate the parameters in the differential reward model. In this paper, we propose a novel Thompson sampling algorithm, termed ''DML-TS-NNR'' that leverages (1) nearest-neighbors to efficiently pool information on the differential reward function across users and time and (2) the Double Machine Learning (DML) framework to explicitly model baseline rewards and stay agnostic to the supervised learning algorithms used. By explicitly modeling baseline rewards, we obtain smaller confidence sets for the differential reward parameters. We offer theoretical guarantees on the pseudo-regret, which are supported by empirical results. Importantly, the DML-TS-NNR algorithm demonstrates robustness to potential misspecifications in the baseline reward model. | cs |
2,312.05521 | Let $1<p,q<\infty ,\ \theta_1 \geq 0,\ \theta_2 \geq 0$ and let $a(x), b(x)$ be a weight functions. In this paper we intend to study the space $A_{q),\theta _{2}}^{p),\theta _{1}}\left( \mathbb R^n,a,b\right), $(or shortly $A_{q),\theta _{2}}^{p),\theta _{1}}\left( \mathbb R^n\right))$ of all functions in the generalized grand Lebesgue space $L_a^{p),\theta_1 }\left( \mathbb R^n\right) $ whose generalized Fourier transforms $\widehat{f}$ belong to grand $L_b^{q),\theta_2 }\left( \mathbb R^n\right). $ In section 3, some basic properties of the space $A_{q),\theta_{2}}^{p),\theta _{1}}\left( \mathbb R^n\right) $ and the necessary condition for belonging to the set$\ \overline{C_{0}^{\infty }\left(\mathbb R^n\right) }\mid _{A_{q),\theta _{2}}^{p),\theta _{1}}}$ was investigated, where $\ \overline{C_{0}^{\infty }\left(\mathbb R^n\right) }\mid _{A_{q),\theta _{2}}^{p),\theta _{1}}}$ is the closure of $\ {C_{0}^{\infty }\left(\mathbb R^{n}\right) }\ in \ A_{q),\theta _{2}}^{p),\theta _{1}}\left( \mathbb R^n\right)).$ In section 4, some inclusion properties of these spaces are discussed. Later a theorem similar to the Hausdorff -Young like inequality for the grand Lebesgue space is proved. In section 5, it is proved that the space $A_{q),\theta _{2}}^{p),\theta _{1}}\left( \mathbb R^n\right), $ do not have absolute continuous norm for some weight $a(x)$ and it is not reflexive in general. In last section, section 6, the space of multipliers from $L^{1}\left( \mathbb R^n\right) $ into $A_{q),\theta _{2}}^{p),\theta _{1}}\left( \mathbb R^n\right), $ and from $L^{1}\left(\mathbb T\right) $ into $A_{q),\theta _{2}}^{p),\theta _{1}}\left(\mathbb T\right) $ are investigated. | math |
2,312.06215 | In cystic fibrosis (CF), impaired mucociliary clearance leads to chronic infection and inflammation. However, cilia beating features in a CF altered environment, consisting of dehydrated airway surface liquid layer and abnormal mucus, has not been fully characterized. Furthermore, acute inflammation is normally followed by an active resolution phase requiring specialized pro-resolving lipid mediators (SPMs) and allowing return to homeostasis. However, altered SPMs biosynthesis have been reported in CF. Here, we explored cilia beating dynamics in CF airways primary cultures and its response to the SPMs, resolvin E1 (RvE1) and lipoxin B4 (LXB4). Human nasal epithelial cells (hNECs) from CF and non-CF donors were grown at air-liquid interface. The ciliary beat frequency, synchronization, orientation, and density were analyzed from high-speed video-microscopy using multiscale Differential Dynamic Microscopy algorithm and an in-house developed method. Mucins and ASL layer height were studied by RT-qPCR and confocal microscopy. Principal component analysis showed that CF and non-CF hNEC had distinct cilia beating phenotypes, which was mostly explained by differences in cilia beat organization rather than frequency. Exposure to RvE1 (10 nM) and to LXB4 (10 nM) restored a non-CF like cilia beating phenotype. Furthermore, RvE1 increased the airway surface liquid (ASL) layer height and reduced the mucin MUC5AC thickness. The calcium-activated chloride channel, TMEM16A was involved in RvE1 effect on cilia beating, hydration and mucus. Altogether, our results provide evidence for defective cilia beating in CF airway epithelium and a role of RvE1 and LXB4 to restore the main epithelial functions involved in the mucociliary clearance. | q-bio |
2,312.06631 | Nearly all of the previous gravitational wave (GW) searches in the LIGO-Virgo data included GW waveforms with only the dominant quadrupole mode, i.e., omitting higher-order harmonics which are predicted by general relativity. Based on the techniques developed in Wadekar et al. [1,2], we improve the IAS pipeline by ($i$) introducing higher harmonics in the GW templates, ($ii$) downweighting noise transients ('glitches') to improve the search sensitivity to high-mass and high-redshift binary black hole (BBH) mergers. We find 14 new BBH mergers with $0.53\leq p_{\rm astro}\leq 0.88$ on running our pipeline over the public LIGO-Virgo data from the O3 run (we use the detection threshold as $p_{\rm astro}>0.5$ following the approach of other pipelines). We also broadly recover the high-significance events from earlier catalogs, except some which were either vetoed or fell below our SNR threshold for trigger collection.
A few notable properties of our new candidate events are as follows. At $>95$\% credibility, 4 candidates have total masses in the IMBH range (i.e., above 100 $M_\odot$), and 9 candidates have $z>0.5$. 9 candidates have median mass of the primary BH falling roughly within the pair instability mass gap, with the highest primary mass being $300_{+60}^{-120} M_\odot$. 5 candidates have median mass ratio $q < 0.5$. Under a prior uniform in effective spin $\chi_{\rm eff}$, 6 candidates have $\chi_{\rm eff} > 0$ at $>95\%$ credibility. We also find that including higher harmonics in our search raises the significance of a few previously reported marginal events (e.g., GW190711_030756). While our new candidate events have modest false alarm rates ($\gtrsim 1.6 $/yr), a population inference study including these can better inform the parameter space of BHs corresponding to the pair instability mass gap, high redshifts, positive effective spins and asymmetric mass ratios. | astro-ph |
2,312.02607 | We show that here standard decoding algorithms for generic linear codes over a finite field can speeded up by a factor which is essentially the size of the finite field by reducing it to a low weight codeword problem and working in the relevant projective space. We apply this technique to SDitH and show that the parameters of both the original submission and the updated version fall short of meeting the security requirements asked by the NIST. | math |
2,312.02599 | A Magnetic field Aided Inertial Navigation System (MAINS) for indoor navigation is proposed in this paper. MAINS leverages an array of magnetometers to measure spatial variations in the magnetic field, which are then used to estimate the displacement and orientation changes of the system, thereby aiding the inertial navigation system (INS). Experiments show that MAINS significantly outperforms the stand-alone INS, demonstrating a remarkable two orders of magnitude reduction in position error. Furthermore, when compared to the state-of-the-art magnetic-field-aided navigation approach, the proposed method exhibits slightly improved horizontal position accuracy. On the other hand, it has noticeably larger vertical error on datasets with large magnetic field variations. However, one of the main advantages of MAINS compared to the state-of-the-art is that it enables flexible sensor configurations. The experimental results show that the position error after 2 minutes of navigation in most cases is less than 3 meters when using an array of 30 magnetometers. Thus, the proposed navigation solution has the potential to solve one of the key challenges faced with current magnetic-field simultaneous localization and mapping (SLAM) solutions: the very limited allowable length of the exploration phase during which unvisited areas are mapped. | cs |
2,312.05988 | This article explores natural interaction modalities for human-cyber-physical systems (CPS) interaction in construction. CPS has been applied in construction for many purposes with the promise of improving the safety and productivity of construction operations. However, there is little research on human-CPS interaction in construction. This study proposes two methodologies for human-CPS interactions for construction progress monitoring - a) hand gesture interaction using transfer learning, and b) voice command interaction using natural language processing. User studies with thirty-two users validated the generalizability of the proposed methodologies. The proposed hand gesture recognition method achieved higher accuracy (99.69% vs 87.72%) and speed (36.05ms vs 578.91ms) than the proposed voice command recognition method, though users performed the progress monitoring task more correctly with voice commands than hand gestures (88% vs 66.1%). The main contribution of the study is the development of an ML pipeline and computational framework to recognize hand gestures and voice commands without the need for a large training dataset for human-CPS interaction. | cs |
2,312.05858 | Without a credible control group, the most widespread methodologies for estimating causal effects cannot be applied. To fill this gap, we propose the Machine Learning Control Method (MLCM), a new approach for causal panel analysis based on counterfactual forecasting with machine learning. The MLCM estimates policy-relevant causal parameters in short- and long-panel settings without relying on untreated units. We formalize identification in the potential outcomes framework and then provide estimation based on supervised machine learning algorithms. To illustrate the advantages of our estimator, we present simulation evidence and an empirical application on the impact of the COVID-19 crisis on educational inequality in Italy. We implement the proposed method in the companion R package MachineControl. | stat |
2,312.05579 | We propose a conditional stochastic interpolation (CSI) approach to learning conditional distributions. CSI learns probability flow equations or stochastic differential equations that transport a reference distribution to the target conditional distribution. This is achieved by first learning the drift function and the conditional score function based on conditional stochastic interpolation, which are then used to construct a deterministic process governed by an ordinary differential equation or a diffusion process for conditional sampling. In our proposed CSI model, we incorporate an adaptive diffusion term to address the instability issues arising during the training process. We provide explicit forms of the conditional score function and the drift function in terms of conditional expectations under mild conditions, which naturally lead to an nonparametric regression approach to estimating these functions. Furthermore, we establish non-asymptotic error bounds for learning the target conditional distribution via conditional stochastic interpolation in terms of KL divergence, taking into account the neural network approximation error. We illustrate the application of CSI on image generation using a benchmark image dataset. | stat |
2,312.06396 | Robotic Process Automation (RPA) has gained widespread adoption in corporate organizations, streamlining work processes while also introducing additional maintenance tasks. Effective governance of RPA can be achieved through the reusability of RPA components. However, refactoring RPA processes poses challenges when dealing with larger development teams, outsourcing, and staff turnover. This research aims to explore the possibility of identifying similarities in RPA processes for refactoring. To address this issue, we have developed Similarity Discovering Techniques for RPA (SiDiTeR). SiDiTeR utilizes source code or process logs from RPAautomations to search for similar or identical parts within RPA processes. The techniques introduced are specifically tailored to the RPA domain. We have expanded the potential matches by introducing a dictionary feature which helps identify different activities that produce the same output, and this has led to improved results in the RPA domain. Through our analysis, we have discovered 655 matches across 156 processes, with the longest match spanning 163 occurrences in 15 processes. Process similarity within the RPA domain proves to be a viable solution for mitigating the maintenance burden associated with RPA. This underscores the significance of process similarity in the RPA domain. | cs |
2,312.03517 | The substantial computational costs of diffusion models, particularly due to the repeated denoising steps crucial for high-quality image generation, present a major obstacle to their widespread adoption. While several studies have attempted to address this issue by reducing the number of score function evaluations using advanced ODE solvers without fine-tuning, the decreased number of denoising iterations misses the opportunity to update fine details, resulting in noticeable quality degradation. In our work, we introduce an advanced acceleration technique that leverages the temporal redundancy inherent in diffusion models. Reusing feature maps with high temporal similarity opens up a new opportunity to save computation without sacrificing output quality. To realize the practical benefits of this intuition, we conduct an extensive analysis and propose a novel method, FRDiff. FRDiff is designed to harness the advantages of both reduced NFE and feature reuse, achieving a Pareto frontier that balances fidelity and latency trade-offs in various generative tasks. | cs |
2,312.02341 | Traffic congestion has become an inevitable challenge in large cities due to population increases and expansion of urban areas. Various approaches are introduced to mitigate traffic issues, encompassing from expanding the road infrastructure to employing demand management. Congestion pricing and incentive schemes are extensively studied for traffic control in traditional networks where each driver is a network "player". In this setup, drivers' "selfish" behavior hinders the network from reaching a socially optimal state. In future mobility services, on the other hand, a large portion of drivers/vehicles may be controlled by a small number of companies/organizations. In such a system, offering incentives to organizations can potentially be much more effective in reducing traffic congestion rather than offering incentives directly to drivers. This paper studies the problem of offering incentives to organizations to change the behavior of their individual drivers (or individuals relying on the organization's services). We developed a model where incentives are offered to each organization based on the aggregated travel time loss across all drivers in that organization. Such an incentive offering mechanism requires solving a large-scale optimization problem to minimize the system-level travel time. We propose an efficient algorithm for solving this optimization problem. Numerous experiments on Los Angeles County traffic data reveal the ability of our method to reduce system-level travel time by up to 6.9%. Moreover, our experiments demonstrate that incentivizing organizations can be up to 8 times more efficient than incentivizing individual drivers in terms of incentivization monetary cost. | math |
2,312.02513 | Rerandomization, a design that utilizes pretreatment covariates and improves their balance between different treatment groups, has received attention recently in both theory and practice. There are at least two types of rerandomization that are used in practice: the first rerandomizes the treatment assignment until covariate imbalance is below a prespecified threshold; the second randomizes the treatment assignment multiple times and chooses the one with the best covariate balance. In this paper we will consider the second type of rerandomization, namely the best-choice rerandomization, whose theory and inference are still lacking in the literature. In particular, we will focus on the best-choice rerandomization that uses the Mahalanobis distance to measure covariate imbalance, which is one of the most commonly used imbalance measure for multivariate covariates and is invariant to affine transformations of covariates. We will study the large-sample repeatedly sampling properties of the best-choice rerandomization, allowing both the number of covariates and the number of tried complete randomizations to increase with the sample size. We show that the asymptotic distribution of the difference-in-means estimator is more concentrated around the true average treatment effect under rerandomization than under the complete randomization, and propose large-sample accurate confidence intervals for rerandomization that are shorter than that for the completely randomized experiment. We further demonstrate that, with moderate number of covariates and with the number of tried randomizations increasing polynomially with the sample size, the best-choice rerandomization can achieve the ideally optimal precision that one can expect even with perfectly balanced covariates. The developed theory and methods for rerandomization are also illustrated using real field experiments. | math |
2,312.02721 | We compare properties of classical and pseudo-bulges and properties of their hosting galaxies selected from the MaNGA survey. Bulge types are identified based on the S$\mathrm{\acute{e}}$rsic index n of bulge component and the position of bulges on the Kormandy diagram. For the 393 classical bulges and 422 pseudo-bulges selected and their hosting galaxies, we study their kinematic properties including a proxy for specific angular momentum and central velocity dispersion, their stellar population properties including stellar age, metallicity, and specific star formation rate, as well as HI fractions of the galaxies. Our results show that at given stellar mass, disc components of pseudo-bulge galaxies are younger, have more active star formation, rotate more, and may contain more HI content compared with those of classical bulge galaxies, and the differences are larger than those between bulges themselves. The correlations between bulge types and disc properties indicate that different types of bulges are shaped by different processes that may regulate both growth of central components and evolution of outer discs in galaxies. In addition, we propose a stellar mass dependent divider of central velocity dispersion to separate galaxies with classical bulges from those with pseudo-bulges in galaxy mass range of $10.4<\mathrm{log}(M_*/M_\odot)<11.4$: $\mathrm{log}(\sigma_0) = 0.23 \times \mathrm{log}(M_*/M_\odot)-0.46$. Galaxies with larger/smaller $\sigma_0$ can be classified as hosts of classical/pseudo-bulges. | astro-ph |
2,312.02367 | Our goals fundamentally shape how we experience the world. For example, when we are hungry, we tend to view objects in our environment according to whether or not they are edible (or tasty). Alternatively, when we are cold, we may view the very same objects according to their ability to produce heat. Computational theories of learning in cognitive systems, such as reinforcement learning, use the notion of "state-representation" to describe how agents decide which features of their environment are behaviorally-relevant and which can be ignored. However, these approaches typically assume "ground-truth" state representations that are known by the agent, and reward functions that need to be learned. Here we suggest an alternative approach in which state-representations are not assumed veridical, or even pre-defined, but rather emerge from the agent's goals through interaction with its environment. We illustrate this novel perspective by inferring the goals driving rat behavior in an odor-guided choice task and discuss its implications for developing, from first principles, an information-theoretic account of goal-directed state representation learning and behavior. | q-bio |
2,312.04738 | Streaming data, crucial for applications like crowdsourcing analytics, behavior studies, and real-time monitoring, faces significant privacy risks due to the large and diverse data linked to individuals. In particular, recent efforts to release data streams, using the rigorous privacy notion of differential privacy (DP), have encountered issues with unbounded privacy leakage. This challenge limits their applicability to only a finite number of time slots (''finite data stream'') or relaxation to protecting the events (''event or $w$-event DP'') rather than all the records of users. A persistent challenge is managing the sensitivity of outputs to inputs in situations where users contribute many activities and data distributions evolve over time. In this paper, we present a novel technique for Differentially Private data streaming over Infinite disclosure (DPI) that effectively bounds the total privacy leakage of each user in infinite data streams while enabling accurate data collection and analysis. Furthermore, we also maximize the accuracy of DPI via a novel boosting mechanism. Finally, extensive experiments across various streaming applications and real datasets (e.g., COVID-19, Network Traffic, and USDA Production), show that DPI maintains high utility for infinite data streams in diverse settings. Code for DPI is available at . | cs |
2,312.06408 | Combining gradient-based trajectory optimization with differentiable physics simulation is an efficient technique for solving soft-body manipulation problems. Using a well-crafted optimization objective, the solver can quickly converge onto a valid trajectory. However, writing the appropriate objective functions requires expert knowledge, making it difficult to collect a large set of naturalistic problems from non-expert users. We introduce DiffVL, a method that enables non-expert users to communicate soft-body manipulation tasks -- a combination of vision and natural language, given in multiple stages -- that can be readily leveraged by a differential physics solver. We have developed GUI tools that enable non-expert users to specify 100 tasks inspired by real-life soft-body manipulations from online videos, which we'll make public. We leverage large language models to translate task descriptions into machine-interpretable optimization objectives. The optimization objectives can help differentiable physics solvers to solve these long-horizon multistage tasks that are challenging for previous baselines. | cs |
2,312.02871 | Species transport models typically combine partial differential equations (PDEs) with relations from hindered transport theory to quantify electromigrative, convective, and diffusive transport through complex nanoporous systems; however, these formulations are frequently substantial simplifications of the governing dynamics, leading to the poor generalization performance of PDE-based models. Given the growing interest in deep learning methods for the physical sciences, we develop a machine learning-based approach to characterize ion transport across nanoporous membranes. Our proposed framework centers around attention-enhanced neural differential equations that incorporate electroneutrality-based inductive biases to improve generalization performance relative to conventional PDE-based methods. In addition, we study the role of the attention mechanism in illuminating physically-meaningful ion-pairing relationships across diverse mixture compositions. Further, we investigate the importance of pre-training on simulated data from PDE-based models, as well as the performance benefits from hard vs. soft inductive biases. Our results indicate that physics-informed deep learning solutions can outperform their classical PDE-based counterparts and provide promising avenues for modelling complex transport phenomena across diverse applications. | cs |
2,312.03573 | We study stochastic Nash equilibrium problems subject to heterogeneous uncertainty on the cost functions of the individual agents. In our setting, we assume no prior knowledge of the underlying probability distribution of the uncertain variables. Adopting a data-driven distributionally robust approach, based on the so-called Wasserstein metric, where each agent constructs their own ambiguity set, we provide, under mild assumptions, finite sample guarantees on the probability that the data-driven distributionally robust Nash equilibrium is also robust with respect to the true probability distributions with high confidence. Furthermore, by recasting the game as a distributionally robust variational inequality, under appropriate conditions, we establish almost sure asymptotic convergence of the set of data-driven distributionally robust equilibria to the solution set of the original game. Finally, we recast the distributionally robust Nash game as a finite-dimensional Nash equilibrium problem. We illustrate the proposed distributionally robust reformulation via numerical experiments of stochastic Nash-Cournot games. | eess |
2,312.03564 | Plane partitions in the totally symmetric self-complementary symmetry class (TSSCPP) are known to be equinumerous with n x n alternating sign matrices, but no explicit bijection is known. In this paper, we give a bijection from these plane partitions to {0,1,-1}-matrices we call magog matrices, some of which are alternating sign matrices. We explore enumerative properties of these matrices related to natural statistics such as inversion number and number of negative ones. We then investigate the polytope defined as their convex hull. We show that all the magog matrices are extreme and give a partial inequality description. Finally, we define another TSSCPP polytope as the convex hull of TSSCPP boolean triangles and determine its dimension, inequalities, vertices, and facets. | math |
2,312.0284 | This work demonstrates classical generation is preserved by the derived pushforward along the canonical morphism of a noncommutative commutative scheme to its underlying scheme. There are intriguing examples illustrating this phenomenon, particularly from noncommutative crepant resolutions, categorical resolutions, and homological projective duality. | math |
2,312.03891 | Smart intersections have the potential to improve road safety with sensing, communication, and edge computing technologies. Perception sensors installed at a smart intersection can monitor the traffic environment in real time and send infrastructure-based warnings to nearby travelers through V2X communication. This paper investigated how infrastructure-based warnings can influence driving behaviors and improve roundabout safety through a driving-simulator study - a challenging driving scenario for human drivers. A co-simulation platform integrating Simulation of Urban Mobility (SUMO) and Webots was developed to serve as the driving simulator. A real-world roundabout in Ann Arbor, Michigan was built in the co-simulation platform as the study area, and the merging scenarios were investigated. 36 participants were recruited and asked to navigate the roundabout under three danger levels (e.g., low, medium, high) and three collision warning designs (e.g., no warning, warning issued 1 second in advance, warning issued 2 seconds in advance). Results indicated that advanced warnings can significantly enhance safety by minimizing potential risks compared to scenarios without warnings. Earlier warnings enabled smoother driver responses and reduced abrupt decelerations. In addition, a personalized intention prediction model was developed to predict drivers' stop-or-go decisions when the warning is displayed. Among all tested machine learning models, the XGBoost model achieved the highest prediction accuracy with a precision rate of 95.56% and a recall rate of 97.73%. | cs |
2,312.03338 | The spotted lanternfly (Lycorma delicatula) has recently spread from its native range to several other countries and forecasts predict that it may become a global invasive pest. In particular, since its confirmed presence in the United States in 2014 it has established itself as a major invasive pest in the Mid-Atlantic region where it is damaging both naturally occurring and commercially important farmed plants. Quarantine zones have been introduced to contain the infestation, but the spread to new areas continues. At present the pathways and drivers of spread are not well-understood. In particular, several human activity related factors have been proposed to contribute to the spread; however, which features of the current spread can be attributed to these factors remains unclear. Here we collect county level data on infestation status and four human activity related factors and use statistical methods to determine whether there is evidence for an association between the factors and infestation. Then we construct a mechanistic network model based on the factors found to be associated with infestation and use it to simulate local spread. We find that the model reproduces key features of the spread 2014 to 2021. In particular, the growth of the main infestation region and the opening of spread corridors in the westward and southwestern directions is consistent with data and the model accurately forecasts the correct infestation status at the county level in 2021 with $81\%$ accuracy. We then use the model to forecast the spread up to 2025 in a larger region. Given that this model is based on a few human activity related factors that can be targeted, it may prove useful in informing management and further modeling efforts related to the current spotted lanternfly infestation in the US and potentially for current and future invasions elsewhere globally. | q-bio |
2,312.02233 | Despite the success of Large Language Models (LLMs) in general image tasks, a gap persists in the medical field for a multimodal large model adept at handling the nuanced diversity of medical images. Addressing this, we propose MedXChat, a unified multimodal large model designed for seamless interactions between medical assistants and users. MedXChat encompasses three key functionalities: CXR(Chest X-ray)-to-Report generation, CXR-based visual question-answering (VQA), and Text-to-CXR synthesis. Our contributions are as follows. Firstly, our model showcases exceptional cross-task adaptability, displaying adeptness across all three defined tasks and outperforming the benchmark models on the MIMIC dataset in medical multimodal applications. Secondly, we introduce an innovative Text-to-CXR synthesis approach that utilizes instruction-following capabilities within the Stable Diffusion (SD) architecture. This technique integrates smoothly with the existing model framework, requiring no extra parameters, thereby maintaining the SD's generative strength while also bestowing upon it the capacity to render fine-grained medical images with high fidelity. Comprehensive experiments validate MedXChat's synergistic enhancement across all tasks. Our instruction data and model will be open-sourced. | cs |
2,312.04246 | We extend a general result showing that the asymptotic behavior of high moments, factorial or standard, of random variables, determines the asymptotically normality, from the one dimensional to the multidimensional setting. This approach differs from the usual moment method which requires that the moments of each fixed order converge. We illustrate our results by considering a joint distribution of the numbers of bins (having the same, finite, capacity) containing a prescribed number of balls in a classical allocation scheme. | math |
2,312.05746 | This paper proposes a fully scalable multi-agent reinforcement learning (MARL) approach for packet scheduling in conflict graphs, aiming to minimizing average packet delays. Each agent autonomously manages the schedule of a single link over one or multiple sub-bands, considering its own state and states of conflicting links. The problem can be conceptualized as a decentralized partially observable Markov decision process (Dec-POMDP). The proposed solution leverages an on-policy reinforcement learning algorithms multi-agent proximal policy optimization (MAPPO) within a multi-agent networked system, incorporating advanced recurrent structures in the neural network. The MARL design allows for fully decentralized training and execution, seamlessly scaling to very large networks. Extensive simulations across a diverse range of conflict graphs demonstrate that the proposed solution compares favorably to well-established schedulers in terms of both throughput and delay under various traffic conditions. | cs |
2,312.03107 | The origin of repeating fast radio bursts (RFRBs) is still a mystery. We propose that short-lived RFRBs might be triggered from the tidal disruption of white dwarfs (WDs) by intermediate-mass black holes (BHs). In this model, we show that the remnant WD clusters after tidal collapse cuts the magnetic lines on the BH accretion discs, and during each fall of the clump, so that electrons are torn from the surface of the mass and instantly accelerated to the relativistic energy. The subsequent movement of these electrons along magnetic field lines will result in coherent curvature radiation. This short-lived radio transients might accompany with the accretion process. The luminosity and the timescale can be estimated to be $L_\mathrm{tot}\sim 1.96\times10^{40}~{\rm erg~s^{-1}}$ and $\Delta t\sim1.14~{\rm ms}$, respectively, which are consistent with the typical properties of RFRBs. Moreover, the total event rate of our model for generating RFRBs might be as high as $\sim 10~\rm {yr^{-1}~Gpc^{-3}}$. | astro-ph |
2,312.04266 | Sequence prediction on temporal data requires the ability to understand compositional structures of multi-level semantics beyond individual and contextual properties. The task of temporal action segmentation, which aims at translating an untrimmed activity video into a sequence of action segments, remains challenging for this reason. This paper addresses the problem by introducing an effective activity grammar to guide neural predictions for temporal action segmentation. We propose a novel grammar induction algorithm that extracts a powerful context-free grammar from action sequence data. We also develop an efficient generalized parser that transforms frame-level probability distributions into a reliable sequence of actions according to the induced grammar with recursive rules. Our approach can be combined with any neural network for temporal action segmentation to enhance the sequence prediction and discover its compositional structure. Experimental results demonstrate that our method significantly improves temporal action segmentation in terms of both performance and interpretability on two standard benchmarks, Breakfast and 50 Salads. | cs |
2,312.02165 | We developed a pilot course focused on mathematical modeling within the tertiary education framework, with a distinct emphasis on sustainability and sustainable development. While an applicable textbook exists for this liberal arts course, it is noticeable that numerous examples within it are not directly aligned with sustainability concerns. To address this gap, our study strategically integrated the teaching and learning of modeling by carefully selecting classroom examples that closely align with the context of sustainability. By employing an innovative and adaptable approach to the course content delivery, we fostered interdisciplinary collaboration among students, improved their comprehension, and enhanced their interdisciplinary skills. | math |
2,312.03402 | If a two-level system coupled to a single-mode cavity is strongly driven by an external laser, instead of a continuous accumulation of photons in the cavity, oscillations in the mean photon number occur. These oscillations correspond to peaks of finite width running up and down in the photon number distribution, reminiscent of wave packets in linear chain models. A single wave packet is found if the cavity is resonant to the external laser. Here, we show that for finite detuning multiple packet structures can exist simultaneously, oscillating at different frequencies and amplitudes. We further study the influence of dissipative effects resulting in the formation of a stationary state, which depending on the parameters can be characterized by a bimodal photon number distribution. While we give analytical limits for the maximally achievable photon number in the absence of any dissipation, surprisingly, dephasing processes can push the photon occupations towards higher photon numbers. | quant-ph |
2,312.03658 | We show the existence of the so-called semiclassical states $\mathbf{U}:\mathbb{R}^3\to\mathbb{R}^3$ to the following curl-curl problem $$ \varepsilon^2\; \nabla \times (\nabla \times \mathbf{U}) + V(x) \mathbf{U} = g(\mathbf{U}), $$ for sufficiently small $\varepsilon > 0$. We study the asymptotic behaviour of solutions as $\varepsilon\to 0^+$ and we investigate also a related nonlinear Schrödinger equation involving a singular potential. The problem models large permeability nonlinear materials satisfying the system of Maxwell equations. | math |
2,312.05089 | The notion of supershift generalizes that one of superoscillation and expresses the fact that the sampling of a function in an interval allows to compute the values of the function outside the interval. In a previous paper we discussed the case in which the sampling of the function is regular and we are considering supershift in a bounded set, while here we investigate how irregularity in the sampling may affect the answer to the question of whether there is any relation between supershift and real analyticity on the whole real line. We show that the restriction to $\mathbb{R}$ of any entire function displays supershift, whereas the converse is, in general, not true. We conjecture that the converse is true as long as the sampling is regular, we discuss examples in support and we prove that the conjecture is indeed true for periodic functions. | math |
2,312.06472 | Vehicular platoons provide an appealing option for future transportation systems. Most of the existing work on platoons separated the design of the controller and its communication topologies. However, it is beneficial to design both the platooning controller and the communication topology simultaneously, i.e., controller and topology co-design, especially in the cases of platoon splitting and merging. We are, therefore, motivated to propose a co-design framework for vehicular platoons that maintains both the compositionality of the controller and the string stability of the platoon, which enables the merging and splitting of the vehicles in a this end, we first formulate the co-design problem as a centralized linear matrix inequality (LMI) problem and then decompose it using Sylvester's criterion to obtain a set of smaller decentralized LMI problems that can be solved sequentially at individual vehicles in the platoon. Moreover, in the formulated decentralized LMI problems, we encode a specifically derived local LMI to enforce the $L_2$ stability of the closed-loop platooning system, further implying the $L_2$ weak string stability of the vehicular platoon. Besides, by providing extra constraints on the control parameters, the disturbance string stability is formally guaranteed. Finally, to validate the proposed co-design method and its features in terms of merging/splitting, we provide an extensive collection of simulation results generated from a specifically developed simulation framework. Available in GitHub: that we have made publicly available. | eess |
2,312.03808 | Despite recent advances in both model architectures and data augmentation, multimodal object detectors still barely outperform their LiDAR-only counterparts. This shortcoming has been attributed to a lack of sufficiently powerful multimodal data augmentation. To address this, we present SurfaceAug, a novel ground truth sampling algorithm. SurfaceAug pastes objects by resampling both images and point clouds, enabling object-level transformations in both modalities. We evaluate our algorithm by training a multimodal detector on KITTI and compare its performance to previous works. We show experimentally that SurfaceAug outperforms existing methods on car detection tasks and establishes a new state of the art for multimodal ground truth sampling. | cs |
2,312.02866 | We present an analysis of nine bright spectroscopic binaries (HD 1585, HD 6613, HD 12390, HD 39923, HD 55201, HD 147430, HD 195543, HD 202699, HD 221643), which have orbital periods of P > 500 days. These well-separated binaries are the last stars of our sample that we observed with the TIGRE telescope obtaining intermediate-resolution spectra of R = 20,000. We applied the same method as described in our previous publication of this series. For the analysis of the radial velocity curves, we used the toolkit RadVel, which allowed us to determine all orbital parameters. Recently published orbital solutions of some systems from Gaia DR3 agree with our results. However, our solutions have much smaller uncertainties. We determined the basic stellar parameters of the primary stars with our automatic script using iSpec. The parameter determination allowed us to place all nine stars in the Hertzsprung-Russell diagram. We found that all stars have already evolved to the giant phase. A comparison with stellar evolution tracks of the Eggleton code was applied to determine the stellar masses and ages. As a result of our analysis, we were able to estimate the masses of the secondary stars and the orbital inclinations of the binary systems. | astro-ph |
2,312.03399 | We show that every $n$-vertex triangulation has a connected dominating set of size at most $10n/21$. Equivalently, every $n$ vertex triangulation has a spanning tree with at least $11n/21$ leaves. Prior to the current work, the best known bounds were $n/2$, which follows from work of Albertson, Berman, Hutchinson, and Thomassen (J. Graph Theory \textbf{14}(2):247--258). One immediate consequence of this result is an improved bound for the SEFENOMAP graph drawing problem of Angelini, Evans, Frati, and Gudmundsson (J. Graph Theory \textbf{82}(1):45--64). As a second application, we show that every $n$-vertex planar graph has a one-bend non-crossing drawing in which some set of at least $11n/21$ vertices is drawn on the $x$-axis. | cs |
2,312.04059 | Automated coaching messages for weight control can save time and costs, but their repetitive, generic nature may limit their effectiveness compared to human coaching. Large language model (LLM) based artificial intelligence (AI) chatbots, like ChatGPT, could offer more personalized and novel messages to address repetition with their data-processing abilities. While LLM AI demonstrates promise to encourage healthier lifestyles, studies have yet to examine the feasibility and acceptability of LLM-based BWL coaching. 87 adults in a weight-loss trial rated ten coaching messages' helpfulness (five human-written, five ChatGPT-generated) using a 5-point Likert scale, providing additional open-ended feedback to justify their ratings. Participants also identified which messages they believed were AI-generated. The evaluation occurred in two phases: messages in Phase 1 were perceived as impersonal and negative, prompting revisions for Phase 2 messages. In Phase 1, AI-generated messages were rated less helpful than human-written ones, with 66 percent receiving a helpfulness rating of 3 or higher. However, in Phase 2, the AI messages matched the human-written ones regarding helpfulness, with 82% scoring three or above. Additionally, 50% were misidentified as human-written, suggesting AI's sophistication in mimicking human-generated content. A thematic analysis of open-ended feedback revealed that participants appreciated AI's empathy and personalized suggestions but found them more formulaic, less authentic, and too data-focused. This study reveals the preliminary feasibility and acceptability of LLM AIs, like ChatGPT, in crafting potentially effective weight control coaching messages. Our findings also underscore areas for future enhancement. | cs |
2,312.03173 | There is a constant need for educators to develop and maintain effective up-to-date assessments. While there is a growing body of research in computing education on utilizing large language models (LLMs) in generation and engagement with coding exercises, the use of LLMs for generating programming MCQs has not been extensively explored. We analyzed the capability of GPT-4 to produce multiple-choice questions (MCQs) aligned with specific learning objectives (LOs) from Python programming classes in higher education. Specifically, we developed an LLM-powered (GPT-4) system for generation of MCQs from high-level course context and module-level LOs. We evaluated 651 LLM-generated and 449 human-crafted MCQs aligned to 246 LOs from 6 Python courses. We found that GPT-4 was capable of producing MCQs with clear language, a single correct choice, and high-quality distractors. We also observed that the generated MCQs appeared to be well-aligned with the LOs. Our findings can be leveraged by educators wishing to take advantage of the state-of-the-art generative models to support MCQ authoring efforts. | cs |
2,312.0552 | Augmnety is a Python library for structured text augmentation. It is built on top of spaCy and allows for augmentation of both the text and its annotations. Augmenty provides a wide range of augmenters which can be combined in a flexible manner to create complex augmentation pipelines. It also includes a set of primitives that can be used to create custom augmenters such as word replacement augmenters. This functionality allows for augmentations within a range of applications such as named entity recognition (NER), part-of-speech tagging, and dependency parsing. | cs |
2,312.06382 | The proliferation of open-source scientific software for science and research presents opportunities and challenges. In this paper, we introduce the SciCat dataset -- a comprehensive collection of Free-Libre Open Source Software (FLOSS) projects, designed to address the need for a curated repository of scientific and research software. This collection is crucial for understanding the creation of scientific software and aiding in its development. To ensure extensive coverage, our approach involves selecting projects from a pool of 131 million deforked repositories from the World of Code data source. Subsequently, we analyze files using OpenAI's advanced language models. Our classification focuses on software designed for scientific purposes, research-related projects, and research support software. The SciCat dataset aims to become an invaluable tool for researching science-related software, shedding light on emerging trends, prevalent practices, and challenges in the field of scientific software development. Furthermore, it includes data that can be linked to the World of Code, GitHub, and other platforms, providing a solid foundation for conducting comparative studies between scientific and non-scientific software. | cs |
2,312.05044 | Can we learn policies in reinforcement learning without rewards? Can we learn a policy just by trying to reach a goal state? We answer these questions positively by proposing a multi-step procedure that first learns a world model that goes backward in time, secondly generates goal-reaching backward trajectories, thirdly improves those sequences using shortest path finding algorithms, and finally trains a neural network policy by imitation learning. We evaluate our method on a deterministic maze environment where the observations are $64\times 64$ pixel bird's eye images and can show that it consistently reaches several goals. | cs |
2,312.05502 | It is well-known that deep learning models are vulnerable to small input perturbations. Such perturbed instances are called adversarial examples. Adversarial examples are commonly crafted to fool a model either at training time (poisoning) or test time (evasion). In this work, we study the symbiosis of poisoning and evasion. We show that combining both threat models can substantially improve the devastating efficacy of adversarial attacks. Specifically, we study the robustness of Graph Neural Networks (GNNs) under structure perturbations and devise a memory-efficient adaptive end-to-end attack for the novel threat model using first-order optimization. | cs |
2,312.02348 | Micro-controller units (MCUs) implement the de facto interface between the physical and digital worlds. As a consequence, they appear in a variety of sensing/actuation applications, from smart personal spaces to complex industrial control systems and safety-critical medical equipment. While many of these devices perform safety- and time-critical tasks, they often lack support for security features compatible with their importance to overall system functions. This lack of architectural support leaves them vulnerable to run-time attacks that can remotely alter their intended behavior, with potentially catastrophic consequences. In particular, we note that MCU software often includes untrusted third-party libraries (some of them closed-source) that are blindly used within MCU programs, without proper isolation from the rest of the system. In turn, a single vulnerability (or intentional backdoor) in one such third-party software can often compromise the entire MCU software state.
In this paper, we tackle this problem by proposing, demonstrating security, and formally verifying the implementation of UCCA: an Untrusted Code Compartment Architecture. UCCA provides flexible hardware-enforced isolation of untrusted code sections (e.g., third-party software modules) in resource-constrained and time-critical MCUs. To demonstrate UCCA's practicality, we implement an open-source version of the design on a real resource-constrained MCU: the well-known TI MSP430. Our evaluation shows that UCCA incurs little overhead and is affordable even to lowest-end MCUs, requiring significantly less overhead and assumptions than prior related work. | cs |
2,312.05877 | This document represents the proceedings of the 2023 XCSP3 Competition. The results of this competition of constraint solvers were presented at CP'23 (the 29th International Conference on Principles and Practice of Constraint Programming, held in Toronto, Canada from 27th to 31th August, 2023). | cs |